diff --git a/.gitignore b/.gitignore index 9210501..5937e74 100644 --- a/.gitignore +++ b/.gitignore @@ -32,4 +32,6 @@ crypto/sol/.vs/* crypto/brian/models/best/* crypto/brian/models/last/* crypto/brian/live_chart.html -crypto/gogo2/models/* +crypto/gogo2/trading_bot.log +*.log +crypto/gogo2/checkpoints/trading_agent_episode_30.pt diff --git a/crypto/gogo2/.vscode/launch.json b/crypto/gogo2/.vscode/launch.json index 7e77d5b..5245d38 100644 --- a/crypto/gogo2/.vscode/launch.json +++ b/crypto/gogo2/.vscode/launch.json @@ -6,7 +6,7 @@ "type": "python", "request": "launch", "program": "main.py", - "args": ["--mode", "train", "--episodes", "1000"], + "args": ["--mode", "train", "--episodes", "100"], "console": "integratedTerminal", "justMyCode": true }, @@ -36,6 +36,15 @@ "args": ["--mode", "live"], "console": "integratedTerminal", "justMyCode": true + }, + { + "name": "Continuous Training", + "type": "python", + "request": "launch", + "program": "main.py", + "args": ["--mode", "continuous", "--refresh-data"], + "console": "integratedTerminal", + "justMyCode": true } ] } \ No newline at end of file diff --git a/crypto/gogo2/_notes.md b/crypto/gogo2/_notes.md new file mode 100644 index 0000000..5ef19f9 --- /dev/null +++ b/crypto/gogo2/_notes.md @@ -0,0 +1,24 @@ + + +ensure we use GPU if available to train faster. during training we need to have RL loop that looks at streaming data, and retrospective backtesting/training on predictions. sincr the start of the traing we're only loosing. implement robust penalty and analysis when closing a loosing trade and improve the reward function. + + + + +2025-03-10 12:11:28,651 - INFO - Initialized environment with 500 candles +C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\transformer.py:385: UserWarning: enable_nested_tensor is True, but self.use_nested_tensor is False because encoder_layer.self_attn.batch_first was not True(use batch_first for better inference performance) + warnings.warn( +main.py:1105: FutureWarning: `torch.cuda.amp.GradScaler(args...)` is deprecated. Please use `torch.amp.GradScaler('cuda', args...)` instead. + self.scaler = amp.GradScaler() +C:\Users\popov\miniforge3\Lib\site-packages\torch\amp\grad_scaler.py:132: UserWarning: torch.cuda.amp.GradScaler is enabled, but CUDA is not available. Disabling. + warnings.warn( +2025-03-10 12:11:30,927 - INFO - Starting training for 1000 episodes... +2025-03-10 12:11:30,927 - INFO - Starting training on device: cpu +2025-03-10 12:11:30,928 - ERROR - Training failed: 'TradingEnvironment' object has no attribute 'initialize_price_predictor' +2025-03-10 12:11:30,928 - INFO - Exchange connection closed +Backend tkagg is interactive backend. Turning interactive mode on. + + + + +2025-03-10 12:35:14,489 - INFO - Episode 34: Reward=232.41, Balance=$98.47, Win Rate=70.6%, Trades=17, Episode PnL=$-1.33, Total PnL=$-559.78, Max Drawdown=7.0%, Pred Accuracy=99.9% \ No newline at end of file diff --git a/crypto/gogo2/checkpoints/best_metrics.json b/crypto/gogo2/checkpoints/best_metrics.json new file mode 100644 index 0000000..5d82d0b --- /dev/null +++ b/crypto/gogo2/checkpoints/best_metrics.json @@ -0,0 +1 @@ +{"best_reward": 202.7441047517104, "best_pnl": 9.19044876852315, "best_win_rate": 73.33333333333333, "last_episode": 30, "timestamp": "2025-03-10T16:25:14.651996"} \ No newline at end of file diff --git a/crypto/gogo2/cuda.py b/crypto/gogo2/cuda.py new file mode 100644 index 0000000..727e960 --- /dev/null +++ b/crypto/gogo2/cuda.py @@ -0,0 +1,4 @@ +import torch +print(f"PyTorch version: {torch.__version__}") +print(f"CUDA available: {torch.cuda.is_available()}") +print(f"CUDA version: {torch.version.cuda if torch.cuda.is_available() else 'Not available'}") \ No newline at end of file diff --git a/crypto/gogo2/main.py b/crypto/gogo2/main.py index 78c46af..e5c7e02 100644 --- a/crypto/gogo2/main.py +++ b/crypto/gogo2/main.py @@ -20,6 +20,12 @@ from torch.utils.tensorboard import SummaryWriter import torch.cuda.amp as amp # Add this import at the top from sklearn.preprocessing import MinMaxScaler import copy +import argparse +import traceback +import math +import matplotlib.dates as mdates +from matplotlib.figure import Figure +from matplotlib.backends.backend_agg import FigureCanvasAgg as FigureCanvas # Configure logging logging.basicConfig( @@ -52,6 +58,28 @@ TARGET_UPDATE = 10 # Update target network every 10 episodes # Experience replay tuple Experience = namedtuple('Experience', ['state', 'action', 'reward', 'next_state', 'done']) +# Add this function near the top of the file, after the imports but before any classes +def find_local_extrema(prices, window=5): + """Find local minima (bottoms) and maxima (tops) in price data""" + bottoms = [] + tops = [] + + if len(prices) < window * 2 + 1: + return bottoms, tops + + for i in range(window, len(prices) - window): + # Check if this is a local minimum (bottom) + if all(prices[i] <= prices[i-j] for j in range(1, window+1)) and \ + all(prices[i] <= prices[i+j] for j in range(1, window+1)): + bottoms.append(i) + + # Check if this is a local maximum (top) + if all(prices[i] >= prices[i-j] for j in range(1, window+1)) and \ + all(prices[i] >= prices[i+j] for j in range(1, window+1)): + tops.append(i) + + return bottoms, tops + class ReplayMemory: def __init__(self, capacity): self.memory = deque(maxlen=capacity) @@ -69,6 +97,9 @@ class DQN(nn.Module): def __init__(self, state_size, action_size, hidden_size=384, lstm_layers=2, attention_heads=4): super(DQN, self).__init__() + # Ensure model parameters are float32 + self.float() + self.state_size = state_size self.hidden_size = hidden_size self.lstm_layers = lstm_layers @@ -96,16 +127,24 @@ class DQN(nn.Module): self.advantage_stream = nn.Linear(hidden_size // 2, action_size) # Transformer encoder for more complex pattern recognition - encoder_layer = nn.TransformerEncoderLayer(d_model=hidden_size, nhead=attention_heads, dropout=0.1) + encoder_layer = nn.TransformerEncoderLayer( + d_model=hidden_size, + nhead=attention_heads, + dropout=0.1, + batch_first=True # Add this parameter + ) self.transformer_encoder = nn.TransformerEncoder(encoder_layer, num_layers=2) def forward(self, x): batch_size = x.size(0) if x.dim() > 1 else 1 - # Ensure input has correct shape + # Ensure input has correct shape and type if x.dim() == 1: x = x.unsqueeze(0) # Add batch dimension - + + # Ensure float32 type + x = x.float() + # Check if state size matches expected input size if x.size(1) != self.state_size: # Handle mismatched input by either truncating or padding @@ -130,8 +169,8 @@ class DQN(nn.Module): # Process through transformer for more complex patterns transformer_input = x.unsqueeze(1) if x.dim() == 2 else x - transformer_out = self.transformer_encoder(transformer_input.transpose(0, 1)) - transformer_out = transformer_out.transpose(0, 1).mean(dim=1) + transformer_out = self.transformer_encoder(transformer_input) + transformer_out = transformer_out.mean(dim=1) # Average across sequence dimension # Combine LSTM and transformer outputs x = lstm_out + transformer_out @@ -200,7 +239,12 @@ class PricePredictionModel(nn.Module): predictions = self.postprocess(scaled_predictions) return predictions - def train_on_new_data(self, price_history, optimizer, epochs=10): + def train_on_new_data(self, price_history, optimizer, epochs=5): + """Train the model on new price data""" + # Convert to numpy array if it's not already + if isinstance(price_history, list): + price_history = np.array(price_history, dtype=np.float32) # Force float32 + if len(price_history) < 35: # Need enough history for training return 0.0 @@ -212,78 +256,64 @@ class PricePredictionModel(nn.Module): targets = [] for i in range(len(scaled_data) - 35): + # Sequence: 30 time steps seq = scaled_data[i:i+30] - target = scaled_data[i+30:i+35] + # Target: next 5 time steps + target = scaled_data[i+30:i+35].flatten() + sequences.append(seq) targets.append(target) - - if not sequences: + + if not sequences: # If no sequences were created return 0.0 - sequences = np.array(sequences).reshape(-1, 30, 1) - targets = np.array(targets).reshape(-1, 5) - # Convert to tensors - sequences_tensor = torch.FloatTensor(sequences).to(next(self.parameters()).device) - targets_tensor = torch.FloatTensor(targets).to(next(self.parameters()).device) + sequences_tensor = torch.FloatTensor(np.array(sequences).reshape(-1, 30, 1)).to(next(self.parameters()).device) + targets_tensor = torch.FloatTensor(np.array(targets)).to(next(self.parameters()).device) - # Train + # Training loop total_loss = 0 for _ in range(epochs): - optimizer.zero_grad() + # Forward pass predictions = self(sequences_tensor) + + # Calculate loss loss = F.mse_loss(predictions, targets_tensor) + + # Backward pass and optimize + optimizer.zero_grad() loss.backward() optimizer.step() - total_loss += loss.item() + total_loss += loss.item() + return total_loss / epochs class TradingEnvironment: - def __init__(self, exchange, symbol="ETH/USDT", timeframe="1m", leverage=MAX_LEVERAGE, - initial_balance=INITIAL_BALANCE, window_size=60, is_demo=True): - self.exchange = exchange - self.symbol = symbol - self.timeframe = timeframe - self.leverage = leverage - self.balance = initial_balance + def __init__(self, initial_balance=INITIAL_BALANCE, window_size=30, demo=True): + """Initialize the trading environment""" self.initial_balance = initial_balance + self.balance = initial_balance self.window_size = window_size - self.is_demo = is_demo - - self.position = None # 'long', 'short', or None - self.entry_price = 0.0 - self.position_size = 0.0 - self.stop_loss = 0.0 - self.take_profit = 0.0 - - self.data = deque(maxlen=window_size) + self.demo = demo + self.data = [] + self.position = 'flat' # 'flat', 'long', or 'short' + self.position_size = 0 + self.entry_price = 0 + self.entry_index = 0 + self.stop_loss = 0 + self.take_profit = 0 self.trades = [] - self.current_step = 0 - - # Action space: 0 = hold, 1 = buy, 2 = sell, 3 = close - self.action_space = 4 - - self._initialize_features() - - # Add price prediction model - self.price_predictor = None - self.predicted_prices = [] - - # Add statistics tracking - self.episode_pnl = 0.0 - self.total_pnl = 0.0 self.win_count = 0 self.loss_count = 0 - self.trade_count = 0 - self.max_drawdown = 0.0 + self.total_pnl = 0.0 + self.episode_pnl = 0.0 self.peak_balance = initial_balance + self.max_drawdown = 0.0 + self.current_step = 0 + self.current_price = 0 - # For backtesting optimal trades - self.optimal_trades = [] - - def _initialize_features(self): - """Initialize technical indicators and features""" + # Initialize features self.features = { 'price': [], 'volume': [], @@ -292,199 +322,378 @@ class TradingEnvironment: 'macd_signal': [], 'macd_hist': [], 'bollinger_upper': [], - 'bollinger_lower': [], 'bollinger_mid': [], - 'atr': [], - 'ema_fast': [], - 'ema_slow': [], + 'bollinger_lower': [], 'stoch_k': [], 'stoch_d': [], - 'mom': [] # Momentum + 'ema_9': [], + 'ema_21': [], + 'atr': [] } - async def fetch_initial_data(self): - """Fetch historical data to initialize the environment""" - logger.info(f"Fetching initial {self.window_size} candles for {self.symbol}...") - try: - # Try to use fetch_ohlcv directly - try: - # Check if exchange has async methods - if hasattr(self.exchange, 'has') and self.exchange.has.get('fetchOHLCVAsync', False): - ohlcv = await self.exchange.fetchOHLCVAsync( - self.symbol, - timeframe=self.timeframe, - limit=self.window_size - ) - else: - # Use synchronous method in an executor - loop = asyncio.get_event_loop() - ohlcv = await loop.run_in_executor( - None, - lambda: self.exchange.fetch_ohlcv( - self.symbol, - timeframe=self.timeframe, - limit=self.window_size - ) - ) - except AttributeError: - # Fallback to synchronous method - loop = asyncio.get_event_loop() - ohlcv = await loop.run_in_executor( - None, - lambda: self.exchange.fetch_ohlcv( - self.symbol, - timeframe=self.timeframe, - limit=self.window_size - ) - ) - - for candle in ohlcv: - timestamp, open_price, high, low, close, volume = candle - self.data.append({ - 'timestamp': timestamp, - 'open': open_price, - 'high': high, - 'low': low, - 'close': close, - 'volume': volume - }) - - self._update_features() - logger.info(f"Successfully fetched {len(self.data)} initial candles") - - except Exception as e: - logger.error(f"Error fetching initial data: {e}") - raise - - def _update_features(self): - """Calculate technical indicators from price data""" - if len(self.data) < 14: # Need minimum data for indicators + # Initialize price predictor + self.price_predictor = None + self.predicted_prices = np.array([]) + + # Initialize optimal trade tracking + self.optimal_bottoms = [] + self.optimal_tops = [] + self.optimal_signals = np.array([]) + + # Add risk factor for curriculum learning + self.risk_factor = 1.0 # Default risk factor + + def reset(self): + """Reset the environment to initial state""" + self.balance = self.initial_balance + self.position = 'flat' + self.position_size = 0 + self.entry_price = 0 + self.entry_index = 0 + self.stop_loss = 0 + self.take_profit = 0 + self.trades = [] + self.win_count = 0 + self.loss_count = 0 + self.episode_pnl = 0.0 + self.peak_balance = self.initial_balance + self.max_drawdown = 0.0 + self.current_step = 0 + + # Keep data but reset current position + if len(self.data) > self.window_size: + self.current_step = self.window_size + self.current_price = self.data[self.current_step]['close'] + + return self.get_state() + + def add_data(self, candle): + """Add a new candle to the data""" + self.data.append(candle) + self._update_features() + self.current_price = candle['close'] + + def _initialize_features(self): + """Initialize technical indicators and features""" + if len(self.data) < 30: return - df = pd.DataFrame(list(self.data)) + # Convert data to pandas DataFrame for easier calculation + df = pd.DataFrame(self.data) # Basic price and volume self.features['price'] = df['close'].values self.features['volume'] = df['volume'].values - # EMAs - self.features['ema_fast'] = df['close'].ewm(span=12, adjust=False).mean().values - self.features['ema_slow'] = df['close'].ewm(span=26, adjust=False).mean().values - - # RSI + # Calculate RSI (14 periods) delta = df['close'].diff() gain = delta.where(delta > 0, 0).rolling(window=14).mean() loss = -delta.where(delta < 0, 0).rolling(window=14).mean() rs = gain / loss - rsi = 100 - (100 / (1 + rs)) - self.features['rsi'] = rsi.fillna(50).values + self.features['rsi'] = 100 - (100 / (1 + rs)).fillna(50).values - # MACD + # Calculate MACD ema12 = df['close'].ewm(span=12, adjust=False).mean() ema26 = df['close'].ewm(span=26, adjust=False).mean() macd = ema12 - ema26 - macd_signal = macd.ewm(span=9, adjust=False).mean() - macd_hist = macd - macd_signal - + signal = macd.ewm(span=9, adjust=False).mean() self.features['macd'] = macd.values - self.features['macd_signal'] = macd_signal.values - self.features['macd_hist'] = macd_hist.values + self.features['macd_signal'] = signal.values + self.features['macd_hist'] = (macd - signal).values - # Bollinger Bands + # Calculate Bollinger Bands sma20 = df['close'].rolling(window=20).mean() std20 = df['close'].rolling(window=20).std() - upper_band = sma20 + (std20 * 2) - lower_band = sma20 - (std20 * 2) + self.features['bollinger_upper'] = (sma20 + 2 * std20).values + self.features['bollinger_mid'] = sma20.values + self.features['bollinger_lower'] = (sma20 - 2 * std20).values - self.features['bollinger_upper'] = upper_band.fillna(method='bfill').values - self.features['bollinger_mid'] = sma20.fillna(method='bfill').values - self.features['bollinger_lower'] = lower_band.fillna(method='bfill').values + # Calculate Stochastic Oscillator + low_14 = df['low'].rolling(window=14).min() + high_14 = df['high'].rolling(window=14).max() + k = 100 * ((df['close'] - low_14) / (high_14 - low_14)) + self.features['stoch_k'] = k.values + self.features['stoch_d'] = k.rolling(window=3).mean().values - # ATR (Average True Range) + # Calculate EMAs + self.features['ema_9'] = df['close'].ewm(span=9, adjust=False).mean().values + self.features['ema_21'] = df['close'].ewm(span=21, adjust=False).mean().values + + # Calculate ATR high_low = df['high'] - df['low'] high_close = (df['high'] - df['close'].shift()).abs() low_close = (df['low'] - df['close'].shift()).abs() - ranges = pd.concat([high_low, high_close, low_close], axis=1) - true_range = ranges.max(axis=1) - atr = true_range.rolling(window=14).mean() + tr = pd.concat([high_low, high_close, low_close], axis=1).max(axis=1) + self.features['atr'] = tr.rolling(window=14).mean().fillna(0).values + + def _update_features(self): + """Update technical indicators with new data""" + self._initialize_features() # Recalculate all features + + async def fetch_new_data(env, exchange, symbol="ETH/USDT", timeframe="1m", limit=1000): + """Fetch new data for the environment""" + # Call the environment's fetch_initial_data method + return await env.fetch_initial_data(exchange, symbol, timeframe, limit) + + async def fetch_initial_data(self, exchange, symbol="ETH/USDT", timeframe="1m", limit=1000): + """Fetch initial historical data for the environment""" + try: + logger.info(f"Fetching initial data for {symbol}") + + # Use the refactored fetch method + data = await fetch_ohlcv_data(exchange, symbol, timeframe, limit) + + # Update environment with fetched data + if data: + self.data = data + self._initialize_features() + logger.info(f"Initialized environment with {len(data)} candles") + else: + logger.warning("No initial data received") + + return len(data) > 0 + except Exception as e: + logger.error(f"Error fetching initial data: {e}") + return False + + def step(self, action): + """Take an action in the environment and return the next state, reward, and done flag""" + # Store current price before taking action + self.current_price = self.data[self.current_step]['close'] - self.features['atr'] = atr.fillna(method='bfill').values + # Process action (0: HOLD, 1: BUY/LONG, 2: SELL/SHORT, 3: CLOSE) + reward = self.calculate_reward(action) - # Stochastic Oscillator - low_min = df['low'].rolling(window=14).min() - high_max = df['high'].rolling(window=14).max() + # Check for stop loss / take profit hits + self.check_sl_tp() - k = 100 * ((df['close'] - low_min) / (high_max - low_min)) - d = k.rolling(window=3).mean() + # Move to next step + self.current_step += 1 + done = self.current_step >= len(self.data) - 1 - self.features['stoch_k'] = k.fillna(50).values - self.features['stoch_d'] = d.fillna(50).values + # Get new state + next_state = self.get_state() - # Momentum - self.features['mom'] = df['close'].diff(periods=10).values - - async def _update_with_new_data(self, candle): - """Update environment with new candle data""" - self.data.append(candle) - self._update_features() - self._check_position() - - def _check_position(self): + return next_state, reward, done + + def check_sl_tp(self): """Check if stop loss or take profit has been hit""" - if self.position is None or len(self.features['price']) == 0: + if self.position == 'flat': return - current_price = self.features['price'][-1] - if self.position == 'long': # Check stop loss - if current_price <= self.stop_loss: - logger.info(f"STOP LOSS triggered at {current_price} (long position)") - self._close_position(current_price, 'stop_loss') + if self.current_price <= self.stop_loss: + # Stop loss hit + pnl_percent = (self.stop_loss - self.entry_price) / self.entry_price * 100 + pnl_dollar = pnl_percent / 100 * self.position_size + + # Apply fees + pnl_dollar -= self.calculate_fees(self.position_size) + + # Update balance + self.balance += pnl_dollar + self.total_pnl += pnl_dollar + self.episode_pnl += pnl_dollar + + # Update max drawdown + if self.balance > self.peak_balance: + self.peak_balance = self.balance + drawdown = (self.peak_balance - self.balance) / self.peak_balance + self.max_drawdown = max(self.max_drawdown, drawdown) + + # Record trade + self.trades.append({ + 'type': 'long', + 'entry': self.entry_price, + 'exit': self.stop_loss, + 'entry_time': self.data[self.entry_index]['timestamp'], + 'exit_time': self.data[self.current_step]['timestamp'], + 'pnl_percent': pnl_percent, + 'pnl_dollar': pnl_dollar, + 'duration': self.current_step - self.entry_index, + 'market_direction': self.get_market_direction(), + 'reason': 'stop_loss' + }) + + # Update win/loss count + self.loss_count += 1 + + logger.info(f"STOP LOSS hit for long at {self.stop_loss} | PnL: {pnl_percent:.2f}% | ${pnl_dollar:.2f}") + + # Reset position + self.position = 'flat' + self.entry_price = 0 + self.entry_index = 0 + self.position_size = 0 + self.stop_loss = 0 + self.take_profit = 0 # Check take profit - elif current_price >= self.take_profit: - logger.info(f"TAKE PROFIT triggered at {current_price} (long position)") - self._close_position(current_price, 'take_profit') + elif self.current_price >= self.take_profit: + # Take profit hit + pnl_percent = (self.take_profit - self.entry_price) / self.entry_price * 100 + pnl_dollar = pnl_percent / 100 * self.position_size + + # Apply fees + pnl_dollar -= self.calculate_fees(self.position_size) + + # Update balance + self.balance += pnl_dollar + self.total_pnl += pnl_dollar + self.episode_pnl += pnl_dollar + + # Update max drawdown + if self.balance > self.peak_balance: + self.peak_balance = self.balance + + # Record trade + self.trades.append({ + 'type': 'long', + 'entry': self.entry_price, + 'exit': self.take_profit, + 'entry_time': self.data[self.entry_index]['timestamp'], + 'exit_time': self.data[self.current_step]['timestamp'], + 'pnl_percent': pnl_percent, + 'pnl_dollar': pnl_dollar, + 'duration': self.current_step - self.entry_index, + 'market_direction': self.get_market_direction(), + 'reason': 'take_profit' + }) + + # Update win/loss count + self.win_count += 1 + + logger.info(f"TAKE PROFIT hit for long at {self.take_profit} | PnL: {pnl_percent:.2f}% | ${pnl_dollar:.2f}") + + # Reset position + self.position = 'flat' + self.entry_price = 0 + self.entry_index = 0 + self.position_size = 0 + self.stop_loss = 0 + self.take_profit = 0 elif self.position == 'short': # Check stop loss - if current_price >= self.stop_loss: - logger.info(f"STOP LOSS triggered at {current_price} (short position)") - self._close_position(current_price, 'stop_loss') + if self.current_price >= self.stop_loss: + # Stop loss hit + pnl_percent = (self.entry_price - self.stop_loss) / self.entry_price * 100 + pnl_dollar = pnl_percent / 100 * self.position_size + + # Apply fees + pnl_dollar -= self.calculate_fees(self.position_size) + + # Update balance + self.balance += pnl_dollar + self.total_pnl += pnl_dollar + self.episode_pnl += pnl_dollar + + # Update max drawdown + if self.balance > self.peak_balance: + self.peak_balance = self.balance + drawdown = (self.peak_balance - self.balance) / self.peak_balance + self.max_drawdown = max(self.max_drawdown, drawdown) + + # Record trade + self.trades.append({ + 'type': 'short', + 'entry': self.entry_price, + 'exit': self.stop_loss, + 'entry_time': self.data[self.entry_index]['timestamp'], + 'exit_time': self.data[self.current_step]['timestamp'], + 'pnl_percent': pnl_percent, + 'pnl_dollar': pnl_dollar, + 'duration': self.current_step - self.entry_index, + 'market_direction': self.get_market_direction(), + 'reason': 'stop_loss' + }) + + # Update win/loss count + self.loss_count += 1 + + logger.info(f"STOP LOSS hit for short at {self.stop_loss} | PnL: {pnl_percent:.2f}% | ${pnl_dollar:.2f}") + + # Reset position + self.position = 'flat' + self.entry_price = 0 + self.entry_index = 0 + self.position_size = 0 + self.stop_loss = 0 + self.take_profit = 0 # Check take profit - elif current_price <= self.take_profit: - logger.info(f"TAKE PROFIT triggered at {current_price} (short position)") - self._close_position(current_price, 'take_profit') + elif self.current_price <= self.take_profit: + # Take profit hit + pnl_percent = (self.entry_price - self.take_profit) / self.entry_price * 100 + pnl_dollar = pnl_percent / 100 * self.position_size + # Apply fees + pnl_dollar -= self.calculate_fees(self.position_size) + + # Update balance + self.balance += pnl_dollar + self.total_pnl += pnl_dollar + self.episode_pnl += pnl_dollar + + # Update max drawdown + if self.balance > self.peak_balance: + self.peak_balance = self.balance + + # Record trade + self.trades.append({ + 'type': 'short', + 'entry': self.entry_price, + 'exit': self.take_profit, + 'entry_time': self.data[self.entry_index]['timestamp'], + 'exit_time': self.data[self.current_step]['timestamp'], + 'pnl_percent': pnl_percent, + 'pnl_dollar': pnl_dollar, + 'duration': self.current_step - self.entry_index, + 'market_direction': self.get_market_direction(), + 'reason': 'take_profit' + }) + + # Update win/loss count + self.win_count += 1 + + logger.info(f"TAKE PROFIT hit for short at {self.take_profit} | PnL: {pnl_percent:.2f}% | ${pnl_dollar:.2f}") + + # Reset position + self.position = 'flat' + self.entry_price = 0 + self.entry_index = 0 + self.position_size = 0 + self.stop_loss = 0 + self.take_profit = 0 + def get_state(self): """Create state representation for the agent""" if len(self.data) < 30 or len(self.features['price']) == 0: # Return zeros if not enough data - return np.zeros(STATE_SIZE) + return np.zeros(STATE_SIZE, dtype=np.float32) # Ensure float32 # Create a normalized state vector with recent price action and indicators state_components = [] # Price features (normalize recent prices by the latest price) latest_price = self.features['price'][-1] - price_features = self.features['price'][-10:] / latest_price - 1.0 + price_features = np.array(self.features['price'][-10:], dtype=np.float32) / latest_price - 1.0 state_components.append(price_features) # Volume features (normalize by max volume) max_vol = max(self.features['volume'][-20:]) if len(self.features['volume']) >= 20 else 1 - vol_features = self.features['volume'][-5:] / max_vol + vol_features = np.array(self.features['volume'][-5:]) / max_vol state_components.append(vol_features) # Technical indicators - rsi = self.features['rsi'][-3:] / 100.0 # Scale to 0-1 + rsi = np.array(self.features['rsi'][-3:]) / 100.0 # Scale to 0-1 state_components.append(rsi) # MACD (normalize) - macd_vals = self.features['macd'][-3:] - macd_signal = self.features['macd_signal'][-3:] - macd_hist = self.features['macd_hist'][-3:] + macd_vals = np.array(self.features['macd'][-3:]) + macd_signal = np.array(self.features['macd_signal'][-3:]) + macd_hist = np.array(self.features['macd_hist'][-3:]) macd_scale = max(abs(np.max(macd_vals)), abs(np.min(macd_vals)), 1e-5) macd_norm = macd_vals / macd_scale macd_signal_norm = macd_signal / macd_scale @@ -493,35 +702,35 @@ class TradingEnvironment: state_components.extend([macd_norm, macd_signal_norm, macd_hist_norm]) # Bollinger position (where is price relative to bands) - bb_upper = self.features['bollinger_upper'][-3:] - bb_lower = self.features['bollinger_lower'][-3:] - bb_mid = self.features['bollinger_mid'][-3:] - price = self.features['price'][-3:] + bb_upper = np.array(self.features['bollinger_upper'][-3:]) + bb_lower = np.array(self.features['bollinger_lower'][-3:]) + bb_mid = np.array(self.features['bollinger_mid'][-3:]) + price = np.array(self.features['price'][-3:]) # Calculate position of price within Bollinger Bands (0 to 1) bb_pos = [(p - l) / (u - l) if u != l else 0.5 for p, u, l in zip(price, bb_upper, bb_lower)] - state_components.append(bb_pos) + state_components.append(np.array(bb_pos)) # Stochastic oscillator - state_components.append(self.features['stoch_k'][-3:] / 100.0) - state_components.append(self.features['stoch_d'][-3:] / 100.0) + state_components.append(np.array(self.features['stoch_k'][-3:]) / 100.0) + state_components.append(np.array(self.features['stoch_d'][-3:]) / 100.0) # Add predicted prices (if available) if hasattr(self, 'predicted_prices') and len(self.predicted_prices) > 0: # Normalize predictions relative to current price pred_norm = np.array(self.predicted_prices[:3]) / latest_price - 1.0 - # Pad if needed - if len(pred_norm) < 3: - pred_norm = np.pad(pred_norm, (0, 3 - len(pred_norm)), 'constant') state_components.append(pred_norm) else: # Add zeros if no predictions state_components.append(np.zeros(3)) # Add extrema signals (if available) - if hasattr(self, 'optimal_signals'): + if hasattr(self, 'optimal_signals') and len(self.optimal_signals) > 0: # Get recent signals - recent_signals = self.optimal_signals[-5:] + idx = len(self.optimal_signals) - 5 + if idx < 0: + idx = 0 + recent_signals = self.optimal_signals[idx:idx+5] # Pad if needed if len(recent_signals) < 5: recent_signals = np.pad(recent_signals, (0, 5 - len(recent_signals)), 'constant') @@ -548,7 +757,7 @@ class TradingEnvironment: state_components.append(position_info) # Combine all features - state = np.concatenate(state_components) + state = np.concatenate([comp.flatten() for comp in state_components]) # Replace any NaN values state = np.nan_to_num(state, nan=0.0) @@ -559,334 +768,46 @@ class TradingEnvironment: state = state[:STATE_SIZE] elif len(state) < STATE_SIZE: # Pad with zeros if too short - padding = np.zeros(STATE_SIZE - len(state)) + padding = np.zeros(STATE_SIZE - len(state), dtype=np.float32) # Ensure float32 state = np.concatenate([state, padding]) - return state - - def step(self, action): - """Execute trading action and return next state, reward, done""" - reward = 0.0 - done = False - - # Get current price - if len(self.features['price']) == 0: - return self.get_state(), reward, done - - current_price = self.features['price'][-1] - - # Execute action - if action == 0: # Hold - pass - elif action == 1: # Buy (go long) - if self.position is None: - reward = self._open_long_position() - else: - reward = -0.1 # Penalty for invalid action - elif action == 2: # Sell (go short) - if self.position is None: - reward = self._open_short_position() - else: - reward = -0.1 # Penalty for invalid action - elif action == 3: # Close position - if self.position is not None: - reward = self._close_position(current_price, 'agent_decision') - else: - reward = -0.1 # Penalty for invalid action - - self.current_step += 1 - - # Check if episode should end - if self.current_step >= 10000 or self.balance <= 0.1 * self.initial_balance: - done = True - - # Update statistics - if reward != 0: # If a trade was closed - self.episode_pnl += reward - self.total_pnl += reward - - if reward > 0: - self.win_count += 1 - else: - self.loss_count += 1 - - self.trade_count += 1 - - # Update peak balance and drawdown - if self.balance > self.peak_balance: - self.peak_balance = self.balance - - drawdown = (self.peak_balance - self.balance) / self.peak_balance - if drawdown > self.max_drawdown: - self.max_drawdown = drawdown - - return self.get_state(), reward, done - - def _open_long_position(self): - """Open a long position""" - current_price = self.features['price'][-1] - - # Calculate position size (90% of balance for fees) - position_value = self.balance * 0.9 - position_size = position_value * self.leverage / current_price - - # Set stop loss and take profit - stop_loss = current_price * (1 - STOP_LOSS_PERCENT / 100) - take_profit = current_price * (1 + TAKE_PROFIT_PERCENT / 100) - - if not self.is_demo: - try: - # Create real order on MEXC - order = self.exchange.create_market_buy_order( - self.symbol, - position_size, - params={'leverage': self.leverage} - ) - logger.info(f"Opened long position: {order}") - except Exception as e: - logger.error(f"Error opening long position: {e}") - return -0.2 # Penalty for failed order - - # Update state - self.position = 'long' - self.entry_price = current_price - self.position_size = position_size - self.stop_loss = stop_loss - self.take_profit = take_profit - - # Record trade - self.trades.append({ - 'type': 'long', - 'entry_time': datetime.datetime.now().isoformat(), - 'entry_price': current_price, - 'position_size': position_size, - 'stop_loss': stop_loss, - 'take_profit': take_profit, - 'balance_before': self.balance - }) - - logger.info(f"OPENED LONG at {current_price} | Stop loss: {stop_loss} | Take profit: {take_profit}") - - return 0.1 # Small reward for taking action - - def _open_short_position(self): - """Open a short position""" - current_price = self.features['price'][-1] - - # Calculate position size (90% of balance for fees) - position_value = self.balance * 0.9 - position_size = position_value * self.leverage / current_price - - # Set stop loss and take profit - stop_loss = current_price * (1 + STOP_LOSS_PERCENT / 100) - take_profit = current_price * (1 - TAKE_PROFIT_PERCENT / 100) - - if not self.is_demo: - try: - # Create real order on MEXC - order = self.exchange.create_market_sell_order( - self.symbol, - position_size, - params={'leverage': self.leverage} - ) - logger.info(f"Opened short position: {order}") - except Exception as e: - logger.error(f"Error opening short position: {e}") - return -0.2 # Penalty for failed order - - # Update state - self.position = 'short' - self.entry_price = current_price - self.position_size = position_size - self.stop_loss = stop_loss - self.take_profit = take_profit - - # Record trade - self.trades.append({ - 'type': 'short', - 'entry_time': datetime.datetime.now().isoformat(), - 'entry_price': current_price, - 'position_size': position_size, - 'stop_loss': stop_loss, - 'take_profit': take_profit, - 'balance_before': self.balance - }) - - logger.info(f"OPENED SHORT at {current_price} | Stop loss: {stop_loss} | Take profit: {take_profit}") - - return 0.1 # Small reward for taking action - - def _close_position(self, current_price, reason): - """Close the current position""" - if self.position is None: - return 0.0 - - pnl = 0.0 - - if self.position == 'long': - pnl = (current_price - self.entry_price) / self.entry_price - elif self.position == 'short': - pnl = (self.entry_price - current_price) / self.entry_price - - # Apply leverage to PnL - pnl = pnl * self.leverage - - # Account for 0.1% trading fee - position_value = self.position_size * self.entry_price - fee = position_value * 0.001 - pnl_dollar = position_value * pnl - fee - - new_balance = self.balance + pnl_dollar - - if not self.is_demo: - try: - # Execute real order - if self.position == 'long': - order = self.exchange.create_market_sell_order(self.symbol, self.position_size) - else: - order = self.exchange.create_market_buy_order(self.symbol, self.position_size) - logger.info(f"Closed position: {order}") - except Exception as e: - logger.error(f"Error closing position: {e}") - # Still calculate PnL but add penalty - pnl -= 0.001 - - # Update trade record - last_trade = self.trades[-1] - last_trade.update({ - 'exit_time': datetime.datetime.now().isoformat(), - 'exit_price': current_price, - 'exit_reason': reason, - 'pnl_percent': pnl * 100, - 'pnl_dollar': pnl_dollar, - 'balance_after': new_balance - }) - - logger.info(f"CLOSED {self.position} at {current_price} | PnL: {pnl*100:.2f}% | ${pnl_dollar:.2f}") - - # Reset position - self.balance = new_balance - self.position = None - self.entry_price = 0.0 - self.position_size = 0.0 - self.stop_loss = 0.0 - self.take_profit = 0.0 - - # Calculate reward (scaled PnL) - reward = pnl * 100 # Scale for better learning signal - - return reward - - def reset(self): - """Reset the environment for a new episode""" - self.balance = self.initial_balance - self.position = None - self.entry_price = 0.0 - self.position_size = 0.0 - self.stop_loss = 0.0 - self.take_profit = 0.0 - self.current_step = 0 - - # Reset episode statistics - self.episode_pnl = 0.0 - - # Find optimal trades for bootstrapping - self.find_optimal_trades() - - # Update price predictions - self.update_price_predictions() - - return self.get_state() - - def initialize_price_predictor(self, device): - """Initialize the price prediction model""" - self.price_predictor = PricePredictionModel().to(device) - self.price_predictor_optimizer = optim.Adam(self.price_predictor.parameters(), lr=1e-4) - - def update_price_predictions(self): - """Update price predictions based on current data""" - if self.price_predictor is not None and len(self.features['price']) > 30: - self.predicted_prices = self.price_predictor.predict_next_candles( - self.features['price'][-100:], num_candles=5 - ) - - def train_price_predictor(self): - """Train the price prediction model on new data""" - if self.price_predictor is not None and len(self.features['price']) > 35: - loss = self.price_predictor.train_on_new_data( - self.features['price'], self.price_predictor_optimizer - ) - return loss - return 0.0 - - def find_optimal_trades(self): - """Find optimal buy/sell points for bootstrapping""" - if len(self.features['price']) < 30: - return - - prices = np.array(self.features['price']) - window = 10 # Window to look for local minima/maxima - - self.optimal_trades = np.zeros(len(prices)) - - for i in range(window, len(prices) - window): - # Check for local minimum (buy signal) - if prices[i] == min(prices[i-window:i+window+1]): - self.optimal_trades[i] = 1 # Buy signal - - # Check for local maximum (sell signal) - if prices[i] == max(prices[i-window:i+window+1]): - self.optimal_trades[i] = 2 # Sell signal - - def identify_optimal_trades(self): - """Identify optimal entry and exit points based on local extrema""" - if len(self.features['price']) < 20: - return - - # Find local bottoms and tops - bottoms, tops = find_local_extrema(self.features['price'], window=5) - - # Store optimal trade points - self.optimal_bottoms = [i for i in bottoms] # Buy points - self.optimal_tops = [i for i in tops] # Sell points - - # Create optimal trade signals - self.optimal_signals = np.zeros(len(self.features['price'])) - for i in self.optimal_bottoms: - self.optimal_signals[i] = 1 # Buy signal - for i in self.optimal_tops: - self.optimal_signals[i] = -1 # Sell signal - - logger.info(f"Identified {len(self.optimal_bottoms)} optimal buy points and {len(self.optimal_tops)} optimal sell points") - + # Ensure float32 type + return state.astype(np.float32) + def calculate_reward(self, action): - """Calculate reward for the given action""" + """Calculate reward for the given action with improved penalties for losing trades""" reward = 0 + # Store previous balance for direct PnL calculation + prev_balance = self.balance + # Base reward for actions if action == 0: # HOLD - reward = -0.01 # Small penalty for doing nothing + # Small penalty for doing nothing to encourage action + # But make it context-dependent - holding during high volatility should be penalized more + volatility = self.get_recent_volatility() + reward = -0.01 * (1 + volatility) elif action == 1: # BUY/LONG if self.position == 'flat': # Opening a long position self.position = 'long' self.entry_price = self.current_price + self.entry_index = self.current_step self.position_size = self.calculate_position_size() - self.stop_loss = self.entry_price * (1 - STOP_LOSS_PERCENT/100) - self.take_profit = self.entry_price * (1 + TAKE_PROFIT_PERCENT/100) - # Check if this is an optimal buy point (bottom) - current_idx = len(self.features['price']) - 1 - if hasattr(self, 'optimal_bottoms') and current_idx in self.optimal_bottoms: - reward += 2.0 # Bonus for buying at a bottom - else: - reward += 0.1 # Small reward for opening a position + # Calculate stop loss and take profit levels + self.stop_loss = self.entry_price * (1 - STOP_LOSS_PERCENT / 100) + self.take_profit = self.entry_price * (1 + TAKE_PROFIT_PERCENT / 100) + + # Check if this is a good entry point based on technical indicators + entry_quality = self.evaluate_entry_quality('long') + reward += entry_quality * 0.5 # Scale the reward based on entry quality logger.info(f"OPENED LONG at {self.entry_price} | Stop loss: {self.stop_loss} | Take profit: {self.take_profit}") elif self.position == 'short': - # Close short and open long + # Closing a short position pnl_percent = (self.entry_price - self.current_price) / self.entry_price * 100 pnl_dollar = pnl_percent / 100 * self.position_size @@ -896,37 +817,41 @@ class TradingEnvironment: # Update balance self.balance += pnl_dollar self.total_pnl += pnl_dollar + self.episode_pnl += pnl_dollar # Record trade self.trades.append({ 'type': 'short', 'entry': self.entry_price, 'exit': self.current_price, + 'entry_time': self.data[self.entry_index]['timestamp'], + 'exit_time': self.data[self.current_step]['timestamp'], 'pnl_percent': pnl_percent, - 'pnl_dollar': pnl_dollar + 'pnl_dollar': pnl_dollar, + 'duration': self.current_step - self.entry_index, + 'market_direction': self.get_market_direction(), + 'reason': 'manual_close' }) - # Reward based on PnL + # Update win/loss count if pnl_dollar > 0: - reward += 1.0 + pnl_dollar / 10 # Positive reward for profit self.win_count += 1 + reward += 1.0 + (pnl_percent / 2) # Bonus for winning trade else: - reward -= 1.0 # Negative reward for loss self.loss_count += 1 + reward -= 1.0 + (abs(pnl_percent) / 2) # Penalty for losing trade logger.info(f"CLOSED short at {self.current_price} | PnL: {pnl_percent:.2f}% | ${pnl_dollar:.2f}") - # Now open long + # Reset position and open new long self.position = 'long' self.entry_price = self.current_price + self.entry_index = self.current_step self.position_size = self.calculate_position_size() - self.stop_loss = self.entry_price * (1 - STOP_LOSS_PERCENT/100) - self.take_profit = self.entry_price * (1 + TAKE_PROFIT_PERCENT/100) - # Check if this is an optimal buy point - current_idx = len(self.features['price']) - 1 - if hasattr(self, 'optimal_bottoms') and current_idx in self.optimal_bottoms: - reward += 2.0 # Bonus for buying at a bottom + # Calculate stop loss and take profit levels + self.stop_loss = self.entry_price * (1 - STOP_LOSS_PERCENT / 100) + self.take_profit = self.entry_price * (1 + TAKE_PROFIT_PERCENT / 100) logger.info(f"OPENED LONG at {self.entry_price} | Stop loss: {self.stop_loss} | Take profit: {self.take_profit}") @@ -965,6 +890,8 @@ class TradingEnvironment: 'type': 'long', 'entry': self.entry_price, 'exit': self.current_price, + 'entry_time': self.data[self.entry_index]['timestamp'], + 'exit_time': self.data[self.current_step]['timestamp'], 'pnl_percent': pnl_percent, 'pnl_dollar': pnl_dollar }) @@ -1018,6 +945,8 @@ class TradingEnvironment: 'type': 'long', 'entry': self.entry_price, 'exit': self.current_price, + 'entry_time': self.data[self.entry_index]['timestamp'], + 'exit_time': self.data[self.current_step]['timestamp'], 'pnl_percent': pnl_percent, 'pnl_dollar': pnl_dollar }) @@ -1063,6 +992,8 @@ class TradingEnvironment: 'type': 'short', 'entry': self.entry_price, 'exit': self.current_price, + 'entry_time': self.data[self.entry_index]['timestamp'], + 'exit_time': self.data[self.current_step]['timestamp'], 'pnl_percent': pnl_percent, 'pnl_dollar': pnl_dollar }) @@ -1084,7 +1015,14 @@ class TradingEnvironment: self.stop_loss = 0 self.take_profit = 0 - # Add prediction accuracy component to reward + # Add reward based on direct PnL change + balance_change = self.balance - prev_balance + if balance_change > 0: + reward += balance_change * 0.5 # Positive reward for making money + else: + reward += balance_change * 1.0 # Stronger negative reward for losing money + + # Add reward for predicted price movement alignment if hasattr(self, 'predicted_prices') and len(self.predicted_prices) > 0: # Compare the first prediction with actual price if len(self.data) > 1: @@ -1094,50 +1032,384 @@ class TradingEnvironment: # Reward accurate predictions, penalize bad ones if prediction_error < 0.005: # Less than 0.5% error - reward += 0.5 + reward += 0.2 elif prediction_error > 0.02: # More than 2% error - reward -= 0.5 + reward -= 0.2 + + # Add reward/penalty based on market trend alignment + market_direction = self.get_market_direction() + if (self.position == 'long' and market_direction == 'uptrend') or \ + (self.position == 'short' and market_direction == 'downtrend'): + reward += 0.2 # Reward for trading with the trend + elif (self.position == 'long' and market_direction == 'downtrend') or \ + (self.position == 'short' and market_direction == 'uptrend'): + reward -= 0.3 # Stronger penalty for trading against the trend return reward + def evaluate_entry_quality(self, position_type): + """Evaluate the quality of an entry point based on technical indicators""" + score = 0 + + # Get current indicators + rsi = self.features['rsi'][-1] if len(self.features['rsi']) > 0 else 50 + macd = self.features['macd'][-1] if len(self.features['macd']) > 0 else 0 + macd_signal = self.features['macd_signal'][-1] if len(self.features['macd_signal']) > 0 else 0 + stoch_k = self.features['stoch_k'][-1] if len(self.features['stoch_k']) > 0 else 50 + stoch_d = self.features['stoch_d'][-1] if len(self.features['stoch_d']) > 0 else 50 + + if position_type == 'long': + # RSI oversold condition (good for long) + if rsi < 30: + score += 0.5 + elif rsi < 40: + score += 0.2 + elif rsi > 70: + score -= 0.5 # Overbought, bad for long + + # MACD crossover (bullish) + if macd > macd_signal and macd > 0: + score += 0.3 + elif macd < macd_signal and macd < 0: + score -= 0.3 + + # Stochastic oversold + if stoch_k < 20 and stoch_d < 20: + score += 0.3 + elif stoch_k > 80 and stoch_d > 80: + score -= 0.3 + + elif position_type == 'short': + # RSI overbought condition (good for short) + if rsi > 70: + score += 0.5 + elif rsi > 60: + score += 0.2 + elif rsi < 30: + score -= 0.5 # Oversold, bad for short + + # MACD crossover (bearish) + if macd < macd_signal and macd < 0: + score += 0.3 + elif macd > macd_signal and macd > 0: + score -= 0.3 + + # Stochastic overbought + if stoch_k > 80 and stoch_d > 80: + score += 0.3 + elif stoch_k < 20 and stoch_d < 20: + score -= 0.3 + + # Check price relative to moving averages + if len(self.features['ema_9']) > 0 and len(self.features['ema_21']) > 0: + ema_9 = self.features['ema_9'][-1] + ema_21 = self.features['ema_21'][-1] + + if position_type == 'long': + if self.current_price > ema_9 > ema_21: # Strong uptrend + score += 0.4 + elif self.current_price < ema_9 < ema_21: # Strong downtrend + score -= 0.4 + elif position_type == 'short': + if self.current_price < ema_9 < ema_21: # Strong downtrend + score += 0.4 + elif self.current_price > ema_9 > ema_21: # Strong uptrend + score -= 0.4 + + return score + + def get_recent_volatility(self): + """Calculate recent price volatility""" + if len(self.features['price']) < 10: + return 0 + + # Use ATR if available + if len(self.features['atr']) > 0: + return self.features['atr'][-1] / self.current_price + + # Otherwise calculate simple volatility + recent_prices = self.features['price'][-10:] + returns = [recent_prices[i] / recent_prices[i-1] - 1 for i in range(1, len(recent_prices))] + return np.std(returns) * 100 # Volatility as percentage + + def is_downtrend(self): + """Check if the market is in a downtrend""" + if len(self.features['price']) < 20: + return False + + # Use EMA to determine trend + short_ema = self.features['ema_9'][-1] + long_ema = self.features['ema_21'][-1] + + # Downtrend if short EMA is below long EMA + return short_ema < long_ema + + def is_uptrend(self): + """Check if the market is in an uptrend""" + if len(self.features['price']) < 20: + return False + + # Use EMA to determine trend + short_ema = self.features['ema_9'][-1] + long_ema = self.features['ema_21'][-1] + + # Uptrend if short EMA is above long EMA + return short_ema > long_ema + + def get_market_direction(self): + """Determine the current market direction (uptrend, downtrend, or sideways)""" + if len(self.features['price']) < 20: + return 'unknown' + + # Use EMAs to determine trend + if len(self.features['ema_9']) > 0 and len(self.features['ema_21']) > 0: + ema_9 = self.features['ema_9'][-5:] + ema_21 = self.features['ema_21'][-5:] + price = self.features['price'][-5:] + + # Check if price is above/below EMAs + price_above_ema9 = sum(p > e for p, e in zip(price, ema_9)) + price_above_ema21 = sum(p > e for p, e in zip(price, ema_21)) + ema9_above_ema21 = sum(e9 > e21 for e9, e21 in zip(ema_9, ema_21)) + + # Strong uptrend: price > EMA9 > EMA21 + if price_above_ema9 >= 4 and price_above_ema21 >= 4 and ema9_above_ema21 >= 4: + return 'uptrend' + + # Strong downtrend: price < EMA9 < EMA21 + elif price_above_ema9 <= 1 and price_above_ema21 <= 1 and ema9_above_ema21 <= 1: + return 'downtrend' + + # Check price action + price_data = self.features['price'][-20:] + price_change = (price_data[-1] / price_data[0] - 1) * 100 + + if price_change > 1.0: + return 'uptrend' + elif price_change < -1.0: + return 'downtrend' + + # Check RSI for trend confirmation + if len(self.features['rsi']) > 0: + rsi = self.features['rsi'][-5:] + avg_rsi = sum(rsi) / len(rsi) + + if avg_rsi > 60: + return 'uptrend' + elif avg_rsi < 40: + return 'downtrend' + + return 'sideways' + + def analyze_trades(self): + """Analyze completed trades to identify patterns""" + if not self.trades: + return {} + + analysis = { + 'total_trades': len(self.trades), + 'winning_trades': sum(1 for t in self.trades if t.get('pnl_dollar', 0) > 0), + 'losing_trades': sum(1 for t in self.trades if t.get('pnl_dollar', 0) <= 0), + 'avg_win': 0, + 'avg_loss': 0, + 'avg_duration': 0, + 'uptrend_win_rate': 0, + 'downtrend_win_rate': 0, + 'sideways_win_rate': 0 + } + + # Calculate averages + wins = [t.get('pnl_dollar', 0) for t in self.trades if t.get('pnl_dollar', 0) > 0] + losses = [t.get('pnl_dollar', 0) for t in self.trades if t.get('pnl_dollar', 0) <= 0] + durations = [t.get('duration', 0) for t in self.trades] + + analysis['avg_win'] = sum(wins) / len(wins) if wins else 0 + analysis['avg_loss'] = sum(losses) / len(losses) if losses else 0 + analysis['avg_duration'] = sum(durations) / len(durations) if durations else 0 + + # Calculate win rates by market direction + for direction in ['uptrend', 'downtrend', 'sideways']: + direction_trades = [t for t in self.trades if t.get('market_direction') == direction] + if direction_trades: + wins_in_direction = sum(1 for t in direction_trades if t.get('pnl_dollar', 0) > 0) + analysis[f'{direction}_win_rate'] = wins_in_direction / len(direction_trades) * 100 + + return analysis + + def initialize_price_predictor(self, device="cpu"): + """Initialize the price prediction model""" + self.price_predictor = PricePredictionModel(input_size=30, hidden_size=128, output_size=5) + self.price_predictor.to(device) + self.price_predictor_optimizer = optim.Adam(self.price_predictor.parameters(), lr=1e-3) + self.predicted_prices = np.array([]) + + def train_price_predictor(self): + """Train the price prediction model on recent data""" + if len(self.features['price']) < 35: + return 0.0 + + # Get price history + price_history = self.features['price'] + + # Train the model + loss = self.price_predictor.train_on_new_data( + price_history, + self.price_predictor_optimizer, + epochs=5 + ) + + return loss + + def update_price_predictions(self): + """Update price predictions""" + if len(self.features['price']) < 30: + self.predicted_prices = np.array([]) + return + + # Get price history + price_history = self.features['price'] + + # Get predictions + self.predicted_prices = self.price_predictor.predict_next_candles(price_history, num_candles=5) + + def identify_optimal_trades(self): + """Identify optimal entry and exit points based on local extrema""" + if len(self.features['price']) < 20: + return + + # Find local bottoms and tops + bottoms, tops = find_local_extrema(self.features['price'], window=5) + + # Store optimal trade points + self.optimal_bottoms = bottoms # Buy points + self.optimal_tops = tops # Sell points + + # Create optimal trade signals + self.optimal_signals = np.zeros(len(self.features['price'])) + for i in bottoms: + if 0 <= i < len(self.optimal_signals): # Ensure index is valid + self.optimal_signals[i] = 1 # Buy signal + for i in tops: + if 0 <= i < len(self.optimal_signals): # Ensure index is valid + self.optimal_signals[i] = -1 # Sell signal + + logger.info(f"Identified {len(bottoms)} optimal buy points and {len(tops)} optimal sell points") + + def calculate_position_size(self): + """Calculate position size based on current balance, volatility and risk parameters""" + # Base risk percentage (adjust based on volatility) + volatility = self.get_recent_volatility() + + # Reduce risk during high volatility + base_risk = 5.0 # Base risk percentage + adjusted_risk = base_risk / (1 + volatility * 5) # Reduce risk as volatility increases + adjusted_risk = max(1.0, min(adjusted_risk, base_risk)) # Cap between 1% and base_risk + + # Calculate position size with leverage + position_size = self.balance * (adjusted_risk / 100) * MAX_LEVERAGE + + # Apply a safety factor to avoid liquidation + safety_factor = 0.8 + position_size *= safety_factor + + # Ensure minimum position size + min_position = 10.0 # Minimum position size in USD + position_size = max(position_size, min(min_position, self.balance * 0.5)) + + # Ensure position size doesn't exceed balance * leverage + max_position = self.balance * MAX_LEVERAGE + position_size = min(position_size, max_position) + + # Adjust stop loss based on volatility + global STOP_LOSS_PERCENT, TAKE_PROFIT_PERCENT + STOP_LOSS_PERCENT = 0.5 * (1 + volatility) # Wider stop loss during high volatility + TAKE_PROFIT_PERCENT = 1.5 * (1 + volatility * 0.5) # Higher take profit during high volatility + + # Apply risk factor from curriculum learning + position_size *= self.risk_factor + + return position_size + + def calculate_fees(self, position_size): + """Calculate trading fees for a given position size""" + # Typical fee rate for crypto exchanges (0.1%) + fee_rate = 0.001 + + # Calculate fee + fee = position_size * fee_rate + + return fee + +# Ensure GPU usage if available +def get_device(device_preference='gpu'): + """Get the device to use (GPU or CPU) based on preference and availability""" + if device_preference.lower() == 'gpu' and torch.cuda.is_available(): + device = torch.device("cuda") + # Set default tensor type to float32 for CUDA + torch.set_default_tensor_type(torch.FloatTensor) + logger.info(f"Using GPU: {torch.cuda.get_device_name(0)}") + else: + device = torch.device("cpu") + if device_preference.lower() == 'gpu': + logger.info("GPU requested but not available, using CPU instead") + else: + logger.info("Using CPU as requested") + return device + +# Update Agent class to use GPU properly class Agent: - def __init__(self, state_size, action_size, hidden_size=256, lstm_layers=2, attention_heads=4, - device="cuda" if torch.cuda.is_available() else "cpu"): + def __init__(self, state_size, action_size, hidden_size=256, lstm_layers=2, attention_heads=4, device=None): + """Initialize the agent with the policy and target networks""" self.state_size = state_size self.action_size = action_size - self.device = device - self.memory = ReplayMemory(MEMORY_SIZE) - # Configure for RTX 4060 (8GB VRAM) - if device == "cuda": - torch.backends.cudnn.benchmark = True # Optimize for fixed input sizes - logger.info(f"Using GPU: {torch.cuda.get_device_name(0)}") - logger.info(f"Available VRAM: {torch.cuda.get_device_properties(0).total_memory / 1e9:.2f} GB") + # Set device (GPU or CPU) + if device is None: + self.device = torch.device("cuda" if torch.cuda.is_available() else "cpu") + else: + self.device = device - # Q-Networks with configurable size - self.policy_net = DQN(state_size, action_size, hidden_size, lstm_layers, attention_heads).to(device) - self.target_net = DQN(state_size, action_size, hidden_size, lstm_layers, attention_heads).to(device) + # Initialize networks + self.policy_net = DQN(state_size, action_size, hidden_size, lstm_layers, attention_heads).to(self.device) + self.target_net = DQN(state_size, action_size, hidden_size, lstm_layers, attention_heads).to(self.device) + ensure_model_float32(self.policy_net) + ensure_model_float32(self.target_net) self.target_net.load_state_dict(self.policy_net.state_dict()) self.target_net.eval() - # Print model size - total_params = sum(p.numel() for p in self.policy_net.parameters()) - logger.info(f"Model size: {total_params:,} parameters") + # Initialize optimizer with weight decay for regularization + self.optimizer = optim.Adam(self.policy_net.parameters(), lr=LEARNING_RATE, weight_decay=1e-5) - self.optimizer = optim.Adam(self.policy_net.parameters(), lr=LEARNING_RATE) + # Initialize experience replay memory + self.memory = ReplayMemory(MEMORY_SIZE) - # Mixed precision training - self.scaler = amp.GradScaler() - self.use_amp = device == "cuda" # Only use mixed precision on GPU - - self.epsilon = EPSILON_START + # Initialize steps counter self.steps_done = 0 - # TensorBoard logging - self.writer = SummaryWriter(log_dir='runs/trading_agent') + # Initialize epsilon for exploration + self.epsilon = EPSILON_START + self.epsilon_start = EPSILON_START + self.epsilon_end = EPSILON_END + self.epsilon_decay = EPSILON_DECAY + + # Initialize mixed precision scaler + self.scaler = amp.GradScaler() + + # Initialize TensorBoard writer + self.writer = SummaryWriter(f'runs/trading_agent_{datetime.datetime.now().strftime("%Y%m%d_%H%M%S")}') # Create models directory if it doesn't exist os.makedirs("models", exist_ok=True) + + # Use pinned memory for faster CPU-to-GPU transfers + if self.device.type == "cuda": + self.use_pinned_memory = True + else: + self.use_pinned_memory = False + + # Ensure models are using float32 + self.policy_net.float() + self.target_net.float() def expand_model(self, new_state_size, new_hidden_size=512, new_lstm_layers=3, new_attention_heads=8): """Expand the model to handle more features or increase capacity""" @@ -1189,123 +1461,190 @@ class Agent: return True def select_action(self, state, training=True): + """Select an action using epsilon-greedy policy""" sample = random.random() + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + math.exp(-1. * self.steps_done / self.epsilon_decay) if training: - # Epsilon decay - self.epsilon = EPSILON_END + (EPSILON_START - EPSILON_END) * \ - np.exp(-1. * self.steps_done / EPSILON_DECAY) - self.steps_done += 1 - - if sample > self.epsilon or not training: - with torch.no_grad(): - state_tensor = torch.FloatTensor(state).to(self.device) - action_values = self.policy_net(state_tensor) - return action_values.max(1)[1].item() + self.epsilon = eps_threshold else: + self.epsilon = 0.0 # No exploration during evaluation/live trading + + self.steps_done += 1 + + if sample > self.epsilon: + with torch.no_grad(): + # Convert state to tensor and ensure it's float32 (not double/float64) + state_tensor = torch.FloatTensor(state).to(self.device) + + # Ensure state has correct shape + if state_tensor.dim() == 1: + state_tensor = state_tensor.unsqueeze(0) + + # Get Q values + q_values = self.policy_net(state_tensor) + + # Return action with highest Q value + return q_values.max(1)[1].item() + else: + # Random action return random.randrange(self.action_size) def learn(self): - """Learn from experience replay with mixed precision""" + """Learn from a batch of experiences""" if len(self.memory) < BATCH_SIZE: return None - + try: - # Sample batch from memory + # Sample a batch of experiences experiences = self.memory.sample(BATCH_SIZE) - # Check if any experience has None values - for exp in experiences: - if exp.state is None or exp.next_state is None: - return None + # Convert experiences to tensors more efficiently + # First create numpy arrays, then convert to tensors + states_np = np.array([e.state for e in experiences], dtype=np.float32) # Ensure float32 + actions_np = np.array([e.action for e in experiences], dtype=np.int64) # Ensure int64 + rewards_np = np.array([e.reward for e in experiences], dtype=np.float32) # Ensure float32 + next_states_np = np.array([e.next_state for e in experiences], dtype=np.float32) # Ensure float32 + dones_np = np.array([e.done for e in experiences], dtype=np.float32) # Ensure float32 - # Convert to tensors - states = torch.FloatTensor([exp.state for exp in experiences]).to(self.device) - actions = torch.LongTensor([exp.action for exp in experiences]).unsqueeze(1).to(self.device) - rewards = torch.FloatTensor([exp.reward for exp in experiences]).to(self.device) - next_states = torch.FloatTensor([exp.next_state for exp in experiences]).to(self.device) - dones = torch.FloatTensor([exp.done for exp in experiences]).to(self.device) + # Convert numpy arrays to tensors with pinned memory if using GPU + if self.use_pinned_memory: + states = torch.from_numpy(states_np).pin_memory().to(self.device, non_blocking=True) + actions = torch.from_numpy(actions_np).long().pin_memory().to(self.device, non_blocking=True) + rewards = torch.from_numpy(rewards_np).pin_memory().to(self.device, non_blocking=True) + next_states = torch.from_numpy(next_states_np).pin_memory().to(self.device, non_blocking=True) + dones = torch.from_numpy(dones_np).pin_memory().to(self.device, non_blocking=True) + else: + states = torch.FloatTensor(states_np).to(self.device) + actions = torch.LongTensor(actions_np).to(self.device) + rewards = torch.FloatTensor(rewards_np).to(self.device) + next_states = torch.FloatTensor(next_states_np).to(self.device) + dones = torch.FloatTensor(dones_np).to(self.device) # Use mixed precision for forward/backward passes - if self.use_amp: + if self.device.type == "cuda": with amp.autocast(): # Compute Q values - current_q_values = self.policy_net(states).gather(1, actions) + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) - # Compute next state values using target network + # Compute next Q values with target network with torch.no_grad(): next_q_values = self.target_net(next_states).max(1)[0] target_q_values = rewards + (GAMMA * next_q_values * (1 - dones)) - + # Reshape target values to match current_q_values target_q_values = target_q_values.unsqueeze(1) # Compute loss loss = F.smooth_l1_loss(current_q_values, target_q_values) - - # Optimize with gradient scaling + + # Backward pass with mixed precision self.optimizer.zero_grad() self.scaler.scale(loss).backward() + + # Gradient clipping to prevent exploding gradients self.scaler.unscale_(self.optimizer) - torch.nn.utils.clip_grad_norm_(self.policy_net.parameters(), 1.0) + torch.nn.utils.clip_grad_norm_(self.policy_net.parameters(), max_norm=1.0) + self.scaler.step(self.optimizer) self.scaler.update() else: - # Standard precision training + # Standard precision for CPU # Compute Q values - current_q_values = self.policy_net(states).gather(1, actions) + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) - # Compute next state values using target network + # Compute next Q values with target network with torch.no_grad(): next_q_values = self.target_net(next_states).max(1)[0] target_q_values = rewards + (GAMMA * next_q_values * (1 - dones)) - + # Reshape target values to match current_q_values target_q_values = target_q_values.unsqueeze(1) # Compute loss loss = F.smooth_l1_loss(current_q_values, target_q_values) - # Optimize the model + # Backward pass self.optimizer.zero_grad() loss.backward() - torch.nn.utils.clip_grad_norm_(self.policy_net.parameters(), 1.0) + + # Gradient clipping to prevent exploding gradients + torch.nn.utils.clip_grad_norm_(self.policy_net.parameters(), max_norm=1.0) + self.optimizer.step() + # Update steps done + self.steps_done += 1 + + # Update target network + if self.steps_done % TARGET_UPDATE == 0: + self.target_net.load_state_dict(self.policy_net.state_dict()) + return loss.item() except Exception as e: logger.error(f"Error during learning: {e}") - import traceback - logger.error(traceback.format_exc()) + logger.error(f"Traceback: {traceback.format_exc()}") return None - + def update_target_network(self): self.target_net.load_state_dict(self.policy_net.state_dict()) - def save(self, path="models/trading_agent.pt"): - os.makedirs(os.path.dirname(path), exist_ok=True) - torch.save({ - 'policy_net': self.policy_net.state_dict(), - 'target_net': self.target_net.state_dict(), - 'optimizer': self.optimizer.state_dict(), - 'epsilon': self.epsilon, - 'steps_done': self.steps_done - }, path) - logger.info(f"Model saved to {path}") - - def load(self, path="models/trading_agent.pt"): - if os.path.isfile(path): - checkpoint = torch.load(path) - self.policy_net.load_state_dict(checkpoint['policy_net']) - self.target_net.load_state_dict(checkpoint['target_net']) - self.optimizer.load_state_dict(checkpoint['optimizer']) - self.epsilon = checkpoint['epsilon'] - self.steps_done = checkpoint['steps_done'] - logger.info(f"Model loaded from {path}") - return True - logger.warning(f"No model found at {path}") - return False + def save(self, path): + """Save model to path""" + try: + # Create directory if it doesn't exist + os.makedirs(os.path.dirname(path), exist_ok=True) + + # Save model state + torch.save({ + 'policy_net': self.policy_net.state_dict(), + 'target_net': self.target_net.state_dict(), + 'optimizer': self.optimizer.state_dict(), + 'steps_done': self.steps_done + }, path) + + logger.info(f"Model saved to {path}") + except Exception as e: + logger.error(f"Failed to save model: {e}") + logger.error(f"Traceback: {traceback.format_exc()}") + + def load(self, path): + """Load model from path with proper error handling for PyTorch 2.6+""" + try: + logger.info(f"Loading model from {path}") + + # First try with weights_only=True (safer) + try: + # Add numpy scalar to safe globals first + import torch.serialization + torch.serialization.add_safe_globals(['numpy._core.multiarray.scalar']) + + # Load the model + checkpoint = torch.load(path, map_location=self.device) + self.policy_net.load_state_dict(checkpoint['policy_net']) + self.target_net.load_state_dict(checkpoint['target_net']) + self.optimizer.load_state_dict(checkpoint['optimizer']) + self.steps_done = checkpoint.get('steps_done', 0) + logger.info(f"Model loaded successfully with weights_only=True") + + except Exception as e: + logger.warning(f"Could not load with weights_only=True: {e}") + logger.warning("Attempting to load with weights_only=False (less secure)") + + # Fall back to weights_only=False (less secure but more compatible) + checkpoint = torch.load(path, map_location=self.device, weights_only=False) + self.policy_net.load_state_dict(checkpoint['policy_net']) + self.target_net.load_state_dict(checkpoint['target_net']) + self.optimizer.load_state_dict(checkpoint['optimizer']) + self.steps_done = checkpoint.get('steps_done', 0) + logger.info(f"Model loaded successfully with weights_only=False") + + except Exception as e: + logger.error(f"Failed to load model: {e}") + logger.error(f"Traceback: {traceback.format_exc()}") + raise async def get_live_prices(symbol="ETH/USDT", timeframe="1m"): """Get live price data using websockets""" @@ -1345,38 +1684,174 @@ async def get_live_prices(symbol="ETH/USDT", timeframe="1m"): await asyncio.sleep(5) break -async def train_agent(agent, env, num_episodes=1000, max_steps_per_episode=1000): - """Train the agent using historical and live data""" - logger.info("Starting training...") +async def train_agent(agent, env, num_episodes=1000, max_steps_per_episode=1000, exchange=None, args=None): + """Train the agent using historical and live data with GPU acceleration""" + logger.info(f"Starting training on device: {agent.device}") + # Add early stopping based on performance + patience = 50 # Episodes to wait for improvement + best_pnl = -float('inf') + best_reward = -float('inf') # Initialize best_reward + best_win_rate = 0 # Initialize best_win_rate + episodes_without_improvement = 0 + + # Add adaptive learning rate + initial_lr = LEARNING_RATE + min_lr = LEARNING_RATE / 10 + + # Add curriculum learning + curriculum_stages = [ + {"episodes": 100, "risk_factor": 0.5, "exploration": 0.3}, # Conservative trading + {"episodes": 200, "risk_factor": 0.75, "exploration": 0.2}, # Moderate risk + {"episodes": 300, "risk_factor": 1.0, "exploration": 0.1}, # Normal risk + {"episodes": 400, "risk_factor": 1.25, "exploration": 0.05} # Aggressive trading + ] + current_stage = 0 + + # Initialize stats dictionary with the correct keys stats = { 'episode_rewards': [], - 'episode_lengths': [], - 'balances': [], + 'episode_profits': [], 'win_rates': [], - 'episode_pnls': [], - 'cumulative_pnl': [], - 'drawdowns': [], - 'prediction_losses': [] + 'trade_counts': [], + 'prediction_accuracies': [] } - best_reward = -float('inf') - best_pnl = -float('inf') + # Create checkpoint directory if it doesn't exist + os.makedirs("checkpoints", exist_ok=True) - # Initialize price predictor - env.initialize_price_predictor(agent.device) + # Load best model if it exists (to resume training) + best_model_path = "models/trading_agent_best_pnl.pt" + if os.path.exists(best_model_path): + try: + logger.info(f"Loading best model from {best_model_path} to resume training") + agent.load(best_model_path) + # Try to load best metrics from checkpoint file + checkpoint_info_path = "checkpoints/best_metrics.json" + if os.path.exists(checkpoint_info_path): + with open(checkpoint_info_path, 'r') as f: + best_metrics = json.load(f) + best_reward = best_metrics.get('best_reward', best_reward) + best_pnl = best_metrics.get('best_pnl', best_pnl) + best_win_rate = best_metrics.get('best_win_rate', best_win_rate) + logger.info(f"Resumed with best metrics - Reward: {best_reward:.2f}, PnL: ${best_pnl:.2f}, Win Rate: {best_win_rate:.1f}%") + except Exception as e: + logger.warning(f"Could not load best model: {e}") try: + # Initialize price predictor and attach it to the environment + price_predictor = PricePredictionModel(input_size=30, hidden_size=128, output_size=5) + price_predictor.to(agent.device) + price_predictor_optimizer = optim.Adam(price_predictor.parameters(), lr=1e-4) + + # Attach the price predictor to the environment + env.price_predictor = price_predictor + env.price_predictor_optimizer = price_predictor_optimizer + for episode in range(num_episodes): try: + # Update curriculum stage if needed + if current_stage < len(curriculum_stages) - 1 and episode >= curriculum_stages[current_stage]["episodes"]: + current_stage += 1 + logger.info(f"Moving to curriculum stage {current_stage+1}: " + f"risk_factor={curriculum_stages[current_stage]['risk_factor']}, " + f"exploration={curriculum_stages[current_stage]['exploration']}") + + # Apply curriculum settings + risk_factor = curriculum_stages[current_stage]["risk_factor"] + exploration = curriculum_stages[current_stage]["exploration"] + + # Set exploration rate for this episode + agent.epsilon = exploration + + # Set risk factor for this episode + env.risk_factor = risk_factor + + # Update training data if exchange is available + if exchange and args.refresh_data: + # Fetch new data at the start of each episode + logger.info(f"Refreshing data for episode {episode}") + await env.fetch_new_data(exchange, "ETH/USDT", "1m", 100) + + # Reset environment state = env.reset() + + # Initialize episode variables episode_reward = 0 + done = False + step = 0 + + # Initialize trade analysis dictionary + trade_analysis = { + 'win_rate': 0, + 'uptrend_win_rate': 0, + 'downtrend_win_rate': 0, + 'sideways_win_rate': 0, + 'avg_win_pnl': 0, + 'avg_loss_pnl': 0, + 'max_drawdown': 0 + } # Train price predictor prediction_loss = env.train_price_predictor() - stats['prediction_losses'].append(prediction_loss) - for step in range(max_steps_per_episode): + # Update price predictions + env.update_price_predictions() + + # Log OHLCV data to TensorBoard at the start of the episode + if episode % 5 == 0: # Log every 5 episodes to avoid too much data + # Create a DataFrame from the environment's data + df_ohlcv = pd.DataFrame([{ + 'timestamp': candle['timestamp'], + 'open': candle['open'], + 'high': candle['high'], + 'low': candle['low'], + 'close': candle['close'], + 'volume': candle['volume'] + } for candle in env.data[-100:]]) # Use last 100 candles + + # Convert timestamp to datetime + df_ohlcv['timestamp'] = pd.to_datetime(df_ohlcv['timestamp'], unit='ms') + df_ohlcv.set_index('timestamp', inplace=True) + + # Extract buy/sell signals from trades + buy_signals = [] + sell_signals = [] + + if hasattr(env, 'trades') and env.trades: + for trade in env.trades: + if 'entry_time' in trade and 'entry' in trade: + if trade['type'] == 'long': + # Buy signal + entry_time = pd.to_datetime(trade['entry_time'], unit='ms') + buy_signals.append((entry_time, trade['entry'])) + + # Sell signal if closed + if 'exit_time' in trade and 'exit' in trade and trade['exit'] > 0: + exit_time = pd.to_datetime(trade['exit_time'], unit='ms') + sell_signals.append((exit_time, trade['exit'])) + + elif trade['type'] == 'short': + # Sell short signal + entry_time = pd.to_datetime(trade['entry_time'], unit='ms') + sell_signals.append((entry_time, trade['entry'])) + + # Buy to cover signal if closed + if 'exit_time' in trade and 'exit' in trade and trade['exit'] > 0: + exit_time = pd.to_datetime(trade['exit_time'], unit='ms') + buy_signals.append((exit_time, trade['exit'])) + + # Log to TensorBoard + log_ohlcv_to_tensorboard( + agent.writer, + df_ohlcv, + buy_signals, + sell_signals, + episode, + tag_prefix=f"episode_{episode}" + ) + + while not done: # Select action action = agent.select_action(state) @@ -1386,39 +1861,45 @@ async def train_agent(agent, env, num_episodes=1000, max_steps_per_episode=1000) # Store experience agent.memory.push(state, action, reward, next_state, done) + # Learn from experience + loss = agent.learn() + + # Update state and reward state = next_state episode_reward += reward - # Learn from experience - try: - loss = agent.learn() - if loss is not None: - agent.writer.add_scalar('Loss/train', loss, agent.steps_done) - except Exception as e: - logger.error(f"Learning error in episode {episode}, step {step}: {e}") - + # Break if done if done: break - # Update target network - if episode % TARGET_UPDATE == 0: - agent.update_target_network() + # Calculate win rate + total_trades = env.win_count + env.loss_count + win_rate = (env.win_count / total_trades * 100) if total_trades > 0 else 0 - # Calculate statistics - if len(env.trades) > 0: - wins = sum(1 for trade in env.trades if trade.get('pnl_percent', 0) > 0) - win_rate = wins / len(env.trades) * 100 + # Calculate prediction accuracy + if hasattr(env, 'predicted_prices') and len(env.predicted_prices) > 0: + # Compare predictions with actual prices + actual_prices = env.features['price'][-len(env.predicted_prices):] + prediction_errors = np.abs(env.predicted_prices - actual_prices) / actual_prices + prediction_accuracy = 100 * (1 - np.mean(prediction_errors)) else: - win_rate = 0 + prediction_accuracy = 0 - # Log statistics + # Analyze trades + trade_analysis = env.analyze_trades() if hasattr(env, 'analyze_trades') else {} + + # Update stats stats['episode_rewards'].append(episode_reward) - stats['episode_lengths'].append(step + 1) - stats['balances'].append(env.balance) + stats['episode_profits'].append(env.episode_pnl) stats['win_rates'].append(win_rate) - stats['episode_pnls'].append(env.episode_pnl) - stats['cumulative_pnl'].append(env.total_pnl) - stats['drawdowns'].append(env.max_drawdown * 100) + stats['trade_counts'].append(total_trades) + stats['prediction_accuracies'].append(prediction_accuracy) + + # Log detailed trade analysis + if trade_analysis: + logger.info(f"Trade Analysis: Win Rate={trade_analysis.get('uptrend_win_rate', 0):.1f}% in uptrends, " + f"{trade_analysis.get('downtrend_win_rate', 0):.1f}% in downtrends | " + f"Avg Win=${trade_analysis.get('avg_win', 0):.2f}, Avg Loss=${trade_analysis.get('avg_loss', 0):.2f}") # Log to TensorBoard agent.writer.add_scalar('Reward/train', episode_reward, episode) @@ -1428,28 +1909,141 @@ async def train_agent(agent, env, num_episodes=1000, max_steps_per_episode=1000) agent.writer.add_scalar('PnL/cumulative', env.total_pnl, episode) agent.writer.add_scalar('Drawdown/percent', env.max_drawdown * 100, episode) agent.writer.add_scalar('PredictionLoss', prediction_loss, episode) + agent.writer.add_scalar('PredictionAccuracy', prediction_accuracy, episode) logger.info(f"Episode {episode}: Reward={episode_reward:.2f}, Balance=${env.balance:.2f}, " f"Win Rate={win_rate:.1f}%, Trades={len(env.trades)}, " f"Episode PnL=${env.episode_pnl:.2f}, Total PnL=${env.total_pnl:.2f}, " - f"Max Drawdown={env.max_drawdown*100:.1f}%") + f"Max Drawdown={env.max_drawdown*100:.1f}%, Pred Accuracy={prediction_accuracy:.1f}%") # Save best model by reward if episode_reward > best_reward: best_reward = episode_reward agent.save("models/trading_agent_best_reward.pt") + logger.info(f"New best reward model saved: {episode_reward:.2f}") # Save best model by PnL if env.episode_pnl > best_pnl: best_pnl = env.episode_pnl agent.save("models/trading_agent_best_pnl.pt") + logger.info(f"New best PnL model saved: ${env.episode_pnl:.2f}") - # Save checkpoint + # Save best model by win rate (if enough trades) + if total_trades >= 10 and win_rate > best_win_rate: + best_win_rate = win_rate + agent.save("models/trading_agent_best_winrate.pt") + logger.info(f"New best win rate model saved: {win_rate:.1f}%") + + # Save checkpoint every 10 episodes if episode % 10 == 0: - agent.save(f"models/trading_agent_episode_{episode}.pt") + checkpoint_path = f"checkpoints/trading_agent_episode_{episode}.pt" + agent.save(checkpoint_path) + # Save best metrics to resume training if interrupted + best_metrics = { + 'best_reward': float(best_reward), + 'best_pnl': float(best_pnl), + 'best_win_rate': float(best_win_rate), + 'last_episode': episode, + 'timestamp': datetime.datetime.now().isoformat() + } + with open("checkpoints/best_metrics.json", 'w') as f: + json.dump(best_metrics, f) + + logger.info(f"Checkpoint saved at episode {episode}") + + # Check for early stopping + if env.episode_pnl > best_pnl: + best_pnl = env.episode_pnl + episodes_without_improvement = 0 + else: + episodes_without_improvement += 1 + + # Adjust learning rate based on performance + if episodes_without_improvement > 20: + # Reduce learning rate + for param_group in agent.optimizer.param_groups: + param_group['lr'] = max(param_group['lr'] * 0.9, min_lr) + logger.info(f"Reducing learning rate to {agent.optimizer.param_groups[0]['lr']:.6f}") + + # Early stopping check + if episodes_without_improvement >= patience: + logger.info(f"Early stopping triggered after {episode+1} episodes without improvement") + break + + # Create visualization every 10 episodes or on the last episode + if episode % 10 == 0 or episode == num_episodes - 1: + visualize_training_results(env, agent, episode) + + # After episode is complete, log final state with all trades + if episode % 10 == 0 or episode == num_episodes - 1: + # Create a DataFrame from the environment's data + df_ohlcv = pd.DataFrame([{ + 'timestamp': candle['timestamp'], + 'open': candle['open'], + 'high': candle['high'], + 'low': candle['low'], + 'close': candle['close'], + 'volume': candle['volume'] + } for candle in env.data[-100:]]) # Use last 100 candles + + # Convert timestamp to datetime + df_ohlcv['timestamp'] = pd.to_datetime(df_ohlcv['timestamp'], unit='ms') + df_ohlcv.set_index('timestamp', inplace=True) + + # Extract buy/sell signals from trades + buy_signals = [] + sell_signals = [] + + if hasattr(env, 'trades') and env.trades: + for trade in env.trades: + if 'entry_time' in trade and 'entry' in trade: + if trade['type'] == 'long': + # Buy signal + entry_time = pd.to_datetime(trade['entry_time'], unit='ms') + buy_signals.append((entry_time, trade['entry'])) + + # Sell signal if closed + if 'exit_time' in trade and 'exit' in trade and trade['exit'] > 0: + exit_time = pd.to_datetime(trade['exit_time'], unit='ms') + sell_signals.append((exit_time, trade['exit'])) + + elif trade['type'] == 'short': + # Sell short signal + entry_time = pd.to_datetime(trade['entry_time'], unit='ms') + sell_signals.append((entry_time, trade['entry'])) + + # Buy to cover signal if closed + if 'exit_time' in trade and 'exit' in trade and trade['exit'] > 0: + exit_time = pd.to_datetime(trade['exit_time'], unit='ms') + buy_signals.append((exit_time, trade['exit'])) + + # Log to TensorBoard - use a fixed tag to overwrite previous charts + log_ohlcv_to_tensorboard( + agent.writer, + df_ohlcv, + buy_signals, + sell_signals, + episode, + tag_prefix="latest_trading_data" # Use a fixed tag to overwrite previous charts + ) + + # Create visualization - only keep the latest one + os.makedirs("visualizations", exist_ok=True) + # Remove previous visualizations to save disk space + for file in os.listdir("visualizations"): + if file.startswith("training_episode_") and file.endswith(".png"): + try: + os.remove(os.path.join("visualizations", file)) + except: + pass + + # Create new visualization + visualize_training_results(env, agent, episode) + except Exception as e: logger.error(f"Error in episode {episode}: {e}") + logger.error(f"Traceback: {traceback.format_exc()}") continue # Save final model @@ -1460,13 +2054,20 @@ async def train_agent(agent, env, num_episodes=1000, max_steps_per_episode=1000) except Exception as e: logger.error(f"Training failed: {e}") - raise + logger.error(f"Traceback: {traceback.format_exc()}") + + # Save emergency checkpoint + try: + agent.save("models/trading_agent_emergency.pt") + logger.info("Emergency model saved due to training failure") + except Exception as save_error: + logger.error(f"Failed to save emergency model: {save_error}") return stats def plot_training_results(stats): - """Plot detailed training results""" - plt.figure(figsize=(20, 15)) + """Plot training results""" + plt.figure(figsize=(15, 15)) # Plot rewards plt.subplot(3, 2, 1) @@ -1475,12 +2076,12 @@ def plot_training_results(stats): plt.xlabel('Episode') plt.ylabel('Reward') - # Plot balance + # Plot balance/profits plt.subplot(3, 2, 2) - plt.plot(stats['balances']) - plt.title('Account Balance') + plt.plot(stats['episode_profits']) + plt.title('Episode Profits') plt.xlabel('Episode') - plt.ylabel('Balance ($)') + plt.ylabel('Profit ($)') # Plot win rate plt.subplot(3, 2, 3) @@ -1489,35 +2090,26 @@ def plot_training_results(stats): plt.xlabel('Episode') plt.ylabel('Win Rate (%)') - # Plot episode PnL + # Plot trade count plt.subplot(3, 2, 4) - plt.plot(stats['episode_pnls']) - plt.title('Episode PnL') + plt.plot(stats['trade_counts']) + plt.title('Number of Trades') plt.xlabel('Episode') - plt.ylabel('PnL ($)') + plt.ylabel('Trades') - # Plot cumulative PnL + # Plot prediction accuracy plt.subplot(3, 2, 5) - plt.plot(stats['cumulative_pnl']) - plt.title('Cumulative PnL') + plt.plot(stats['prediction_accuracies']) + plt.title('Prediction Accuracy') plt.xlabel('Episode') - plt.ylabel('Cumulative PnL ($)') - - # Plot drawdown - plt.subplot(3, 2, 6) - plt.plot(stats['drawdowns']) - plt.title('Maximum Drawdown') - plt.xlabel('Episode') - plt.ylabel('Drawdown (%)') + plt.ylabel('Accuracy (%)') + # Save the figure plt.tight_layout() plt.savefig('training_results.png') + plt.close() - # Save statistics to CSV - df = pd.DataFrame(stats) - df.to_csv('training_stats.csv', index=False) - - logger.info("Training statistics saved to training_stats.csv and training_results.png") + logger.info("Training results saved to training_results.png") def evaluate_agent(agent, env, num_episodes=10): """Evaluate the agent on test data""" @@ -1579,11 +2171,11 @@ async def test_training(): timeframe="1m", leverage=MAX_LEVERAGE, initial_balance=100, # Small balance for testing - is_demo=True # Always use demo mode for testing + demo=True # Always use demo mode for testing ) # Fetch initial data - await env.fetch_initial_data() + await env.fetch_initial_data(exchange, "ETH/USDT", "1m", 1000) # Create agent agent = Agent(state_size=STATE_SIZE, action_size=env.action_space) @@ -1638,136 +2230,565 @@ async def test_training(): finally: await exchange.close() +async def initialize_exchange(): + """Initialize the exchange connection""" + try: + # Try to initialize with async support first + try: + exchange = ccxt.pro.mexc({ + 'apiKey': MEXC_API_KEY, + 'secret': MEXC_SECRET_KEY, + 'enableRateLimit': True + }) + logger.info(f"Exchange initialized with async support: {exchange.id}") + except (AttributeError, ImportError): + # Fall back to standard CCXT + exchange = ccxt.mexc({ + 'apiKey': MEXC_API_KEY, + 'secret': MEXC_SECRET_KEY, + 'enableRateLimit': True + }) + logger.info(f"Exchange initialized with standard CCXT: {exchange.id}") + + return exchange + except Exception as e: + logger.error(f"Failed to initialize exchange: {e}") + raise + +async def get_historical_data(exchange, symbol="ETH/USDT", timeframe="1m", limit=1000): + """Fetch historical OHLCV data from the exchange""" + try: + logger.info(f"Fetching historical data for {symbol}, timeframe {timeframe}, limit {limit}") + + # Use the refactored fetch method + data = await fetch_ohlcv_data(exchange, symbol, timeframe, limit) + + if not data: + logger.warning("No historical data received") + + return data + except Exception as e: + logger.error(f"Failed to fetch historical data: {e}") + return [] + +async def live_trading(agent, env, exchange, demo=True): + """Run live trading with the trained agent""" + logger.info(f"Starting live trading (demo mode: {demo})") + + try: + # Subscribe to websocket for real-time data + symbol = "ETH/USDT" + timeframe = "1m" + + # Initialize with historical data + success = await env.fetch_initial_data(exchange, symbol, timeframe, 100) + if not success: + logger.error("Failed to initialize with historical data") + return + + # Main trading loop + while True: + # Wait for the next candle (1 minute) + await asyncio.sleep(5) # Check every 5 seconds + + # Fetch latest candle + latest_candle = await get_latest_candle(exchange, symbol) + + if not latest_candle: + logger.warning("No latest candle received, skipping update") + continue + + # Update environment with new data + env.add_data(latest_candle) + + # Get current state + state = env.get_state() + + # Select action (no exploration in live trading) + action = agent.select_action(state, training=False) + + # Take action + _, reward, _ = env.step(action) + + # Log trading activity + action_names = ["HOLD", "BUY", "SELL", "CLOSE"] + logger.info(f"Price: ${latest_candle['close']:.2f} | Action: {action_names[action]}") + + # Log performance metrics + if env.trades: + wins = sum(1 for t in env.trades if t.get('pnl_percent', 0) > 0) + win_rate = wins / len(env.trades) * 100 + total_pnl = sum(t.get('pnl_dollar', 0) for t in env.trades) + + logger.info(f"Balance: ${env.balance:.2f} | Trades: {len(env.trades)} | " + f"Win Rate: {win_rate:.1f}% | Total PnL: ${total_pnl:.2f}") + + # Analyze recent trades + trade_analysis = env.analyze_trades() + if trade_analysis: + logger.info(f"Recent Performance: Win Rate={trade_analysis.get('uptrend_win_rate', 0):.1f}% in uptrends, " + f"{trade_analysis.get('downtrend_win_rate', 0):.1f}% in downtrends") + + except KeyboardInterrupt: + logger.info("Live trading stopped by user") + except Exception as e: + logger.error(f"Error in live trading: {e}") + raise + +async def get_latest_candle(exchange, symbol): + """Get the latest candle data""" + try: + # Use the refactored fetch method with limit=1 + data = await fetch_ohlcv_data(exchange, symbol, "1m", 1) + + if data and len(data) > 0: + return data[0] + else: + logger.warning("No candle data received") + return None + except Exception as e: + logger.error(f"Failed to fetch latest candle: {e}") + return None + + +async def fetch_ohlcv_data(exchange, symbol, timeframe, limit): + """Fetch OHLCV data with proper handling for both async and standard CCXT""" + try: + # Check if exchange has fetchOHLCV method + if not hasattr(exchange, 'fetchOHLCV'): + logger.error("Exchange does not support OHLCV data fetching") + return [] + + # Handle different CCXT versions + if hasattr(exchange, 'has') and exchange.has.get('fetchOHLCVAsync', False): + # Use async method if available + ohlcv = await exchange.fetchOHLCV(symbol, timeframe, limit=limit) + else: + # Use synchronous method with run_in_executor + loop = asyncio.get_event_loop() + ohlcv = await loop.run_in_executor( + None, + lambda: exchange.fetch_ohlcv(symbol, timeframe, limit=limit) + ) + + # Convert to list of dictionaries + data = [] + for candle in ohlcv: + timestamp, open_price, high, low, close, volume = candle + data.append({ + 'timestamp': timestamp, + 'open': open_price, + 'high': high, + 'low': low, + 'close': close, + 'volume': volume + }) + + logger.info(f"Fetched {len(data)} candles for {symbol} ({timeframe})") + return data + + except Exception as e: + logger.error(f"Error fetching OHLCV data: {e}") + return [] + async def main(): - # Parse command line arguments - import argparse - parser = argparse.ArgumentParser(description='ETH/USD Trading Bot with RL') - parser.add_argument('--mode', type=str, default='train', choices=['train', 'eval', 'live', 'test'], - help='Operation mode: train, eval, live, or test') - parser.add_argument('--episodes', type=int, default=1000, help='Number of episodes for training/evaluation') - parser.add_argument('--demo', action='store_true', help='Run in demo mode (no real trading)') + """Main function to run the trading bot""" + parser = argparse.ArgumentParser(description='Crypto Trading Bot') + parser.add_argument('--mode', type=str, default='train', + choices=['train', 'evaluate', 'live', 'continuous'], + help='Mode to run the bot in (train, evaluate, live, or continuous)') + parser.add_argument('--episodes', type=int, default=1000, help='Number of episodes to train') + parser.add_argument('--demo', action='store_true', help='Run in demo mode (no real trades)') + parser.add_argument('--refresh-data', action='store_true', help='Refresh data during training') + parser.add_argument('--device', type=str, default='gpu', choices=['gpu', 'cpu'], + help='Device to use for training (gpu or cpu)') args = parser.parse_args() - if args.mode == 'test': - # Run training tests - success = await test_training() - if success: - logger.info("All tests passed!") - else: - logger.error("Tests failed!") - return + # Get device based on argument and availability + device = get_device(args.device) - # Initialize exchange with async capabilities + exchange = None try: - # Try the newer CCXT approach first - exchange = ccxt.mexc({ - 'apiKey': MEXC_API_KEY, - 'secret': MEXC_SECRET_KEY, - 'enableRateLimit': True, - 'asyncio_loop': asyncio.get_event_loop() - }) - except Exception as e: - logger.warning(f"Could not initialize exchange with asyncio_loop: {e}") - # Fallback to standard exchange - exchange = ccxt.mexc({ - 'apiKey': MEXC_API_KEY, - 'secret': MEXC_SECRET_KEY, - 'enableRateLimit': True, - }) - - try: - # Create environment + # Initialize exchange + exchange = await initialize_exchange() + + # Create environment with the correct parameters env = TradingEnvironment( - exchange=exchange, - symbol="ETH/USDT", - timeframe="1m", - leverage=MAX_LEVERAGE, - initial_balance=INITIAL_BALANCE, - is_demo=args.demo or args.mode != 'live' + initial_balance=INITIAL_BALANCE, + window_size=30, + demo=args.demo or args.mode != 'live' ) # Fetch initial data - await env.fetch_initial_data() + logger.info("Fetching initial data for ETH/USDT") + await env.fetch_initial_data(exchange, "ETH/USDT", "1m", 500) - # Create agent - agent = Agent(state_size=STATE_SIZE, action_size=env.action_space) - - # Try to load existing model - model_loaded = agent.load() - if not model_loaded and args.mode in ['eval', 'live']: - logger.warning("No pre-trained model found. Consider training first!") + # Initialize agent + agent = Agent(STATE_SIZE, 4, hidden_size=384, lstm_layers=2, attention_heads=4, device=device) if args.mode == 'train': - # Training mode - logger.info("Starting training mode") - await train_agent(agent, env, num_episodes=args.episodes) + # Train the agent + logger.info(f"Starting training for {args.episodes} episodes...") + stats = await train_agent(agent, env, num_episodes=args.episodes, exchange=exchange, args=args) - elif args.mode == 'eval': - # Evaluation mode - logger.info("Starting evaluation mode") - eval_reward, eval_profit, win_rate = evaluate_agent(agent, env, num_episodes=args.episodes) + elif args.mode == 'continuous': + # Run in continuous mode - train indefinitely + logger.info("Starting continuous training mode. Press Ctrl+C to stop.") + episode_counter = 0 + try: + while True: # Run indefinitely until manually stopped + # Train for a batch of episodes + batch_size = 50 # Train in batches of 50 episodes + logger.info(f"Starting training batch {episode_counter // batch_size + 1}") + + # Refresh data at the start of each batch + if exchange and args.refresh_data: + logger.info("Refreshing data for new training batch") + await env.fetch_new_data(exchange, "ETH/USDT", "1m", 500) + logger.info(f"Updated environment with fresh candles") + + # Train for a batch of episodes + stats = await train_agent(agent, env, num_episodes=args.episodes, exchange=exchange, args=args) + + # Save model after each batch + agent.save(f"models/trading_agent_continuous_{episode_counter}.pt") + + # Increment counter + episode_counter += batch_size + + # Sleep briefly to prevent excessive API calls + await asyncio.sleep(5) + + except KeyboardInterrupt: + logger.info("Continuous training stopped by user") + # Save final model + agent.save("models/trading_agent_continuous_final.pt") + logger.info("Final model saved") + + elif args.mode == 'evaluate': + # Load the best model + agent.load("models/trading_agent_best_pnl.pt") + + # Evaluate the agent + logger.info("Evaluating agent...") + results = evaluate_agent(agent, env, num_episodes=10) + logger.info(f"Evaluation results: {results}") elif args.mode == 'live': - # Live trading mode - logger.info("Starting live trading mode with real-time data") - logger.info(f"Demo mode: {args.demo}") + # Load the best model + agent.load("models/trading_agent_best_pnl.pt") - # Live trading loop - async for candle in get_live_prices("ETH/USDT", "1m"): - # Update environment with new data - await env._update_with_new_data(candle) - - # Only trade if we have enough data - if len(env.data) >= env.window_size: - # Get current state - state = env.get_state() - - # Select action (no exploration in live trading) - action = agent.select_action(state, training=False) - - # Convert action number to readable format - action_names = ["HOLD", "BUY", "SELL", "CLOSE"] - logger.info(f"Price: ${candle['close']:.2f} | Action: {action_names[action]}") - - # Take action - _, reward, _ = env.step(action) - - # Print statistics - if len(env.trades) > 0: - wins = sum(1 for trade in env.trades if trade.get('pnl_percent', 0) > 0) - win_rate = wins / len(env.trades) * 100 - total_pnl = sum(trade.get('pnl_dollar', 0) for trade in env.trades) - logger.info(f"Balance: ${env.balance:.2f} | Trades: {len(env.trades)} | " - f"Win Rate: {win_rate:.1f}% | Total PnL: ${total_pnl:.2f}") - + # Run live trading + logger.info("Starting live trading...") + await live_trading(agent, env, exchange, demo=args.demo) + + except Exception as e: + logger.error(f"Error: {e}") + logger.error(f"Traceback: {traceback.format_exc()}") finally: - # Clean up exchange connection - await exchange.close() + # Close exchange connection + if exchange: + try: + # Some CCXT exchanges have close method, others don't + if hasattr(exchange, 'close'): + await exchange.close() + elif hasattr(exchange, 'client') and hasattr(exchange.client, 'close'): + await exchange.client.close() + logger.info("Exchange connection closed") + except Exception as e: + logger.warning(f"Could not properly close exchange connection: {e}") + +def ensure_model_float32(model): + """Ensure all model parameters are float32""" + for param in model.parameters(): + param.data = param.data.float() # Convert to float32 + return model + +def ensure_float32(tensor_or_array): + """Ensure the input is a float32 tensor or numpy array""" + if isinstance(tensor_or_array, torch.Tensor): + return tensor_or_array.float() + elif isinstance(tensor_or_array, np.ndarray): + return tensor_or_array.astype(np.float32) + else: + return np.array(tensor_or_array, dtype=np.float32) + +def visualize_training_results(env, agent, episode_num): + """Visualize the training results with OHLCV data, actions, and predictions""" + try: + # Create directory for visualizations if it doesn't exist + os.makedirs("visualizations", exist_ok=True) + + # Get the data for visualization + if len(env.data) < 100: + logger.warning("Not enough data for visualization") + return + + # Use the last 100 candles for visualization + data = env.data[-100:] + + # Create a pandas DataFrame for easier plotting + df = pd.DataFrame([{ + 'timestamp': candle['timestamp'], + 'open': candle['open'], + 'high': candle['high'], + 'low': candle['low'], + 'close': candle['close'], + 'volume': candle['volume'] + } for candle in data]) + + # Convert timestamp to datetime + df['timestamp'] = pd.to_datetime(df['timestamp'], unit='ms') + df.set_index('timestamp', inplace=True) + + # Create the plot + plt.figure(figsize=(16, 12)) + + # Plot OHLC data + ax1 = plt.subplot(3, 1, 1) + ax1.set_title(f'Training Visualization - Episode {episode_num}') + + # Plot candlestick chart + from mplfinance.original_flavor import candlestick_ohlc + import matplotlib.dates as mdates + + # Convert date to numerical format for candlestick + df_ohlc = df.reset_index() + df_ohlc['timestamp'] = df_ohlc['timestamp'].map(mdates.date2num) + + candlestick_ohlc(ax1, df_ohlc[['timestamp', 'open', 'high', 'low', 'close']].values, + width=0.6, colorup='green', colordown='red') + + ax1.xaxis.set_major_formatter(mdates.DateFormatter('%Y-%m-%d %H:%M')) + ax1.set_ylabel('Price (USD)') + + # Plot buy/sell actions if available + if hasattr(env, 'trades') and env.trades: + # Filter trades that occurred in the visualization window + recent_trades = [t for t in env.trades if t.get('timestamp', 0) >= df.index[0].timestamp() * 1000] + + for trade in recent_trades: + if trade['type'] == 'long': + # Buy point + entry_time = pd.to_datetime(trade['entry_time'], unit='ms') + ax1.scatter(mdates.date2num(entry_time), trade['entry'], + marker='^', color='green', s=100, label='Buy') + + # Sell point if closed + if 'exit' in trade and trade['exit'] > 0: + exit_time = pd.to_datetime(trade['exit_time'], unit='ms') + ax1.scatter(mdates.date2num(exit_time), trade['exit'], + marker='v', color='blue', s=100, label='Sell Long') + + # Draw line connecting entry and exit + ax1.plot([mdates.date2num(entry_time), mdates.date2num(exit_time)], + [trade['entry'], trade['exit']], 'g--', alpha=0.5) + + elif trade['type'] == 'short': + # Sell short point + entry_time = pd.to_datetime(trade['entry_time'], unit='ms') + ax1.scatter(mdates.date2num(entry_time), trade['entry'], + marker='v', color='red', s=100, label='Sell Short') + + # Buy to cover point if closed + if 'exit' in trade and trade['exit'] > 0: + exit_time = pd.to_datetime(trade['exit_time'], unit='ms') + ax1.scatter(mdates.date2num(exit_time), trade['exit'], + marker='^', color='orange', s=100, label='Buy to Cover') + + # Draw line connecting entry and exit + ax1.plot([mdates.date2num(entry_time), mdates.date2num(exit_time)], + [trade['entry'], trade['exit']], 'r--', alpha=0.5) + + # Plot predicted prices if available + if hasattr(env, 'predicted_prices') and len(env.predicted_prices) > 0: + ax2 = plt.subplot(3, 1, 2, sharex=ax1) + ax2.set_title('Price Predictions vs Actual') + + # Plot actual prices + ax2.plot(df.index[-len(env.predicted_prices):], df['close'][-len(env.predicted_prices):], + label='Actual Price', color='blue') + + # Plot predicted prices + # Align predictions with their corresponding timestamps + prediction_dates = df.index[-len(env.predicted_prices)-1:-1] + if len(prediction_dates) == len(env.predicted_prices): + ax2.plot(prediction_dates, env.predicted_prices, + label='Predicted Price', color='orange', linestyle='--') + + # Calculate prediction error + actual = df['close'][-len(env.predicted_prices)-1:-1].values + predicted = env.predicted_prices + mape = np.mean(np.abs((actual - predicted) / actual)) * 100 + ax2.set_ylabel('Price (USD)') + ax2.set_title(f'Price Predictions vs Actual (MAPE: {mape:.2f}%)') + ax2.legend() + + # Plot technical indicators + ax3 = plt.subplot(3, 1, 3, sharex=ax1) + ax3.set_title('Technical Indicators') + + # Plot RSI if available + if 'rsi' in env.features and len(env.features['rsi']) > 0: + rsi_values = env.features['rsi'][-len(df):] + if len(rsi_values) == len(df): + ax3.plot(df.index, rsi_values, label='RSI', color='purple') + + # Add RSI overbought/oversold lines + ax3.axhline(y=70, color='r', linestyle='-', alpha=0.3) + ax3.axhline(y=30, color='g', linestyle='-', alpha=0.3) + + # Plot MACD if available + if 'macd' in env.features and 'macd_signal' in env.features: + macd_values = env.features['macd'][-len(df):] + signal_values = env.features['macd_signal'][-len(df):] + + if len(macd_values) == len(df) and len(signal_values) == len(df): + ax3.plot(df.index, macd_values, label='MACD', color='blue') + ax3.plot(df.index, signal_values, label='Signal', color='red') + + ax3.set_ylabel('Indicator Value') + ax3.legend() + + # Format x-axis + plt.xticks(rotation=45) + plt.tight_layout() + + # Save the figure + plt.savefig(f"visualizations/training_episode_{episode_num}.png") + logger.info(f"Visualization saved for episode {episode_num}") + + # Close the figure to free memory + plt.close() + + except Exception as e: + logger.error(f"Error creating visualization: {e}") + logger.error(f"Traceback: {traceback.format_exc()}") + +def log_ohlcv_to_tensorboard(writer, df_ohlcv, buy_signals, sell_signals, step, tag_prefix="trading"): + """ + Log OHLCV chart with buy/sell signals to TensorBoard + + Parameters: + ----------- + writer : torch.utils.tensorboard.SummaryWriter + TensorBoard writer instance + df_ohlcv : pandas.DataFrame + DataFrame with OHLCV data + buy_signals : list of tuples + List of (datetime, price) tuples for buy signals + sell_signals : list of tuples + List of (datetime, price) tuples for sell signals + step : int + Global step value to record + tag_prefix : str + Prefix for the tag in TensorBoard + """ + try: + import matplotlib.pyplot as plt + import matplotlib.dates as mdates + from matplotlib.figure import Figure + from matplotlib.backends.backend_agg import FigureCanvasAgg as FigureCanvas + import numpy as np + + # Check if DataFrame is empty + if df_ohlcv.empty: + logger.warning("Empty OHLCV DataFrame, skipping visualization") + return + + # Create figure + fig = Figure(figsize=(12, 8)) + canvas = FigureCanvas(fig) + + # Create subplots for price and volume + ax1 = fig.add_subplot(2, 1, 1) # Price chart + ax2 = fig.add_subplot(2, 1, 2, sharex=ax1) # Volume chart + + # Plot OHLC + dates = mdates.date2num(df_ohlcv.index.to_pydatetime()) + ohlc = np.column_stack((dates, df_ohlcv['open'], df_ohlcv['high'], df_ohlcv['low'], df_ohlcv['close'])) + + # Plot candlestick chart + from matplotlib.lines import Line2D + from matplotlib.patches import Rectangle + + width = 0.6 / (len(df_ohlcv) + 1) # Adjust width based on number of candles + + for i, (date, open_price, high, low, close) in enumerate(ohlc): + # Determine candle color + if close >= open_price: + color = 'green' + body_bottom = open_price + body_height = close - open_price + else: + color = 'red' + body_bottom = close + body_height = open_price - close + + # Plot candle body + rect = Rectangle( + xy=(date - width/2, body_bottom), + width=width, + height=body_height, + facecolor=color, + edgecolor='black', + alpha=0.8 + ) + ax1.add_patch(rect) + + # Plot wick + ax1.plot([date, date], [low, high], color='black', linewidth=1) + + # Plot buy signals + if buy_signals: + buy_dates = mdates.date2num([x[0] for x in buy_signals]) + buy_prices = [x[1] for x in buy_signals] + ax1.scatter(buy_dates, buy_prices, marker='^', color='green', s=100, label='Buy') + + # Plot sell signals + if sell_signals: + sell_dates = mdates.date2num([x[0] for x in sell_signals]) + sell_prices = [x[1] for x in sell_signals] + ax1.scatter(sell_dates, sell_prices, marker='v', color='red', s=100, label='Sell') + + # Plot volume + ax2.bar(dates, df_ohlcv['volume'], width=width, color='blue', alpha=0.5) + + # Format axes + ax1.set_title(f'OHLC with Buy/Sell Signals - {tag_prefix}') + ax1.set_ylabel('Price') + ax1.legend() + ax1.grid(True) + + ax2.set_xlabel('Date') + ax2.set_ylabel('Volume') + ax2.grid(True) + + # Format date + date_format = mdates.DateFormatter('%Y-%m-%d %H:%M') + ax2.xaxis.set_major_formatter(date_format) + fig.autofmt_xdate() + + # Adjust layout + fig.tight_layout() + + # Log to TensorBoard + if tag_prefix == "latest_trading_data": + # For the latest data, use a fixed tag without step to overwrite previous charts + writer.add_figure(f"{tag_prefix}/ohlcv_chart", fig) + else: + # For other charts, include the step + writer.add_figure(f"{tag_prefix}/ohlcv_chart", fig, global_step=step) + + # Clean up + plt.close(fig) + + except Exception as e: + logger.error(f"Error in log_ohlcv_to_tensorboard: {e}") + logger.error(f"Traceback: {traceback.format_exc()}") if __name__ == "__main__": try: asyncio.run(main()) except KeyboardInterrupt: - logger.info("Program terminated by user") - -# Add these functions to identify tops and bottoms -def find_local_extrema(prices, window=5): - """Find local minima (bottoms) and maxima (tops) in price data""" - bottoms = [] - tops = [] - - if len(prices) < window * 2 + 1: - return bottoms, tops - - for i in range(window, len(prices) - window): - # Check if this is a local minimum (bottom) - if all(prices[i] <= prices[i-j] for j in range(1, window+1)) and \ - all(prices[i] <= prices[i+j] for j in range(1, window+1)): - bottoms.append(i) - - # Check if this is a local maximum (top) - if all(prices[i] >= prices[i-j] for j in range(1, window+1)) and \ - all(prices[i] >= prices[i+j] for j in range(1, window+1)): - tops.append(i) - - return bottoms, tops \ No newline at end of file + logger.info("Program terminated by user") \ No newline at end of file diff --git a/crypto/gogo2/readme.md b/crypto/gogo2/readme.md index e6a8ce8..72eb4d4 100644 --- a/crypto/gogo2/readme.md +++ b/crypto/gogo2/readme.md @@ -46,6 +46,12 @@ pip install -r requirements.txt ```bash MEXC_API_KEY=your_api_key MEXC_API_SECRET=your_api_secret + + +cuda support + +```bash +pip install torch torchvision torchaudio --index-url https://download.pytorch.org/whl/cu118 ``` ## Usage diff --git a/crypto/gogo2/requirements.txt b/crypto/gogo2/requirements.txt index 5a89b65..cda528e 100644 --- a/crypto/gogo2/requirements.txt +++ b/crypto/gogo2/requirements.txt @@ -6,4 +6,5 @@ python-dotenv>=0.19.0 ccxt>=2.0.0 websockets>=10.0 tensorboard>=2.6.0 -scikit-learn \ No newline at end of file +scikit-learn +mplfinance \ No newline at end of file diff --git a/crypto/gogo2/runs/Mar10_12-21-45_GW-DOBRI-baseline/events.out.tfevents.1741602105.GW-DOBRI.27544.0 b/crypto/gogo2/runs/Mar10_12-21-45_GW-DOBRI-baseline/events.out.tfevents.1741602105.GW-DOBRI.27544.0 new file mode 100644 index 0000000..80e3de8 Binary files /dev/null and b/crypto/gogo2/runs/Mar10_12-21-45_GW-DOBRI-baseline/events.out.tfevents.1741602105.GW-DOBRI.27544.0 differ diff --git a/crypto/gogo2/runs/trading_agent/events.out.tfevents.1741596450.GW-DOBRI.46872.0 b/crypto/gogo2/runs/trading_agent/events.out.tfevents.1741596450.GW-DOBRI.46872.0 deleted file mode 100644 index 8a2611d..0000000 Binary files a/crypto/gogo2/runs/trading_agent/events.out.tfevents.1741596450.GW-DOBRI.46872.0 and /dev/null differ diff --git a/crypto/gogo2/runs/trading_agent/events.out.tfevents.1741596799.GW-DOBRI.38248.0 b/crypto/gogo2/runs/trading_agent/events.out.tfevents.1741596799.GW-DOBRI.38248.0 deleted file mode 100644 index da2acc3..0000000 Binary files a/crypto/gogo2/runs/trading_agent/events.out.tfevents.1741596799.GW-DOBRI.38248.0 and /dev/null differ diff --git a/crypto/gogo2/runs/trading_agent/events.out.tfevents.1741598305.GW-DOBRI.61848.0 b/crypto/gogo2/runs/trading_agent/events.out.tfevents.1741598305.GW-DOBRI.61848.0 deleted file mode 100644 index 75c51bf..0000000 Binary files a/crypto/gogo2/runs/trading_agent/events.out.tfevents.1741598305.GW-DOBRI.61848.0 and /dev/null differ diff --git a/crypto/gogo2/runs/trading_agent_20250310_162540/events.out.tfevents.1741616740.GW-DOBRI.140636.0 b/crypto/gogo2/runs/trading_agent_20250310_162540/events.out.tfevents.1741616740.GW-DOBRI.140636.0 new file mode 100644 index 0000000..68496f4 Binary files /dev/null and b/crypto/gogo2/runs/trading_agent_20250310_162540/events.out.tfevents.1741616740.GW-DOBRI.140636.0 differ diff --git a/crypto/gogo2/trading_bot.log b/crypto/gogo2/trading_bot.log index e281568..3382a3e 100644 --- a/crypto/gogo2/trading_bot.log +++ b/crypto/gogo2/trading_bot.log @@ -8327,3 +8327,200144 @@ 2025-03-10 11:19:17,884 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 2025-03-10 11:19:17,942 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 2025-03-10 11:19:18,136 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:18,322 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:18,459 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:18,554 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:18,802 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:19:18,858 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:18,956 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-6.17 +2025-03-10 11:19:19,053 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:19,245 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-5.62 +2025-03-10 11:19:19,292 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:19,339 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-5.11 +2025-03-10 11:19:19,483 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:19,587 - ERROR - Error in episode 74: running_mean should contain 1 elements not 256 +2025-03-10 11:19:19,587 - ERROR - Error in episode 75: running_mean should contain 1 elements not 256 +2025-03-10 11:19:19,587 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:19,786 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:19,890 - ERROR - Error in episode 76: running_mean should contain 1 elements not 256 +2025-03-10 11:19:19,900 - ERROR - Error in episode 77: running_mean should contain 1 elements not 256 +2025-03-10 11:19:19,952 - ERROR - Error in episode 78: running_mean should contain 1 elements not 256 +2025-03-10 11:19:19,952 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:20,087 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:20,192 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:20,231 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:20,288 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:20,442 - ERROR - Error in episode 79: running_mean should contain 1 elements not 256 +2025-03-10 11:19:20,442 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:20,503 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:20,559 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:20,892 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:20,990 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:21,090 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:21,137 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:21,189 - ERROR - Error in episode 80: running_mean should contain 1 elements not 256 +2025-03-10 11:19:21,341 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:21,442 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:21,540 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:21,744 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:21,845 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:21,947 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:21,999 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:22,049 - ERROR - Error in episode 81: running_mean should contain 1 elements not 256 +2025-03-10 11:19:22,099 - ERROR - Error in episode 82: running_mean should contain 1 elements not 256 +2025-03-10 11:19:22,149 - ERROR - Error in episode 83: running_mean should contain 1 elements not 256 +2025-03-10 11:19:22,149 - ERROR - Error in episode 84: running_mean should contain 1 elements not 256 +2025-03-10 11:19:22,250 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:22,299 - ERROR - Error in episode 85: running_mean should contain 1 elements not 256 +2025-03-10 11:19:22,306 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:22,351 - ERROR - Error in episode 86: running_mean should contain 1 elements not 256 +2025-03-10 11:19:22,405 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:22,448 - ERROR - Error in episode 87: running_mean should contain 1 elements not 256 +2025-03-10 11:19:22,546 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:22,592 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:22,643 - ERROR - Error in episode 88: running_mean should contain 1 elements not 256 +2025-03-10 11:19:22,690 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:22,734 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:22,789 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:22,894 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:22,945 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:23,047 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:23,094 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:23,290 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:19:23,342 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:23,462 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-6.17 +2025-03-10 11:19:23,516 - ERROR - Error in episode 89: running_mean should contain 1 elements not 256 +2025-03-10 11:19:23,566 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:23,616 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:23,670 - ERROR - Error in episode 90: running_mean should contain 1 elements not 256 +2025-03-10 11:19:23,670 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:23,716 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:23,767 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:23,814 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:23,862 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:23,918 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:23,975 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:24,117 - ERROR - Error in episode 91: running_mean should contain 1 elements not 256 +2025-03-10 11:19:24,175 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:24,619 - ERROR - Error in episode 92: running_mean should contain 1 elements not 256 +2025-03-10 11:19:24,659 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:24,709 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:24,764 - ERROR - Error in episode 93: running_mean should contain 1 elements not 256 +2025-03-10 11:19:24,764 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:24,811 - ERROR - Error in episode 94: running_mean should contain 1 elements not 256 +2025-03-10 11:19:24,860 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:24,965 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:25,010 - ERROR - Error in episode 95: running_mean should contain 1 elements not 256 +2025-03-10 11:19:25,065 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:25,116 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:25,208 - ERROR - Error in episode 96: running_mean should contain 1 elements not 256 +2025-03-10 11:19:25,215 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:25,311 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:25,363 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:25,416 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:25,467 - ERROR - Error in episode 97: running_mean should contain 1 elements not 256 +2025-03-10 11:19:25,469 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:25,614 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:25,661 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:25,711 - ERROR - Error in episode 98: running_mean should contain 1 elements not 256 +2025-03-10 11:19:25,802 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:26,094 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:26,235 - ERROR - Error in episode 99: running_mean should contain 1 elements not 256 +2025-03-10 11:19:26,243 - ERROR - Error in episode 100: running_mean should contain 1 elements not 256 +2025-03-10 11:19:26,294 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:26,396 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:26,446 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:26,500 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:26,552 - ERROR - Error in episode 101: running_mean should contain 1 elements not 256 +2025-03-10 11:19:26,655 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:26,753 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:26,860 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:27,417 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:27,473 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:28,147 - ERROR - Error in episode 102: running_mean should contain 1 elements not 256 +2025-03-10 11:19:28,312 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:28,478 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:28,534 - ERROR - Error in episode 103: running_mean should contain 1 elements not 256 +2025-03-10 11:19:28,536 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:28,697 - ERROR - Error in episode 104: running_mean should contain 1 elements not 256 +2025-03-10 11:19:28,697 - ERROR - Error in episode 105: running_mean should contain 1 elements not 256 +2025-03-10 11:19:28,697 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:28,979 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:29,087 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:29,824 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:29,877 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:30,037 - ERROR - Error in episode 106: running_mean should contain 1 elements not 256 +2025-03-10 11:19:30,037 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:30,078 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:30,133 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:30,264 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:30,367 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:30,557 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:30,661 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:30,706 - ERROR - Error in episode 107: running_mean should contain 1 elements not 256 +2025-03-10 11:19:30,756 - ERROR - Error in episode 108: running_mean should contain 1 elements not 256 +2025-03-10 11:19:30,756 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:30,811 - ERROR - Error in episode 109: running_mean should contain 1 elements not 256 +2025-03-10 11:19:30,811 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:30,911 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:30,964 - ERROR - Error in episode 110: running_mean should contain 1 elements not 256 +2025-03-10 11:19:31,059 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:31,200 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:31,247 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:31,484 - ERROR - Error in episode 111: running_mean should contain 1 elements not 256 +2025-03-10 11:19:31,484 - ERROR - Error in episode 112: running_mean should contain 1 elements not 256 +2025-03-10 11:19:31,527 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:31,726 - ERROR - Error in episode 113: running_mean should contain 1 elements not 256 +2025-03-10 11:19:31,726 - ERROR - Error in episode 114: running_mean should contain 1 elements not 256 +2025-03-10 11:19:31,820 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:32,063 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:32,194 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:32,248 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:32,295 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:32,340 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:32,395 - ERROR - Error in episode 115: running_mean should contain 1 elements not 256 +2025-03-10 11:19:32,395 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:32,440 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:32,492 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:32,540 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:32,633 - ERROR - Error in episode 116: running_mean should contain 1 elements not 256 +2025-03-10 11:19:32,731 - ERROR - Error in episode 117: running_mean should contain 1 elements not 256 +2025-03-10 11:19:32,732 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:32,779 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:32,830 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:33,040 - ERROR - Error in episode 118: running_mean should contain 1 elements not 256 +2025-03-10 11:19:33,040 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:33,090 - ERROR - Error in episode 119: running_mean should contain 1 elements not 256 +2025-03-10 11:19:33,092 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:33,339 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:33,440 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:33,488 - ERROR - Error in episode 120: running_mean should contain 1 elements not 256 +2025-03-10 11:19:33,489 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:33,539 - ERROR - Error in episode 121: running_mean should contain 1 elements not 256 +2025-03-10 11:19:33,542 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:33,584 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:33,691 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:33,842 - ERROR - Error in episode 122: running_mean should contain 1 elements not 256 +2025-03-10 11:19:33,843 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:33,892 - ERROR - Error in episode 123: running_mean should contain 1 elements not 256 +2025-03-10 11:19:33,892 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:33,951 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:34,003 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:34,050 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:34,140 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:34,189 - ERROR - Error in episode 124: running_mean should contain 1 elements not 256 +2025-03-10 11:19:34,281 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:34,376 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:34,476 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:34,579 - ERROR - Error in episode 125: running_mean should contain 1 elements not 256 +2025-03-10 11:19:34,685 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:34,791 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:34,946 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:35,001 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:35,054 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:35,323 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:35,575 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:35,627 - ERROR - Error in episode 126: running_mean should contain 1 elements not 256 +2025-03-10 11:19:35,627 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:35,680 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:35,787 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:35,836 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:35,890 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:35,948 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:36,055 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:36,109 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:19:36,217 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:36,364 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-6.17 +2025-03-10 11:19:36,417 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:36,834 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-5.62 +2025-03-10 11:19:36,939 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:37,439 - ERROR - Error in episode 127: running_mean should contain 1 elements not 256 +2025-03-10 11:19:37,439 - ERROR - Error in episode 128: running_mean should contain 1 elements not 256 +2025-03-10 11:19:37,439 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:37,491 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:37,545 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:37,679 - ERROR - Error in episode 129: running_mean should contain 1 elements not 256 +2025-03-10 11:19:37,689 - ERROR - Error in episode 130: running_mean should contain 1 elements not 256 +2025-03-10 11:19:37,689 - ERROR - Error in episode 131: running_mean should contain 1 elements not 256 +2025-03-10 11:19:37,689 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:37,847 - ERROR - Error in episode 132: running_mean should contain 1 elements not 256 +2025-03-10 11:19:37,850 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:37,904 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:38,018 - ERROR - Error in episode 133: running_mean should contain 1 elements not 256 +2025-03-10 11:19:38,020 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:38,259 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:38,308 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:38,411 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:38,513 - ERROR - Error in episode 134: running_mean should contain 1 elements not 256 +2025-03-10 11:19:38,623 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:38,874 - ERROR - Error in episode 135: running_mean should contain 1 elements not 256 +2025-03-10 11:19:38,881 - ERROR - Error in episode 136: running_mean should contain 1 elements not 256 +2025-03-10 11:19:38,881 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:39,403 - ERROR - Error in episode 137: running_mean should contain 1 elements not 256 +2025-03-10 11:19:39,403 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:39,454 - ERROR - Error in episode 138: running_mean should contain 1 elements not 256 +2025-03-10 11:19:39,456 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:39,604 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:39,651 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:40,153 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:40,199 - ERROR - Error in episode 139: running_mean should contain 1 elements not 256 +2025-03-10 11:19:40,199 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:40,352 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:40,466 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:40,663 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:40,811 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:40,914 - ERROR - Error in episode 140: running_mean should contain 1 elements not 256 +2025-03-10 11:19:40,967 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:41,074 - ERROR - Error in episode 141: running_mean should contain 1 elements not 256 +2025-03-10 11:19:41,074 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:41,327 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:41,633 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:41,740 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:41,794 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:42,048 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:42,100 - ERROR - Error in episode 142: running_mean should contain 1 elements not 256 +2025-03-10 11:19:42,150 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:42,290 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:42,442 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:42,634 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:42,728 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:42,884 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:43,087 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:43,237 - ERROR - Error in episode 143: running_mean should contain 1 elements not 256 +2025-03-10 11:19:43,283 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:43,387 - ERROR - Error in episode 144: running_mean should contain 1 elements not 256 +2025-03-10 11:19:43,387 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:43,488 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:43,539 - ERROR - Error in episode 145: running_mean should contain 1 elements not 256 +2025-03-10 11:19:43,542 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:43,851 - ERROR - Error in episode 146: running_mean should contain 1 elements not 256 +2025-03-10 11:19:43,851 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:43,952 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:43,997 - ERROR - Error in episode 147: running_mean should contain 1 elements not 256 +2025-03-10 11:19:44,046 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:44,139 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:44,192 - ERROR - Error in episode 148: running_mean should contain 1 elements not 256 +2025-03-10 11:19:44,247 - ERROR - Error in episode 149: running_mean should contain 1 elements not 256 +2025-03-10 11:19:44,449 - ERROR - Error in episode 150: running_mean should contain 1 elements not 256 +2025-03-10 11:19:44,451 - ERROR - Error in episode 151: running_mean should contain 1 elements not 256 +2025-03-10 11:19:44,451 - ERROR - Error in episode 152: running_mean should contain 1 elements not 256 +2025-03-10 11:19:44,584 - ERROR - Error in episode 153: running_mean should contain 1 elements not 256 +2025-03-10 11:19:44,584 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:45,230 - ERROR - Error in episode 154: running_mean should contain 1 elements not 256 +2025-03-10 11:19:45,237 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:45,284 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:45,544 - ERROR - Error in episode 155: running_mean should contain 1 elements not 256 +2025-03-10 11:19:45,597 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:45,707 - ERROR - Error in episode 156: running_mean should contain 1 elements not 256 +2025-03-10 11:19:45,760 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:45,930 - ERROR - Error in episode 157: running_mean should contain 1 elements not 256 +2025-03-10 11:19:45,988 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:46,085 - ERROR - Error in episode 158: running_mean should contain 1 elements not 256 +2025-03-10 11:19:46,093 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:46,141 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:46,240 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:46,347 - ERROR - Error in episode 159: running_mean should contain 1 elements not 256 +2025-03-10 11:19:46,347 - ERROR - Error in episode 160: running_mean should contain 1 elements not 256 +2025-03-10 11:19:46,456 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:46,648 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:46,704 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:46,800 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:46,852 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:47,141 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:47,186 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:47,334 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:19:47,434 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:47,487 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.17 +2025-03-10 11:19:47,587 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:47,959 - ERROR - Error in episode 161: running_mean should contain 1 elements not 256 +2025-03-10 11:19:47,961 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:48,212 - ERROR - Error in episode 162: running_mean should contain 1 elements not 256 +2025-03-10 11:19:48,307 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:48,368 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:48,516 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:48,870 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:48,921 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:49,032 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:49,176 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:49,226 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:19:49,276 - ERROR - Error in episode 163: running_mean should contain 1 elements not 256 +2025-03-10 11:19:49,331 - ERROR - Error in episode 164: running_mean should contain 1 elements not 256 +2025-03-10 11:19:49,331 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:49,477 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:49,532 - ERROR - Error in episode 165: running_mean should contain 1 elements not 256 +2025-03-10 11:19:49,532 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:49,584 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:49,635 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:49,737 - ERROR - Error in episode 166: running_mean should contain 1 elements not 256 +2025-03-10 11:19:49,737 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:49,846 - ERROR - Error in episode 167: running_mean should contain 1 elements not 256 +2025-03-10 11:19:49,846 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:49,947 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:49,992 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:50,134 - ERROR - Error in episode 168: running_mean should contain 1 elements not 256 +2025-03-10 11:19:50,134 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:50,181 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:50,335 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:50,386 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:50,437 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:50,486 - ERROR - Error in episode 169: running_mean should contain 1 elements not 256 +2025-03-10 11:19:50,585 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:50,691 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:50,772 - ERROR - Error in episode 170: running_mean should contain 1 elements not 256 +2025-03-10 11:19:50,775 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:50,836 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:50,887 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:50,936 - ERROR - Error in episode 171: running_mean should contain 1 elements not 256 +2025-03-10 11:19:51,040 - ERROR - Error in episode 172: running_mean should contain 1 elements not 256 +2025-03-10 11:19:51,040 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:51,086 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:51,141 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:51,390 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:51,451 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:51,655 - ERROR - Error in episode 173: running_mean should contain 1 elements not 256 +2025-03-10 11:19:51,655 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:51,705 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:51,757 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:51,810 - ERROR - Error in episode 174: running_mean should contain 1 elements not 256 +2025-03-10 11:19:51,810 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:51,861 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:51,964 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:52,119 - ERROR - Error in episode 175: running_mean should contain 1 elements not 256 +2025-03-10 11:19:52,119 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:52,319 - ERROR - Error in episode 176: running_mean should contain 1 elements not 256 +2025-03-10 11:19:52,472 - ERROR - Error in episode 177: running_mean should contain 1 elements not 256 +2025-03-10 11:19:52,472 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:52,612 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:52,719 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:52,768 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:52,822 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:52,872 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:53,020 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:53,120 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:19:53,170 - ERROR - Error in episode 178: running_mean should contain 1 elements not 256 +2025-03-10 11:19:53,221 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:53,529 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:53,583 - ERROR - Error in episode 179: running_mean should contain 1 elements not 256 +2025-03-10 11:19:53,686 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:53,789 - ERROR - Error in episode 180: running_mean should contain 1 elements not 256 +2025-03-10 11:19:53,842 - ERROR - Error in episode 181: running_mean should contain 1 elements not 256 +2025-03-10 11:19:53,842 - ERROR - Error in episode 182: running_mean should contain 1 elements not 256 +2025-03-10 11:19:53,844 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:53,888 - ERROR - Error in episode 183: running_mean should contain 1 elements not 256 +2025-03-10 11:19:53,946 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:54,237 - ERROR - Error in episode 184: running_mean should contain 1 elements not 256 +2025-03-10 11:19:54,247 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:54,491 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:54,544 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:54,840 - ERROR - Error in episode 185: running_mean should contain 1 elements not 256 +2025-03-10 11:19:54,840 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:54,890 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:55,052 - ERROR - Error in episode 186: running_mean should contain 1 elements not 256 +2025-03-10 11:19:55,153 - ERROR - Error in episode 187: running_mean should contain 1 elements not 256 +2025-03-10 11:19:55,450 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:55,500 - ERROR - Error in episode 188: running_mean should contain 1 elements not 256 +2025-03-10 11:19:55,500 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:55,556 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:55,601 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:55,652 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:55,796 - ERROR - Error in episode 189: running_mean should contain 1 elements not 256 +2025-03-10 11:19:55,852 - ERROR - Error in episode 190: running_mean should contain 1 elements not 256 +2025-03-10 11:19:55,852 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:56,060 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:56,112 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:56,161 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:56,210 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:56,418 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:19:56,469 - ERROR - Error in episode 191: running_mean should contain 1 elements not 256 +2025-03-10 11:19:56,574 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:56,673 - ERROR - Error in episode 192: running_mean should contain 1 elements not 256 +2025-03-10 11:19:56,824 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:57,168 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:57,216 - ERROR - Error in episode 193: running_mean should contain 1 elements not 256 +2025-03-10 11:19:57,219 - ERROR - Error in episode 194: running_mean should contain 1 elements not 256 +2025-03-10 11:19:57,219 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:57,270 - ERROR - Error in episode 195: running_mean should contain 1 elements not 256 +2025-03-10 11:19:57,270 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:57,372 - ERROR - Error in episode 196: running_mean should contain 1 elements not 256 +2025-03-10 11:19:57,373 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:57,573 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:57,669 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:58,315 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:19:58,415 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:58,466 - ERROR - Error in episode 197: running_mean should contain 1 elements not 256 +2025-03-10 11:19:58,468 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:58,705 - ERROR - Error in episode 198: running_mean should contain 1 elements not 256 +2025-03-10 11:19:58,755 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:58,807 - ERROR - Error in episode 199: running_mean should contain 1 elements not 256 +2025-03-10 11:19:58,855 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:58,905 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:58,955 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:59,061 - ERROR - Error in episode 200: running_mean should contain 1 elements not 256 +2025-03-10 11:19:59,061 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:59,165 - ERROR - Error in episode 201: running_mean should contain 1 elements not 256 +2025-03-10 11:19:59,208 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:59,267 - ERROR - Error in episode 202: running_mean should contain 1 elements not 256 +2025-03-10 11:19:59,267 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:59,317 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:59,415 - ERROR - Error in episode 203: running_mean should contain 1 elements not 256 +2025-03-10 11:19:59,415 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:19:59,615 - ERROR - Error in episode 204: running_mean should contain 1 elements not 256 +2025-03-10 11:19:59,616 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:59,762 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:19:59,815 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:19:59,967 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:00,312 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:00,361 - ERROR - Error in episode 205: running_mean should contain 1 elements not 256 +2025-03-10 11:20:00,361 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:00,509 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:00,552 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:00,607 - ERROR - Error in episode 206: running_mean should contain 1 elements not 256 +2025-03-10 11:20:00,653 - ERROR - Error in episode 207: running_mean should contain 1 elements not 256 +2025-03-10 11:20:00,653 - ERROR - Error in episode 208: running_mean should contain 1 elements not 256 +2025-03-10 11:20:00,659 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:00,904 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:00,957 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:01,109 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:01,209 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:01,466 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:20:01,515 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:01,566 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:20:01,665 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:01,712 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.17 +2025-03-10 11:20:01,865 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:01,911 - ERROR - Error in episode 209: running_mean should contain 1 elements not 256 +2025-03-10 11:20:01,911 - ERROR - Error in episode 210: running_mean should contain 1 elements not 256 +2025-03-10 11:20:01,911 - ERROR - Error in episode 211: running_mean should contain 1 elements not 256 +2025-03-10 11:20:02,081 - ERROR - Error in episode 212: running_mean should contain 1 elements not 256 +2025-03-10 11:20:02,335 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:02,386 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:02,438 - ERROR - Error in episode 213: running_mean should contain 1 elements not 256 +2025-03-10 11:20:02,696 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:02,746 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:02,797 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:02,847 - ERROR - Error in episode 214: running_mean should contain 1 elements not 256 +2025-03-10 11:20:02,847 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:02,947 - ERROR - Error in episode 215: running_mean should contain 1 elements not 256 +2025-03-10 11:20:03,047 - ERROR - Error in episode 216: running_mean should contain 1 elements not 256 +2025-03-10 11:20:03,047 - ERROR - Error in episode 217: running_mean should contain 1 elements not 256 +2025-03-10 11:20:03,049 - ERROR - Error in episode 218: running_mean should contain 1 elements not 256 +2025-03-10 11:20:03,101 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:03,144 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:03,200 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:03,250 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:03,306 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:03,360 - ERROR - Error in episode 219: running_mean should contain 1 elements not 256 +2025-03-10 11:20:03,410 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:03,464 - ERROR - Error in episode 220: running_mean should contain 1 elements not 256 +2025-03-10 11:20:03,626 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:03,673 - ERROR - Error in episode 221: running_mean should contain 1 elements not 256 +2025-03-10 11:20:03,943 - ERROR - Error in episode 222: running_mean should contain 1 elements not 256 +2025-03-10 11:20:03,992 - ERROR - Error in episode 223: running_mean should contain 1 elements not 256 +2025-03-10 11:20:03,995 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:04,044 - ERROR - Error in episode 224: running_mean should contain 1 elements not 256 +2025-03-10 11:20:04,093 - ERROR - Error in episode 225: running_mean should contain 1 elements not 256 +2025-03-10 11:20:04,093 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:04,142 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:04,193 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:04,343 - ERROR - Error in episode 226: running_mean should contain 1 elements not 256 +2025-03-10 11:20:04,447 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:04,840 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:04,943 - ERROR - Error in episode 227: running_mean should contain 1 elements not 256 +2025-03-10 11:20:04,994 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:05,092 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:05,194 - ERROR - Error in episode 228: running_mean should contain 1 elements not 256 +2025-03-10 11:20:05,243 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:05,287 - ERROR - Error in episode 229: running_mean should contain 1 elements not 256 +2025-03-10 11:20:05,342 - ERROR - Error in episode 230: running_mean should contain 1 elements not 256 +2025-03-10 11:20:05,439 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:05,485 - ERROR - Error in episode 231: running_mean should contain 1 elements not 256 +2025-03-10 11:20:05,535 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:05,640 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:05,695 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:05,748 - ERROR - Error in episode 232: running_mean should contain 1 elements not 256 +2025-03-10 11:20:05,748 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:05,840 - ERROR - Error in episode 233: running_mean should contain 1 elements not 256 +2025-03-10 11:20:05,840 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:05,894 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:06,015 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:06,067 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:06,120 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:06,180 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:20:06,236 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:06,491 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:20:06,687 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:06,871 - ERROR - Error in episode 234: running_mean should contain 1 elements not 256 +2025-03-10 11:20:07,078 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:07,180 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:07,231 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:07,338 - ERROR - Error in episode 235: running_mean should contain 1 elements not 256 +2025-03-10 11:20:07,396 - ERROR - Error in episode 236: running_mean should contain 1 elements not 256 +2025-03-10 11:20:07,446 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:07,498 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:07,551 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:07,593 - ERROR - Error in episode 237: running_mean should contain 1 elements not 256 +2025-03-10 11:20:07,602 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:07,684 - ERROR - Error in episode 238: running_mean should contain 1 elements not 256 +2025-03-10 11:20:08,040 - ERROR - Error in episode 239: running_mean should contain 1 elements not 256 +2025-03-10 11:20:08,040 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:08,143 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:08,193 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:08,440 - ERROR - Error in episode 240: running_mean should contain 1 elements not 256 +2025-03-10 11:20:08,484 - ERROR - Error in episode 241: running_mean should contain 1 elements not 256 +2025-03-10 11:20:08,539 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:08,733 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:08,826 - ERROR - Error in episode 242: running_mean should contain 1 elements not 256 +2025-03-10 11:20:08,968 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:09,022 - ERROR - Error in episode 243: running_mean should contain 1 elements not 256 +2025-03-10 11:20:09,076 - ERROR - Error in episode 244: running_mean should contain 1 elements not 256 +2025-03-10 11:20:09,076 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:09,123 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:09,172 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:09,296 - ERROR - Error in episode 245: running_mean should contain 1 elements not 256 +2025-03-10 11:20:09,298 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:09,397 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:09,434 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:09,488 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:09,536 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:09,585 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:20:09,681 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:09,769 - ERROR - Error in episode 246: running_mean should contain 1 elements not 256 +2025-03-10 11:20:09,769 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:10,054 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:10,107 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:10,291 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:10,335 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:10,476 - ERROR - Error in episode 247: running_mean should contain 1 elements not 256 +2025-03-10 11:20:10,480 - ERROR - Error in episode 248: running_mean should contain 1 elements not 256 +2025-03-10 11:20:10,526 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:10,622 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:10,718 - ERROR - Error in episode 249: running_mean should contain 1 elements not 256 +2025-03-10 11:20:10,718 - ERROR - Error in episode 250: running_mean should contain 1 elements not 256 +2025-03-10 11:20:10,769 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:10,955 - ERROR - Error in episode 251: running_mean should contain 1 elements not 256 +2025-03-10 11:20:10,955 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:11,003 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:11,055 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:11,197 - ERROR - Error in episode 252: running_mean should contain 1 elements not 256 +2025-03-10 11:20:11,239 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:11,393 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:11,445 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:11,492 - ERROR - Error in episode 253: running_mean should contain 1 elements not 256 +2025-03-10 11:20:11,550 - ERROR - Error in episode 254: running_mean should contain 1 elements not 256 +2025-03-10 11:20:11,618 - ERROR - Error in episode 255: running_mean should contain 1 elements not 256 +2025-03-10 11:20:11,776 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:11,924 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:12,018 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:12,251 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:12,306 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:12,507 - ERROR - Error in episode 256: running_mean should contain 1 elements not 256 +2025-03-10 11:20:12,509 - ERROR - Error in episode 257: running_mean should contain 1 elements not 256 +2025-03-10 11:20:12,609 - ERROR - Error in episode 258: running_mean should contain 1 elements not 256 +2025-03-10 11:20:12,702 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:12,750 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:12,793 - ERROR - Error in episode 259: running_mean should contain 1 elements not 256 +2025-03-10 11:20:12,793 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:12,943 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:13,050 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:13,285 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:13,383 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:13,426 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:20:13,570 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:13,718 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:20:13,816 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:14,017 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.17 +2025-03-10 11:20:14,059 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:14,115 - ERROR - Error in episode 260: running_mean should contain 1 elements not 256 +2025-03-10 11:20:14,158 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:14,214 - ERROR - Error in episode 261: running_mean should contain 1 elements not 256 +2025-03-10 11:20:14,314 - ERROR - Error in episode 262: running_mean should contain 1 elements not 256 +2025-03-10 11:20:14,316 - ERROR - Error in episode 263: running_mean should contain 1 elements not 256 +2025-03-10 11:20:14,366 - ERROR - Error in episode 264: running_mean should contain 1 elements not 256 +2025-03-10 11:20:14,458 - ERROR - Error in episode 265: running_mean should contain 1 elements not 256 +2025-03-10 11:20:14,458 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:14,514 - ERROR - Error in episode 266: running_mean should contain 1 elements not 256 +2025-03-10 11:20:14,514 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:14,744 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:14,793 - ERROR - Error in episode 267: running_mean should contain 1 elements not 256 +2025-03-10 11:20:14,793 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:14,895 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:14,943 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:14,997 - ERROR - Error in episode 268: running_mean should contain 1 elements not 256 +2025-03-10 11:20:15,147 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:15,193 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:15,243 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:15,576 - ERROR - Error in episode 269: running_mean should contain 1 elements not 256 +2025-03-10 11:20:15,576 - ERROR - Error in episode 270: running_mean should contain 1 elements not 256 +2025-03-10 11:20:15,724 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:15,774 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:15,827 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:15,876 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:15,968 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:16,017 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:20:16,066 - ERROR - Error in episode 271: running_mean should contain 1 elements not 256 +2025-03-10 11:20:16,066 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:16,169 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:16,218 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:16,358 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:16,409 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:16,456 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:20:16,559 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:16,747 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:20:16,843 - ERROR - Error in episode 272: running_mean should contain 1 elements not 256 +2025-03-10 11:20:16,896 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:17,089 - ERROR - Error in episode 273: running_mean should contain 1 elements not 256 +2025-03-10 11:20:17,091 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:17,175 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:17,322 - ERROR - Error in episode 274: running_mean should contain 1 elements not 256 +2025-03-10 11:20:17,414 - ERROR - Error in episode 275: running_mean should contain 1 elements not 256 +2025-03-10 11:20:17,416 - ERROR - Error in episode 276: running_mean should contain 1 elements not 256 +2025-03-10 11:20:17,416 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:17,459 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:17,509 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:17,560 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:17,610 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:17,660 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:20:17,708 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:17,852 - ERROR - Error in episode 277: running_mean should contain 1 elements not 256 +2025-03-10 11:20:17,897 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:18,008 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:18,051 - ERROR - Error in episode 278: running_mean should contain 1 elements not 256 +2025-03-10 11:20:18,144 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:18,201 - ERROR - Error in episode 279: running_mean should contain 1 elements not 256 +2025-03-10 11:20:18,201 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:18,352 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:18,453 - ERROR - Error in episode 280: running_mean should contain 1 elements not 256 +2025-03-10 11:20:18,453 - ERROR - Error in episode 281: running_mean should contain 1 elements not 256 +2025-03-10 11:20:18,453 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:18,604 - ERROR - Error in episode 282: running_mean should contain 1 elements not 256 +2025-03-10 11:20:18,604 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:18,878 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:18,922 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:19,012 - ERROR - Error in episode 283: running_mean should contain 1 elements not 256 +2025-03-10 11:20:19,068 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:19,255 - ERROR - Error in episode 284: running_mean should contain 1 elements not 256 +2025-03-10 11:20:19,256 - ERROR - Error in episode 285: running_mean should contain 1 elements not 256 +2025-03-10 11:20:19,256 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:19,308 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:19,407 - ERROR - Error in episode 286: running_mean should contain 1 elements not 256 +2025-03-10 11:20:19,407 - ERROR - Error in episode 287: running_mean should contain 1 elements not 256 +2025-03-10 11:20:19,504 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:19,847 - ERROR - Error in episode 288: running_mean should contain 1 elements not 256 +2025-03-10 11:20:19,890 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:20,141 - ERROR - Error in episode 289: running_mean should contain 1 elements not 256 +2025-03-10 11:20:20,141 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:20,240 - ERROR - Error in episode 290: running_mean should contain 1 elements not 256 +2025-03-10 11:20:20,240 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:20,294 - ERROR - Error in episode 291: running_mean should contain 1 elements not 256 +2025-03-10 11:20:20,345 - ERROR - Error in episode 292: running_mean should contain 1 elements not 256 +2025-03-10 11:20:20,345 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:20,397 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:20,600 - ERROR - Error in episode 293: running_mean should contain 1 elements not 256 +2025-03-10 11:20:20,653 - ERROR - Error in episode 294: running_mean should contain 1 elements not 256 +2025-03-10 11:20:20,751 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:20,887 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:20,941 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:21,002 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:21,108 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:21,256 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:20:21,348 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:21,455 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:20:21,742 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:21,789 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-6.17 +2025-03-10 11:20:21,838 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:21,983 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-5.62 +2025-03-10 11:20:22,034 - ERROR - Error in episode 295: running_mean should contain 1 elements not 256 +2025-03-10 11:20:22,079 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:22,181 - ERROR - Error in episode 296: running_mean should contain 1 elements not 256 +2025-03-10 11:20:22,183 - ERROR - Error in episode 297: running_mean should contain 1 elements not 256 +2025-03-10 11:20:22,183 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:22,314 - ERROR - Error in episode 298: running_mean should contain 1 elements not 256 +2025-03-10 11:20:22,314 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:22,463 - ERROR - Error in episode 299: running_mean should contain 1 elements not 256 +2025-03-10 11:20:22,567 - ERROR - Error in episode 300: running_mean should contain 1 elements not 256 +2025-03-10 11:20:22,567 - ERROR - Error in episode 301: running_mean should contain 1 elements not 256 +2025-03-10 11:20:22,567 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:22,714 - ERROR - Error in episode 302: running_mean should contain 1 elements not 256 +2025-03-10 11:20:22,811 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:23,098 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:23,147 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:23,398 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:23,451 - ERROR - Error in episode 303: running_mean should contain 1 elements not 256 +2025-03-10 11:20:23,505 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:23,652 - ERROR - Error in episode 304: running_mean should contain 1 elements not 256 +2025-03-10 11:20:23,652 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:23,760 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:23,861 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:23,911 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:23,960 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:24,021 - ERROR - Error in episode 305: running_mean should contain 1 elements not 256 +2025-03-10 11:20:24,021 - ERROR - Error in episode 306: running_mean should contain 1 elements not 256 +2025-03-10 11:20:24,070 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:24,271 - ERROR - Error in episode 307: running_mean should contain 1 elements not 256 +2025-03-10 11:20:24,271 - ERROR - Error in episode 308: running_mean should contain 1 elements not 256 +2025-03-10 11:20:24,325 - ERROR - Error in episode 309: running_mean should contain 1 elements not 256 +2025-03-10 11:20:24,327 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:24,376 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:24,474 - ERROR - Error in episode 310: running_mean should contain 1 elements not 256 +2025-03-10 11:20:24,516 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:24,571 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:24,623 - ERROR - Error in episode 311: running_mean should contain 1 elements not 256 +2025-03-10 11:20:24,871 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:24,924 - ERROR - Error in episode 312: running_mean should contain 1 elements not 256 +2025-03-10 11:20:24,972 - ERROR - Error in episode 313: running_mean should contain 1 elements not 256 +2025-03-10 11:20:25,023 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:25,220 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:25,278 - ERROR - Error in episode 314: running_mean should contain 1 elements not 256 +2025-03-10 11:20:25,329 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:25,437 - ERROR - Error in episode 315: running_mean should contain 1 elements not 256 +2025-03-10 11:20:25,437 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:25,539 - ERROR - Error in episode 316: running_mean should contain 1 elements not 256 +2025-03-10 11:20:25,544 - ERROR - Error in episode 317: running_mean should contain 1 elements not 256 +2025-03-10 11:20:25,782 - ERROR - Error in episode 318: running_mean should contain 1 elements not 256 +2025-03-10 11:20:25,782 - ERROR - Error in episode 319: running_mean should contain 1 elements not 256 +2025-03-10 11:20:25,782 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:25,830 - ERROR - Error in episode 320: running_mean should contain 1 elements not 256 +2025-03-10 11:20:25,830 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:26,075 - ERROR - Error in episode 321: running_mean should contain 1 elements not 256 +2025-03-10 11:20:26,125 - ERROR - Error in episode 322: running_mean should contain 1 elements not 256 +2025-03-10 11:20:26,175 - ERROR - Error in episode 323: running_mean should contain 1 elements not 256 +2025-03-10 11:20:26,176 - ERROR - Error in episode 324: running_mean should contain 1 elements not 256 +2025-03-10 11:20:26,176 - ERROR - Error in episode 325: running_mean should contain 1 elements not 256 +2025-03-10 11:20:26,176 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:26,267 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:26,369 - ERROR - Error in episode 326: running_mean should contain 1 elements not 256 +2025-03-10 11:20:26,419 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:26,520 - ERROR - Error in episode 327: running_mean should contain 1 elements not 256 +2025-03-10 11:20:26,663 - ERROR - Error in episode 328: running_mean should contain 1 elements not 256 +2025-03-10 11:20:26,663 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:26,814 - ERROR - Error in episode 329: running_mean should contain 1 elements not 256 +2025-03-10 11:20:26,969 - ERROR - Error in episode 330: running_mean should contain 1 elements not 256 +2025-03-10 11:20:26,969 - ERROR - Error in episode 331: running_mean should contain 1 elements not 256 +2025-03-10 11:20:26,972 - ERROR - Error in episode 332: running_mean should contain 1 elements not 256 +2025-03-10 11:20:26,973 - ERROR - Error in episode 333: running_mean should contain 1 elements not 256 +2025-03-10 11:20:26,973 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:27,180 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:27,230 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:27,287 - ERROR - Error in episode 334: running_mean should contain 1 elements not 256 +2025-03-10 11:20:27,479 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:27,534 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:27,587 - ERROR - Error in episode 335: running_mean should contain 1 elements not 256 +2025-03-10 11:20:27,636 - ERROR - Error in episode 336: running_mean should contain 1 elements not 256 +2025-03-10 11:20:27,636 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:27,689 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:27,790 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:27,845 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:27,896 - ERROR - Error in episode 337: running_mean should contain 1 elements not 256 +2025-03-10 11:20:27,945 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:28,002 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:28,052 - ERROR - Error in episode 338: running_mean should contain 1 elements not 256 +2025-03-10 11:20:28,112 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:28,258 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:28,309 - ERROR - Error in episode 339: running_mean should contain 1 elements not 256 +2025-03-10 11:20:28,361 - ERROR - Error in episode 340: running_mean should contain 1 elements not 256 +2025-03-10 11:20:28,410 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:28,615 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:28,669 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:28,774 - ERROR - Error in episode 341: running_mean should contain 1 elements not 256 +2025-03-10 11:20:28,826 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:28,878 - ERROR - Error in episode 342: running_mean should contain 1 elements not 256 +2025-03-10 11:20:28,879 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:28,925 - ERROR - Error in episode 343: running_mean should contain 1 elements not 256 +2025-03-10 11:20:28,933 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:28,982 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:29,090 - ERROR - Error in episode 344: running_mean should contain 1 elements not 256 +2025-03-10 11:20:29,093 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:29,188 - ERROR - Error in episode 345: running_mean should contain 1 elements not 256 +2025-03-10 11:20:29,236 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:29,340 - ERROR - Error in episode 346: running_mean should contain 1 elements not 256 +2025-03-10 11:20:29,340 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:29,392 - ERROR - Error in episode 347: running_mean should contain 1 elements not 256 +2025-03-10 11:20:29,392 - ERROR - Error in episode 348: running_mean should contain 1 elements not 256 +2025-03-10 11:20:29,442 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:29,589 - ERROR - Error in episode 349: running_mean should contain 1 elements not 256 +2025-03-10 11:20:29,589 - ERROR - Error in episode 350: running_mean should contain 1 elements not 256 +2025-03-10 11:20:29,589 - ERROR - Error in episode 351: running_mean should contain 1 elements not 256 +2025-03-10 11:20:29,641 - ERROR - Error in episode 352: running_mean should contain 1 elements not 256 +2025-03-10 11:20:29,641 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:29,699 - ERROR - Error in episode 353: running_mean should contain 1 elements not 256 +2025-03-10 11:20:29,699 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:30,092 - ERROR - Error in episode 354: running_mean should contain 1 elements not 256 +2025-03-10 11:20:30,092 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:30,199 - ERROR - Error in episode 355: running_mean should contain 1 elements not 256 +2025-03-10 11:20:30,199 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:30,298 - ERROR - Error in episode 356: running_mean should contain 1 elements not 256 +2025-03-10 11:20:30,300 - ERROR - Error in episode 357: running_mean should contain 1 elements not 256 +2025-03-10 11:20:30,300 - ERROR - Error in episode 358: running_mean should contain 1 elements not 256 +2025-03-10 11:20:30,349 - ERROR - Error in episode 359: running_mean should contain 1 elements not 256 +2025-03-10 11:20:30,349 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:30,532 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:30,589 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:30,632 - ERROR - Error in episode 360: running_mean should contain 1 elements not 256 +2025-03-10 11:20:30,640 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:30,728 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:30,782 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:30,925 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:31,025 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:31,078 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:20:31,276 - ERROR - Error in episode 361: running_mean should contain 1 elements not 256 +2025-03-10 11:20:31,278 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:31,424 - ERROR - Error in episode 362: running_mean should contain 1 elements not 256 +2025-03-10 11:20:31,424 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:31,892 - ERROR - Error in episode 363: running_mean should contain 1 elements not 256 +2025-03-10 11:20:31,940 - ERROR - Error in episode 364: running_mean should contain 1 elements not 256 +2025-03-10 11:20:31,942 - ERROR - Error in episode 365: running_mean should contain 1 elements not 256 +2025-03-10 11:20:31,989 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:32,041 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:32,091 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:32,512 - ERROR - Error in episode 366: running_mean should contain 1 elements not 256 +2025-03-10 11:20:32,609 - ERROR - Error in episode 367: running_mean should contain 1 elements not 256 +2025-03-10 11:20:32,660 - ERROR - Error in episode 368: running_mean should contain 1 elements not 256 +2025-03-10 11:20:32,662 - ERROR - Error in episode 369: running_mean should contain 1 elements not 256 +2025-03-10 11:20:32,662 - ERROR - Error in episode 370: running_mean should contain 1 elements not 256 +2025-03-10 11:20:32,759 - ERROR - Error in episode 371: running_mean should contain 1 elements not 256 +2025-03-10 11:20:32,815 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:32,864 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:32,961 - ERROR - Error in episode 372: running_mean should contain 1 elements not 256 +2025-03-10 11:20:32,964 - ERROR - Error in episode 373: running_mean should contain 1 elements not 256 +2025-03-10 11:20:33,023 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:33,075 - ERROR - Error in episode 374: running_mean should contain 1 elements not 256 +2025-03-10 11:20:33,075 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:33,127 - ERROR - Error in episode 375: running_mean should contain 1 elements not 256 +2025-03-10 11:20:33,173 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:33,227 - ERROR - Error in episode 376: running_mean should contain 1 elements not 256 +2025-03-10 11:20:33,229 - ERROR - Error in episode 377: running_mean should contain 1 elements not 256 +2025-03-10 11:20:33,229 - ERROR - Error in episode 378: running_mean should contain 1 elements not 256 +2025-03-10 11:20:33,326 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:33,522 - ERROR - Error in episode 379: running_mean should contain 1 elements not 256 +2025-03-10 11:20:33,522 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:33,821 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:33,865 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:34,017 - ERROR - Error in episode 380: running_mean should contain 1 elements not 256 +2025-03-10 11:20:34,072 - ERROR - Error in episode 381: running_mean should contain 1 elements not 256 +2025-03-10 11:20:34,074 - ERROR - Error in episode 382: running_mean should contain 1 elements not 256 +2025-03-10 11:20:34,171 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:34,260 - ERROR - Error in episode 383: running_mean should contain 1 elements not 256 +2025-03-10 11:20:34,260 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:34,502 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:34,598 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:34,642 - ERROR - Error in episode 384: running_mean should contain 1 elements not 256 +2025-03-10 11:20:34,646 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:34,690 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:34,924 - ERROR - Error in episode 385: running_mean should contain 1 elements not 256 +2025-03-10 11:20:34,926 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:34,975 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:35,073 - ERROR - Error in episode 386: running_mean should contain 1 elements not 256 +2025-03-10 11:20:35,213 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:35,269 - ERROR - Error in episode 387: running_mean should contain 1 elements not 256 +2025-03-10 11:20:35,269 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:35,369 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:35,417 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:35,466 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:35,513 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:35,608 - ERROR - Error in episode 388: running_mean should contain 1 elements not 256 +2025-03-10 11:20:35,713 - ERROR - Error in episode 389: running_mean should contain 1 elements not 256 +2025-03-10 11:20:35,715 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:35,862 - ERROR - Error in episode 390: running_mean should contain 1 elements not 256 +2025-03-10 11:20:35,907 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:36,254 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:36,305 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:36,459 - ERROR - Error in episode 391: running_mean should contain 1 elements not 256 +2025-03-10 11:20:36,505 - ERROR - Error in episode 392: running_mean should contain 1 elements not 256 +2025-03-10 11:20:36,557 - ERROR - Error in episode 393: running_mean should contain 1 elements not 256 +2025-03-10 11:20:36,559 - ERROR - Error in episode 394: running_mean should contain 1 elements not 256 +2025-03-10 11:20:36,559 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:36,902 - ERROR - Error in episode 395: running_mean should contain 1 elements not 256 +2025-03-10 11:20:36,904 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:37,004 - ERROR - Error in episode 396: running_mean should contain 1 elements not 256 +2025-03-10 11:20:37,155 - ERROR - Error in episode 397: running_mean should contain 1 elements not 256 +2025-03-10 11:20:37,155 - ERROR - Error in episode 398: running_mean should contain 1 elements not 256 +2025-03-10 11:20:37,157 - ERROR - Error in episode 399: running_mean should contain 1 elements not 256 +2025-03-10 11:20:37,157 - ERROR - Error in episode 400: running_mean should contain 1 elements not 256 +2025-03-10 11:20:37,157 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:37,255 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:37,299 - ERROR - Error in episode 401: running_mean should contain 1 elements not 256 +2025-03-10 11:20:37,299 - ERROR - Error in episode 402: running_mean should contain 1 elements not 256 +2025-03-10 11:20:37,548 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:37,590 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:37,631 - ERROR - Error in episode 403: running_mean should contain 1 elements not 256 +2025-03-10 11:20:37,639 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:37,787 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:37,839 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:37,890 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:37,940 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:37,992 - ERROR - Error in episode 404: running_mean should contain 1 elements not 256 +2025-03-10 11:20:38,091 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:38,190 - ERROR - Error in episode 405: running_mean should contain 1 elements not 256 +2025-03-10 11:20:38,237 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:38,288 - ERROR - Error in episode 406: running_mean should contain 1 elements not 256 +2025-03-10 11:20:38,290 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:38,390 - ERROR - Error in episode 407: running_mean should contain 1 elements not 256 +2025-03-10 11:20:38,390 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:38,489 - ERROR - Error in episode 408: running_mean should contain 1 elements not 256 +2025-03-10 11:20:38,489 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:38,737 - ERROR - Error in episode 409: running_mean should contain 1 elements not 256 +2025-03-10 11:20:38,737 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:38,997 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:39,053 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:39,254 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:39,298 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:39,348 - ERROR - Error in episode 410: running_mean should contain 1 elements not 256 +2025-03-10 11:20:39,357 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:39,457 - ERROR - Error in episode 411: running_mean should contain 1 elements not 256 +2025-03-10 11:20:39,508 - ERROR - Error in episode 412: running_mean should contain 1 elements not 256 +2025-03-10 11:20:39,508 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:39,558 - ERROR - Error in episode 413: running_mean should contain 1 elements not 256 +2025-03-10 11:20:39,561 - ERROR - Error in episode 414: running_mean should contain 1 elements not 256 +2025-03-10 11:20:39,607 - ERROR - Error in episode 415: running_mean should contain 1 elements not 256 +2025-03-10 11:20:39,607 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:39,703 - ERROR - Error in episode 416: running_mean should contain 1 elements not 256 +2025-03-10 11:20:39,703 - ERROR - Error in episode 417: running_mean should contain 1 elements not 256 +2025-03-10 11:20:39,703 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:39,903 - ERROR - Error in episode 418: running_mean should contain 1 elements not 256 +2025-03-10 11:20:40,100 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:40,192 - ERROR - Error in episode 419: running_mean should contain 1 elements not 256 +2025-03-10 11:20:40,197 - ERROR - Error in episode 420: running_mean should contain 1 elements not 256 +2025-03-10 11:20:40,197 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:40,288 - ERROR - Error in episode 421: running_mean should contain 1 elements not 256 +2025-03-10 11:20:40,388 - ERROR - Error in episode 422: running_mean should contain 1 elements not 256 +2025-03-10 11:20:40,439 - ERROR - Error in episode 423: running_mean should contain 1 elements not 256 +2025-03-10 11:20:40,439 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:40,488 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:40,638 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:40,930 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:40,977 - ERROR - Error in episode 424: running_mean should contain 1 elements not 256 +2025-03-10 11:20:40,977 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:41,126 - ERROR - Error in episode 425: running_mean should contain 1 elements not 256 +2025-03-10 11:20:41,176 - ERROR - Error in episode 426: running_mean should contain 1 elements not 256 +2025-03-10 11:20:41,181 - ERROR - Error in episode 427: running_mean should contain 1 elements not 256 +2025-03-10 11:20:41,228 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:41,274 - ERROR - Error in episode 428: running_mean should contain 1 elements not 256 +2025-03-10 11:20:41,276 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:41,423 - ERROR - Error in episode 429: running_mean should contain 1 elements not 256 +2025-03-10 11:20:41,423 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:41,525 - ERROR - Error in episode 430: running_mean should contain 1 elements not 256 +2025-03-10 11:20:41,573 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:41,765 - ERROR - Error in episode 431: running_mean should contain 1 elements not 256 +2025-03-10 11:20:41,911 - ERROR - Error in episode 432: running_mean should contain 1 elements not 256 +2025-03-10 11:20:41,911 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:41,960 - ERROR - Error in episode 433: running_mean should contain 1 elements not 256 +2025-03-10 11:20:42,057 - ERROR - Error in episode 434: running_mean should contain 1 elements not 256 +2025-03-10 11:20:42,107 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:42,198 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:42,298 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:42,398 - ERROR - Error in episode 435: running_mean should contain 1 elements not 256 +2025-03-10 11:20:42,445 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:42,548 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:42,598 - ERROR - Error in episode 436: running_mean should contain 1 elements not 256 +2025-03-10 11:20:42,598 - ERROR - Error in episode 437: running_mean should contain 1 elements not 256 +2025-03-10 11:20:42,598 - ERROR - Error in episode 438: running_mean should contain 1 elements not 256 +2025-03-10 11:20:42,598 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:42,697 - ERROR - Error in episode 439: running_mean should contain 1 elements not 256 +2025-03-10 11:20:42,876 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:42,932 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:42,974 - ERROR - Error in episode 440: running_mean should contain 1 elements not 256 +2025-03-10 11:20:43,030 - ERROR - Error in episode 441: running_mean should contain 1 elements not 256 +2025-03-10 11:20:43,078 - ERROR - Error in episode 442: running_mean should contain 1 elements not 256 +2025-03-10 11:20:43,078 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:43,129 - ERROR - Error in episode 443: running_mean should contain 1 elements not 256 +2025-03-10 11:20:43,129 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:43,183 - ERROR - Error in episode 444: running_mean should contain 1 elements not 256 +2025-03-10 11:20:43,185 - ERROR - Error in episode 445: running_mean should contain 1 elements not 256 +2025-03-10 11:20:43,383 - ERROR - Error in episode 446: running_mean should contain 1 elements not 256 +2025-03-10 11:20:43,431 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:43,672 - ERROR - Error in episode 447: running_mean should contain 1 elements not 256 +2025-03-10 11:20:43,674 - ERROR - Error in episode 448: running_mean should contain 1 elements not 256 +2025-03-10 11:20:43,676 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:43,725 - ERROR - Error in episode 449: running_mean should contain 1 elements not 256 +2025-03-10 11:20:43,922 - ERROR - Error in episode 450: running_mean should contain 1 elements not 256 +2025-03-10 11:20:43,963 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:44,019 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:44,070 - ERROR - Error in episode 451: running_mean should contain 1 elements not 256 +2025-03-10 11:20:44,070 - ERROR - Error in episode 452: running_mean should contain 1 elements not 256 +2025-03-10 11:20:44,264 - ERROR - Error in episode 453: running_mean should contain 1 elements not 256 +2025-03-10 11:20:44,264 - ERROR - Error in episode 454: running_mean should contain 1 elements not 256 +2025-03-10 11:20:44,269 - ERROR - Error in episode 455: running_mean should contain 1 elements not 256 +2025-03-10 11:20:44,269 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:44,318 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:44,416 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:44,456 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:44,514 - ERROR - Error in episode 456: running_mean should contain 1 elements not 256 +2025-03-10 11:20:44,612 - ERROR - Error in episode 457: running_mean should contain 1 elements not 256 +2025-03-10 11:20:44,713 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:44,766 - ERROR - Error in episode 458: running_mean should contain 1 elements not 256 +2025-03-10 11:20:44,814 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:44,913 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:45,111 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:45,161 - ERROR - Error in episode 459: running_mean should contain 1 elements not 256 +2025-03-10 11:20:45,161 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:45,204 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:45,343 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:45,434 - ERROR - Error in episode 460: running_mean should contain 1 elements not 256 +2025-03-10 11:20:45,434 - ERROR - Error in episode 461: running_mean should contain 1 elements not 256 +2025-03-10 11:20:45,624 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:45,672 - ERROR - Error in episode 462: running_mean should contain 1 elements not 256 +2025-03-10 11:20:45,719 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:45,867 - ERROR - Error in episode 463: running_mean should contain 1 elements not 256 +2025-03-10 11:20:45,867 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:45,974 - ERROR - Error in episode 464: running_mean should contain 1 elements not 256 +2025-03-10 11:20:45,976 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:46,024 - ERROR - Error in episode 465: running_mean should contain 1 elements not 256 +2025-03-10 11:20:46,082 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:46,132 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:46,180 - ERROR - Error in episode 466: running_mean should contain 1 elements not 256 +2025-03-10 11:20:46,227 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:46,373 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:46,420 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:46,472 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:46,523 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:46,665 - ERROR - Error in episode 467: running_mean should contain 1 elements not 256 +2025-03-10 11:20:46,665 - ERROR - Error in episode 468: running_mean should contain 1 elements not 256 +2025-03-10 11:20:46,665 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:46,718 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:46,815 - ERROR - Error in episode 469: running_mean should contain 1 elements not 256 +2025-03-10 11:20:46,821 - ERROR - Error in episode 470: running_mean should contain 1 elements not 256 +2025-03-10 11:20:46,821 - ERROR - Error in episode 471: running_mean should contain 1 elements not 256 +2025-03-10 11:20:46,823 - ERROR - Error in episode 472: running_mean should contain 1 elements not 256 +2025-03-10 11:20:46,823 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:46,879 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:46,935 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:46,984 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:47,032 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:47,086 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:20:47,135 - ERROR - Error in episode 473: running_mean should contain 1 elements not 256 +2025-03-10 11:20:47,225 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:47,319 - ERROR - Error in episode 474: running_mean should contain 1 elements not 256 +2025-03-10 11:20:47,319 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:47,367 - ERROR - Error in episode 475: running_mean should contain 1 elements not 256 +2025-03-10 11:20:47,374 - ERROR - Error in episode 476: running_mean should contain 1 elements not 256 +2025-03-10 11:20:47,423 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:47,567 - ERROR - Error in episode 477: running_mean should contain 1 elements not 256 +2025-03-10 11:20:47,613 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:48,256 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:48,405 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:48,455 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:48,604 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:48,652 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:20:48,758 - ERROR - Error in episode 478: running_mean should contain 1 elements not 256 +2025-03-10 11:20:48,759 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:48,856 - ERROR - Error in episode 479: running_mean should contain 1 elements not 256 +2025-03-10 11:20:48,858 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:49,013 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:49,067 - ERROR - Error in episode 480: running_mean should contain 1 elements not 256 +2025-03-10 11:20:49,118 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:49,346 - ERROR - Error in episode 481: running_mean should contain 1 elements not 256 +2025-03-10 11:20:49,346 - ERROR - Error in episode 482: running_mean should contain 1 elements not 256 +2025-03-10 11:20:49,346 - ERROR - Error in episode 483: running_mean should contain 1 elements not 256 +2025-03-10 11:20:49,351 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:49,640 - ERROR - Error in episode 484: running_mean should contain 1 elements not 256 +2025-03-10 11:20:49,641 - ERROR - Error in episode 485: running_mean should contain 1 elements not 256 +2025-03-10 11:20:49,644 - ERROR - Error in episode 486: running_mean should contain 1 elements not 256 +2025-03-10 11:20:49,644 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:49,693 - ERROR - Error in episode 487: running_mean should contain 1 elements not 256 +2025-03-10 11:20:49,783 - ERROR - Error in episode 488: running_mean should contain 1 elements not 256 +2025-03-10 11:20:49,829 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:49,880 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:50,076 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:50,126 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:50,228 - ERROR - Error in episode 489: running_mean should contain 1 elements not 256 +2025-03-10 11:20:50,330 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:50,383 - ERROR - Error in episode 490: running_mean should contain 1 elements not 256 +2025-03-10 11:20:50,383 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:50,434 - ERROR - Error in episode 491: running_mean should contain 1 elements not 256 +2025-03-10 11:20:50,434 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:50,539 - ERROR - Error in episode 492: running_mean should contain 1 elements not 256 +2025-03-10 11:20:50,542 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:50,589 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:50,683 - ERROR - Error in episode 493: running_mean should contain 1 elements not 256 +2025-03-10 11:20:50,683 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:50,738 - ERROR - Error in episode 494: running_mean should contain 1 elements not 256 +2025-03-10 11:20:50,738 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:50,881 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:50,930 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:51,030 - ERROR - Error in episode 495: running_mean should contain 1 elements not 256 +2025-03-10 11:20:51,032 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:51,080 - ERROR - Error in episode 496: running_mean should contain 1 elements not 256 +2025-03-10 11:20:51,080 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:51,129 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:51,178 - ERROR - Error in episode 497: running_mean should contain 1 elements not 256 +2025-03-10 11:20:51,178 - ERROR - Error in episode 498: running_mean should contain 1 elements not 256 +2025-03-10 11:20:51,285 - ERROR - Error in episode 499: running_mean should contain 1 elements not 256 +2025-03-10 11:20:51,425 - ERROR - Error in episode 500: running_mean should contain 1 elements not 256 +2025-03-10 11:20:51,425 - ERROR - Error in episode 501: running_mean should contain 1 elements not 256 +2025-03-10 11:20:51,475 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:51,570 - ERROR - Error in episode 502: running_mean should contain 1 elements not 256 +2025-03-10 11:20:51,570 - ERROR - Error in episode 503: running_mean should contain 1 elements not 256 +2025-03-10 11:20:51,622 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:51,721 - ERROR - Error in episode 504: running_mean should contain 1 elements not 256 +2025-03-10 11:20:51,721 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:51,776 - ERROR - Error in episode 505: running_mean should contain 1 elements not 256 +2025-03-10 11:20:51,829 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:51,881 - ERROR - Error in episode 506: running_mean should contain 1 elements not 256 +2025-03-10 11:20:51,930 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:51,979 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:52,030 - ERROR - Error in episode 507: running_mean should contain 1 elements not 256 +2025-03-10 11:20:52,033 - ERROR - Error in episode 508: running_mean should contain 1 elements not 256 +2025-03-10 11:20:52,034 - ERROR - Error in episode 509: running_mean should contain 1 elements not 256 +2025-03-10 11:20:52,180 - ERROR - Error in episode 510: running_mean should contain 1 elements not 256 +2025-03-10 11:20:52,180 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:52,221 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:52,468 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:52,515 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:52,569 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:52,672 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:20:52,720 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:52,769 - ERROR - Error in episode 511: running_mean should contain 1 elements not 256 +2025-03-10 11:20:52,817 - ERROR - Error in episode 512: running_mean should contain 1 elements not 256 +2025-03-10 11:20:52,817 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:52,869 - ERROR - Error in episode 513: running_mean should contain 1 elements not 256 +2025-03-10 11:20:52,871 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:53,157 - ERROR - Error in episode 514: running_mean should contain 1 elements not 256 +2025-03-10 11:20:53,165 - ERROR - Error in episode 515: running_mean should contain 1 elements not 256 +2025-03-10 11:20:53,262 - ERROR - Error in episode 516: running_mean should contain 1 elements not 256 +2025-03-10 11:20:53,262 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:53,313 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:53,366 - ERROR - Error in episode 517: running_mean should contain 1 elements not 256 +2025-03-10 11:20:53,366 - ERROR - Error in episode 518: running_mean should contain 1 elements not 256 +2025-03-10 11:20:53,366 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:53,415 - ERROR - Error in episode 519: running_mean should contain 1 elements not 256 +2025-03-10 11:20:53,464 - ERROR - Error in episode 520: running_mean should contain 1 elements not 256 +2025-03-10 11:20:53,559 - ERROR - Error in episode 521: running_mean should contain 1 elements not 256 +2025-03-10 11:20:53,563 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:53,755 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:53,806 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:54,006 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:54,163 - ERROR - Error in episode 522: running_mean should contain 1 elements not 256 +2025-03-10 11:20:54,217 - ERROR - Error in episode 523: running_mean should contain 1 elements not 256 +2025-03-10 11:20:54,217 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:54,266 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:54,365 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:54,498 - ERROR - Error in episode 524: running_mean should contain 1 elements not 256 +2025-03-10 11:20:54,544 - ERROR - Error in episode 525: running_mean should contain 1 elements not 256 +2025-03-10 11:20:54,544 - ERROR - Error in episode 526: running_mean should contain 1 elements not 256 +2025-03-10 11:20:54,544 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:54,646 - ERROR - Error in episode 527: running_mean should contain 1 elements not 256 +2025-03-10 11:20:54,652 - ERROR - Error in episode 528: running_mean should contain 1 elements not 256 +2025-03-10 11:20:54,652 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:54,738 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:54,831 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:54,875 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:54,923 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:55,075 - ERROR - Error in episode 529: running_mean should contain 1 elements not 256 +2025-03-10 11:20:55,075 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:55,120 - ERROR - Error in episode 530: running_mean should contain 1 elements not 256 +2025-03-10 11:20:55,168 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:55,269 - ERROR - Error in episode 531: running_mean should contain 1 elements not 256 +2025-03-10 11:20:55,314 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:55,406 - ERROR - Error in episode 532: running_mean should contain 1 elements not 256 +2025-03-10 11:20:55,406 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:55,462 - ERROR - Error in episode 533: running_mean should contain 1 elements not 256 +2025-03-10 11:20:55,511 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:55,658 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:55,757 - ERROR - Error in episode 534: running_mean should contain 1 elements not 256 +2025-03-10 11:20:55,757 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:55,812 - ERROR - Error in episode 535: running_mean should contain 1 elements not 256 +2025-03-10 11:20:55,812 - ERROR - Error in episode 536: running_mean should contain 1 elements not 256 +2025-03-10 11:20:55,814 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:55,862 - ERROR - Error in episode 537: running_mean should contain 1 elements not 256 +2025-03-10 11:20:55,864 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:56,008 - ERROR - Error in episode 538: running_mean should contain 1 elements not 256 +2025-03-10 11:20:56,008 - ERROR - Error in episode 539: running_mean should contain 1 elements not 256 +2025-03-10 11:20:56,058 - ERROR - Error in episode 540: running_mean should contain 1 elements not 256 +2025-03-10 11:20:56,149 - ERROR - Error in episode 541: running_mean should contain 1 elements not 256 +2025-03-10 11:20:56,195 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:56,244 - ERROR - Error in episode 542: running_mean should contain 1 elements not 256 +2025-03-10 11:20:56,252 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:56,301 - ERROR - Error in episode 543: running_mean should contain 1 elements not 256 +2025-03-10 11:20:56,302 - ERROR - Error in episode 544: running_mean should contain 1 elements not 256 +2025-03-10 11:20:56,302 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:56,395 - ERROR - Error in episode 545: running_mean should contain 1 elements not 256 +2025-03-10 11:20:56,436 - ERROR - Error in episode 546: running_mean should contain 1 elements not 256 +2025-03-10 11:20:56,436 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:56,493 - ERROR - Error in episode 547: running_mean should contain 1 elements not 256 +2025-03-10 11:20:56,589 - ERROR - Error in episode 548: running_mean should contain 1 elements not 256 +2025-03-10 11:20:56,736 - ERROR - Error in episode 549: running_mean should contain 1 elements not 256 +2025-03-10 11:20:56,792 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:56,850 - ERROR - Error in episode 550: running_mean should contain 1 elements not 256 +2025-03-10 11:20:56,850 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:56,908 - ERROR - Error in episode 551: running_mean should contain 1 elements not 256 +2025-03-10 11:20:56,908 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:56,996 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:57,052 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:57,208 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:57,264 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:57,371 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:20:57,420 - ERROR - Error in episode 552: running_mean should contain 1 elements not 256 +2025-03-10 11:20:57,662 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:57,902 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:57,947 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:57,998 - ERROR - Error in episode 553: running_mean should contain 1 elements not 256 +2025-03-10 11:20:57,999 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:58,054 - ERROR - Error in episode 554: running_mean should contain 1 elements not 256 +2025-03-10 11:20:58,107 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:58,158 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:58,208 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:58,255 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:58,345 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:58,538 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:20:58,590 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:58,730 - ERROR - Error in episode 555: running_mean should contain 1 elements not 256 +2025-03-10 11:20:58,730 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:58,825 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:58,877 - ERROR - Error in episode 556: running_mean should contain 1 elements not 256 +2025-03-10 11:20:58,877 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:58,965 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:59,067 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:59,119 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:20:59,169 - ERROR - Error in episode 557: running_mean should contain 1 elements not 256 +2025-03-10 11:20:59,365 - ERROR - Error in episode 558: running_mean should contain 1 elements not 256 +2025-03-10 11:20:59,366 - ERROR - Error in episode 559: running_mean should contain 1 elements not 256 +2025-03-10 11:20:59,366 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:20:59,424 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:20:59,480 - ERROR - Error in episode 560: running_mean should contain 1 elements not 256 +2025-03-10 11:20:59,529 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:59,680 - ERROR - Error in episode 561: running_mean should contain 1 elements not 256 +2025-03-10 11:20:59,729 - ERROR - Error in episode 562: running_mean should contain 1 elements not 256 +2025-03-10 11:20:59,776 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:20:59,820 - ERROR - Error in episode 563: running_mean should contain 1 elements not 256 +2025-03-10 11:20:59,820 - ERROR - Error in episode 564: running_mean should contain 1 elements not 256 +2025-03-10 11:20:59,971 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:00,084 - ERROR - Error in episode 565: running_mean should contain 1 elements not 256 +2025-03-10 11:21:00,184 - ERROR - Error in episode 566: running_mean should contain 1 elements not 256 +2025-03-10 11:21:00,186 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:00,332 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:00,378 - ERROR - Error in episode 567: running_mean should contain 1 elements not 256 +2025-03-10 11:21:00,378 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:00,471 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:00,521 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:00,659 - ERROR - Error in episode 568: running_mean should contain 1 elements not 256 +2025-03-10 11:21:00,750 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:00,799 - ERROR - Error in episode 569: running_mean should contain 1 elements not 256 +2025-03-10 11:21:00,799 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:00,848 - ERROR - Error in episode 570: running_mean should contain 1 elements not 256 +2025-03-10 11:21:00,998 - ERROR - Error in episode 571: running_mean should contain 1 elements not 256 +2025-03-10 11:21:01,142 - ERROR - Error in episode 572: running_mean should contain 1 elements not 256 +2025-03-10 11:21:01,142 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:01,240 - ERROR - Error in episode 573: running_mean should contain 1 elements not 256 +2025-03-10 11:21:01,240 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:01,285 - ERROR - Error in episode 574: running_mean should contain 1 elements not 256 +2025-03-10 11:21:01,291 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:01,340 - ERROR - Error in episode 575: running_mean should contain 1 elements not 256 +2025-03-10 11:21:01,341 - ERROR - Error in episode 576: running_mean should contain 1 elements not 256 +2025-03-10 11:21:01,386 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:01,436 - ERROR - Error in episode 577: running_mean should contain 1 elements not 256 +2025-03-10 11:21:01,438 - ERROR - Error in episode 578: running_mean should contain 1 elements not 256 +2025-03-10 11:21:01,438 - ERROR - Error in episode 579: running_mean should contain 1 elements not 256 +2025-03-10 11:21:01,441 - ERROR - Error in episode 580: running_mean should contain 1 elements not 256 +2025-03-10 11:21:01,485 - ERROR - Error in episode 581: running_mean should contain 1 elements not 256 +2025-03-10 11:21:01,485 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:01,626 - ERROR - Error in episode 582: running_mean should contain 1 elements not 256 +2025-03-10 11:21:01,672 - ERROR - Error in episode 583: running_mean should contain 1 elements not 256 +2025-03-10 11:21:01,726 - ERROR - Error in episode 584: running_mean should contain 1 elements not 256 +2025-03-10 11:21:01,728 - ERROR - Error in episode 585: running_mean should contain 1 elements not 256 +2025-03-10 11:21:01,829 - ERROR - Error in episode 586: running_mean should contain 1 elements not 256 +2025-03-10 11:21:01,829 - ERROR - Error in episode 587: running_mean should contain 1 elements not 256 +2025-03-10 11:21:01,931 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:01,982 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:02,037 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:02,079 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:21:02,135 - ERROR - Error in episode 588: running_mean should contain 1 elements not 256 +2025-03-10 11:21:02,217 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:02,326 - ERROR - Error in episode 589: running_mean should contain 1 elements not 256 +2025-03-10 11:21:02,414 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:02,515 - ERROR - Error in episode 590: running_mean should contain 1 elements not 256 +2025-03-10 11:21:02,566 - ERROR - Error in episode 591: running_mean should contain 1 elements not 256 +2025-03-10 11:21:02,613 - ERROR - Error in episode 592: running_mean should contain 1 elements not 256 +2025-03-10 11:21:02,759 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:02,811 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:02,905 - ERROR - Error in episode 593: running_mean should contain 1 elements not 256 +2025-03-10 11:21:03,001 - ERROR - Error in episode 594: running_mean should contain 1 elements not 256 +2025-03-10 11:21:03,053 - ERROR - Error in episode 595: running_mean should contain 1 elements not 256 +2025-03-10 11:21:03,053 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:03,100 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:03,149 - ERROR - Error in episode 596: running_mean should contain 1 elements not 256 +2025-03-10 11:21:03,157 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:03,389 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:03,483 - ERROR - Error in episode 597: running_mean should contain 1 elements not 256 +2025-03-10 11:21:03,485 - ERROR - Error in episode 598: running_mean should contain 1 elements not 256 +2025-03-10 11:21:03,525 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:03,583 - ERROR - Error in episode 599: running_mean should contain 1 elements not 256 +2025-03-10 11:21:03,630 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:03,725 - ERROR - Error in episode 600: running_mean should contain 1 elements not 256 +2025-03-10 11:21:03,774 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:03,968 - ERROR - Error in episode 601: running_mean should contain 1 elements not 256 +2025-03-10 11:21:04,014 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:04,158 - ERROR - Error in episode 602: running_mean should contain 1 elements not 256 +2025-03-10 11:21:04,249 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:04,348 - ERROR - Error in episode 603: running_mean should contain 1 elements not 256 +2025-03-10 11:21:04,348 - ERROR - Error in episode 604: running_mean should contain 1 elements not 256 +2025-03-10 11:21:04,348 - ERROR - Error in episode 605: running_mean should contain 1 elements not 256 +2025-03-10 11:21:04,355 - ERROR - Error in episode 606: running_mean should contain 1 elements not 256 +2025-03-10 11:21:04,355 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:04,405 - ERROR - Error in episode 607: running_mean should contain 1 elements not 256 +2025-03-10 11:21:04,447 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:04,502 - ERROR - Error in episode 608: running_mean should contain 1 elements not 256 +2025-03-10 11:21:04,505 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:04,549 - ERROR - Error in episode 609: running_mean should contain 1 elements not 256 +2025-03-10 11:21:04,652 - ERROR - Error in episode 610: running_mean should contain 1 elements not 256 +2025-03-10 11:21:04,654 - ERROR - Error in episode 611: running_mean should contain 1 elements not 256 +2025-03-10 11:21:04,705 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:04,801 - ERROR - Error in episode 612: running_mean should contain 1 elements not 256 +2025-03-10 11:21:04,801 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:04,853 - ERROR - Error in episode 613: running_mean should contain 1 elements not 256 +2025-03-10 11:21:04,853 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:04,953 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:05,005 - ERROR - Error in episode 614: running_mean should contain 1 elements not 256 +2025-03-10 11:21:05,007 - ERROR - Error in episode 615: running_mean should contain 1 elements not 256 +2025-03-10 11:21:05,052 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:05,105 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:05,161 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:05,311 - ERROR - Error in episode 616: running_mean should contain 1 elements not 256 +2025-03-10 11:21:05,351 - ERROR - Error in episode 617: running_mean should contain 1 elements not 256 +2025-03-10 11:21:05,351 - ERROR - Error in episode 618: running_mean should contain 1 elements not 256 +2025-03-10 11:21:05,359 - ERROR - Error in episode 619: running_mean should contain 1 elements not 256 +2025-03-10 11:21:05,361 - ERROR - Error in episode 620: running_mean should contain 1 elements not 256 +2025-03-10 11:21:05,361 - ERROR - Error in episode 621: running_mean should contain 1 elements not 256 +2025-03-10 11:21:05,410 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:05,509 - ERROR - Error in episode 622: running_mean should contain 1 elements not 256 +2025-03-10 11:21:05,556 - ERROR - Error in episode 623: running_mean should contain 1 elements not 256 +2025-03-10 11:21:05,556 - ERROR - Error in episode 624: running_mean should contain 1 elements not 256 +2025-03-10 11:21:05,616 - ERROR - Error in episode 625: running_mean should contain 1 elements not 256 +2025-03-10 11:21:05,863 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:06,028 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:06,085 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:06,136 - ERROR - Error in episode 626: running_mean should contain 1 elements not 256 +2025-03-10 11:21:06,136 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:06,237 - ERROR - Error in episode 627: running_mean should contain 1 elements not 256 +2025-03-10 11:21:06,294 - ERROR - Error in episode 628: running_mean should contain 1 elements not 256 +2025-03-10 11:21:06,296 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:06,336 - ERROR - Error in episode 629: running_mean should contain 1 elements not 256 +2025-03-10 11:21:06,395 - ERROR - Error in episode 630: running_mean should contain 1 elements not 256 +2025-03-10 11:21:06,397 - ERROR - Error in episode 631: running_mean should contain 1 elements not 256 +2025-03-10 11:21:06,397 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:06,451 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:06,494 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:06,635 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:21:06,678 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:06,720 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:21:06,821 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:06,862 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-6.78 +2025-03-10 11:21:06,913 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:06,966 - ERROR - Error in episode 632: running_mean should contain 1 elements not 256 +2025-03-10 11:21:06,966 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:07,014 - ERROR - Error in episode 633: running_mean should contain 1 elements not 256 +2025-03-10 11:21:07,016 - ERROR - Error in episode 634: running_mean should contain 1 elements not 256 +2025-03-10 11:21:07,111 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:07,249 - ERROR - Error in episode 635: running_mean should contain 1 elements not 256 +2025-03-10 11:21:07,414 - ERROR - Error in episode 636: running_mean should contain 1 elements not 256 +2025-03-10 11:21:07,416 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:07,465 - ERROR - Error in episode 637: running_mean should contain 1 elements not 256 +2025-03-10 11:21:07,471 - ERROR - Error in episode 638: running_mean should contain 1 elements not 256 +2025-03-10 11:21:07,620 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:07,813 - ERROR - Error in episode 639: running_mean should contain 1 elements not 256 +2025-03-10 11:21:07,854 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:07,958 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:08,013 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:08,068 - ERROR - Error in episode 640: running_mean should contain 1 elements not 256 +2025-03-10 11:21:08,068 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:08,177 - ERROR - Error in episode 641: running_mean should contain 1 elements not 256 +2025-03-10 11:21:08,179 - ERROR - Error in episode 642: running_mean should contain 1 elements not 256 +2025-03-10 11:21:08,286 - ERROR - Error in episode 643: running_mean should contain 1 elements not 256 +2025-03-10 11:21:08,339 - ERROR - Error in episode 644: running_mean should contain 1 elements not 256 +2025-03-10 11:21:08,339 - ERROR - Error in episode 645: running_mean should contain 1 elements not 256 +2025-03-10 11:21:08,391 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:08,487 - ERROR - Error in episode 646: running_mean should contain 1 elements not 256 +2025-03-10 11:21:08,488 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:08,535 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:08,586 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:08,743 - ERROR - Error in episode 647: running_mean should contain 1 elements not 256 +2025-03-10 11:21:08,798 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:08,849 - ERROR - Error in episode 648: running_mean should contain 1 elements not 256 +2025-03-10 11:21:08,849 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:08,899 - ERROR - Error in episode 649: running_mean should contain 1 elements not 256 +2025-03-10 11:21:08,899 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:08,998 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:09,052 - ERROR - Error in episode 650: running_mean should contain 1 elements not 256 +2025-03-10 11:21:09,105 - ERROR - Error in episode 651: running_mean should contain 1 elements not 256 +2025-03-10 11:21:09,150 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:09,195 - ERROR - Error in episode 652: running_mean should contain 1 elements not 256 +2025-03-10 11:21:09,239 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:09,289 - ERROR - Error in episode 653: running_mean should contain 1 elements not 256 +2025-03-10 11:21:09,289 - ERROR - Error in episode 654: running_mean should contain 1 elements not 256 +2025-03-10 11:21:09,343 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:09,489 - ERROR - Error in episode 655: running_mean should contain 1 elements not 256 +2025-03-10 11:21:09,535 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:09,643 - ERROR - Error in episode 656: running_mean should contain 1 elements not 256 +2025-03-10 11:21:09,643 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:09,694 - ERROR - Error in episode 657: running_mean should contain 1 elements not 256 +2025-03-10 11:21:09,796 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:09,845 - ERROR - Error in episode 658: running_mean should contain 1 elements not 256 +2025-03-10 11:21:09,846 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:09,897 - ERROR - Error in episode 659: running_mean should contain 1 elements not 256 +2025-03-10 11:21:09,897 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:09,944 - ERROR - Error in episode 660: running_mean should contain 1 elements not 256 +2025-03-10 11:21:09,944 - ERROR - Error in episode 661: running_mean should contain 1 elements not 256 +2025-03-10 11:21:09,944 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:09,996 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:10,103 - ERROR - Error in episode 662: running_mean should contain 1 elements not 256 +2025-03-10 11:21:10,103 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:10,203 - ERROR - Error in episode 663: running_mean should contain 1 elements not 256 +2025-03-10 11:21:10,203 - ERROR - Error in episode 664: running_mean should contain 1 elements not 256 +2025-03-10 11:21:10,203 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:10,451 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:10,498 - ERROR - Error in episode 665: running_mean should contain 1 elements not 256 +2025-03-10 11:21:10,540 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:10,649 - ERROR - Error in episode 666: running_mean should contain 1 elements not 256 +2025-03-10 11:21:10,744 - ERROR - Error in episode 667: running_mean should contain 1 elements not 256 +2025-03-10 11:21:10,749 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:10,799 - ERROR - Error in episode 668: running_mean should contain 1 elements not 256 +2025-03-10 11:21:10,848 - ERROR - Error in episode 669: running_mean should contain 1 elements not 256 +2025-03-10 11:21:10,850 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:10,902 - ERROR - Error in episode 670: running_mean should contain 1 elements not 256 +2025-03-10 11:21:10,951 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:11,004 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:11,061 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:11,106 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:21:11,158 - ERROR - Error in episode 671: running_mean should contain 1 elements not 256 +2025-03-10 11:21:11,158 - ERROR - Error in episode 672: running_mean should contain 1 elements not 256 +2025-03-10 11:21:11,213 - ERROR - Error in episode 673: running_mean should contain 1 elements not 256 +2025-03-10 11:21:11,215 - ERROR - Error in episode 674: running_mean should contain 1 elements not 256 +2025-03-10 11:21:11,215 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:11,308 - ERROR - Error in episode 675: running_mean should contain 1 elements not 256 +2025-03-10 11:21:11,308 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:11,494 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:11,547 - ERROR - Error in episode 676: running_mean should contain 1 elements not 256 +2025-03-10 11:21:11,648 - ERROR - Error in episode 677: running_mean should contain 1 elements not 256 +2025-03-10 11:21:11,650 - ERROR - Error in episode 678: running_mean should contain 1 elements not 256 +2025-03-10 11:21:11,847 - ERROR - Error in episode 679: running_mean should contain 1 elements not 256 +2025-03-10 11:21:11,847 - ERROR - Error in episode 680: running_mean should contain 1 elements not 256 +2025-03-10 11:21:11,851 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:11,905 - ERROR - Error in episode 681: running_mean should contain 1 elements not 256 +2025-03-10 11:21:11,907 - ERROR - Error in episode 682: running_mean should contain 1 elements not 256 +2025-03-10 11:21:12,004 - ERROR - Error in episode 683: running_mean should contain 1 elements not 256 +2025-03-10 11:21:12,004 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:12,204 - ERROR - Error in episode 684: running_mean should contain 1 elements not 256 +2025-03-10 11:21:12,204 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:12,253 - ERROR - Error in episode 685: running_mean should contain 1 elements not 256 +2025-03-10 11:21:12,258 - ERROR - Error in episode 686: running_mean should contain 1 elements not 256 +2025-03-10 11:21:12,258 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:12,307 - ERROR - Error in episode 687: running_mean should contain 1 elements not 256 +2025-03-10 11:21:12,309 - ERROR - Error in episode 688: running_mean should contain 1 elements not 256 +2025-03-10 11:21:12,353 - ERROR - Error in episode 689: running_mean should contain 1 elements not 256 +2025-03-10 11:21:12,353 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:12,407 - ERROR - Error in episode 690: running_mean should contain 1 elements not 256 +2025-03-10 11:21:12,409 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:12,506 - ERROR - Error in episode 691: running_mean should contain 1 elements not 256 +2025-03-10 11:21:12,553 - ERROR - Error in episode 692: running_mean should contain 1 elements not 256 +2025-03-10 11:21:12,553 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:12,653 - ERROR - Error in episode 693: running_mean should contain 1 elements not 256 +2025-03-10 11:21:12,653 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:12,709 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:12,765 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:12,816 - ERROR - Error in episode 694: running_mean should contain 1 elements not 256 +2025-03-10 11:21:12,816 - ERROR - Error in episode 695: running_mean should contain 1 elements not 256 +2025-03-10 11:21:12,816 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:12,875 - ERROR - Error in episode 696: running_mean should contain 1 elements not 256 +2025-03-10 11:21:12,924 - ERROR - Error in episode 697: running_mean should contain 1 elements not 256 +2025-03-10 11:21:12,924 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:13,307 - ERROR - Error in episode 698: running_mean should contain 1 elements not 256 +2025-03-10 11:21:13,316 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:13,407 - ERROR - Error in episode 699: running_mean should contain 1 elements not 256 +2025-03-10 11:21:13,459 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:13,554 - ERROR - Error in episode 700: running_mean should contain 1 elements not 256 +2025-03-10 11:21:13,597 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:13,654 - ERROR - Error in episode 701: running_mean should contain 1 elements not 256 +2025-03-10 11:21:13,700 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:13,789 - ERROR - Error in episode 702: running_mean should contain 1 elements not 256 +2025-03-10 11:21:13,799 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:14,028 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:14,081 - ERROR - Error in episode 703: running_mean should contain 1 elements not 256 +2025-03-10 11:21:14,123 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:14,176 - ERROR - Error in episode 704: running_mean should contain 1 elements not 256 +2025-03-10 11:21:14,176 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:14,371 - ERROR - Error in episode 705: running_mean should contain 1 elements not 256 +2025-03-10 11:21:14,457 - ERROR - Error in episode 706: running_mean should contain 1 elements not 256 +2025-03-10 11:21:14,513 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:14,562 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:14,606 - ERROR - Error in episode 707: running_mean should contain 1 elements not 256 +2025-03-10 11:21:14,606 - ERROR - Error in episode 708: running_mean should contain 1 elements not 256 +2025-03-10 11:21:14,658 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:14,701 - ERROR - Error in episode 709: running_mean should contain 1 elements not 256 +2025-03-10 11:21:14,757 - ERROR - Error in episode 710: running_mean should contain 1 elements not 256 +2025-03-10 11:21:14,808 - ERROR - Error in episode 711: running_mean should contain 1 elements not 256 +2025-03-10 11:21:14,810 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:14,858 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:14,909 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:14,958 - ERROR - Error in episode 712: running_mean should contain 1 elements not 256 +2025-03-10 11:21:15,008 - ERROR - Error in episode 713: running_mean should contain 1 elements not 256 +2025-03-10 11:21:15,068 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:15,302 - ERROR - Error in episode 714: running_mean should contain 1 elements not 256 +2025-03-10 11:21:15,302 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:15,349 - ERROR - Error in episode 715: running_mean should contain 1 elements not 256 +2025-03-10 11:21:15,349 - ERROR - Error in episode 716: running_mean should contain 1 elements not 256 +2025-03-10 11:21:15,407 - ERROR - Error in episode 717: running_mean should contain 1 elements not 256 +2025-03-10 11:21:15,407 - ERROR - Error in episode 718: running_mean should contain 1 elements not 256 +2025-03-10 11:21:15,407 - ERROR - Error in episode 719: running_mean should contain 1 elements not 256 +2025-03-10 11:21:15,407 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:15,461 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:15,507 - ERROR - Error in episode 720: running_mean should contain 1 elements not 256 +2025-03-10 11:21:15,507 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:15,566 - ERROR - Error in episode 721: running_mean should contain 1 elements not 256 +2025-03-10 11:21:15,566 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:15,610 - ERROR - Error in episode 722: running_mean should contain 1 elements not 256 +2025-03-10 11:21:15,657 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:15,746 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:15,800 - ERROR - Error in episode 723: running_mean should contain 1 elements not 256 +2025-03-10 11:21:15,800 - ERROR - Error in episode 724: running_mean should contain 1 elements not 256 +2025-03-10 11:21:15,800 - ERROR - Error in episode 725: running_mean should contain 1 elements not 256 +2025-03-10 11:21:15,800 - ERROR - Error in episode 726: running_mean should contain 1 elements not 256 +2025-03-10 11:21:15,800 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:15,993 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:16,098 - ERROR - Error in episode 727: running_mean should contain 1 elements not 256 +2025-03-10 11:21:16,146 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:16,283 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:16,332 - ERROR - Error in episode 728: running_mean should contain 1 elements not 256 +2025-03-10 11:21:16,332 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:16,382 - ERROR - Error in episode 729: running_mean should contain 1 elements not 256 +2025-03-10 11:21:16,382 - ERROR - Error in episode 730: running_mean should contain 1 elements not 256 +2025-03-10 11:21:16,385 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:16,479 - ERROR - Error in episode 731: running_mean should contain 1 elements not 256 +2025-03-10 11:21:16,525 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:16,624 - ERROR - Error in episode 732: running_mean should contain 1 elements not 256 +2025-03-10 11:21:16,624 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:16,723 - ERROR - Error in episode 733: running_mean should contain 1 elements not 256 +2025-03-10 11:21:16,772 - ERROR - Error in episode 734: running_mean should contain 1 elements not 256 +2025-03-10 11:21:16,868 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:16,966 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:17,010 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:17,066 - ERROR - Error in episode 735: running_mean should contain 1 elements not 256 +2025-03-10 11:21:17,116 - ERROR - Error in episode 736: running_mean should contain 1 elements not 256 +2025-03-10 11:21:17,122 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:17,166 - ERROR - Error in episode 737: running_mean should contain 1 elements not 256 +2025-03-10 11:21:17,173 - ERROR - Error in episode 738: running_mean should contain 1 elements not 256 +2025-03-10 11:21:17,223 - ERROR - Error in episode 739: running_mean should contain 1 elements not 256 +2025-03-10 11:21:17,314 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:17,410 - ERROR - Error in episode 740: running_mean should contain 1 elements not 256 +2025-03-10 11:21:17,410 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:17,459 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:17,547 - ERROR - Error in episode 741: running_mean should contain 1 elements not 256 +2025-03-10 11:21:17,547 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:17,601 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:17,693 - ERROR - Error in episode 742: running_mean should contain 1 elements not 256 +2025-03-10 11:21:17,841 - ERROR - Error in episode 743: running_mean should contain 1 elements not 256 +2025-03-10 11:21:17,841 - ERROR - Error in episode 744: running_mean should contain 1 elements not 256 +2025-03-10 11:21:17,843 - ERROR - Error in episode 745: running_mean should contain 1 elements not 256 +2025-03-10 11:21:17,843 - ERROR - Error in episode 746: running_mean should contain 1 elements not 256 +2025-03-10 11:21:17,845 - ERROR - Error in episode 747: running_mean should contain 1 elements not 256 +2025-03-10 11:21:17,845 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:17,897 - ERROR - Error in episode 748: running_mean should contain 1 elements not 256 +2025-03-10 11:21:17,897 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:17,948 - ERROR - Error in episode 749: running_mean should contain 1 elements not 256 +2025-03-10 11:21:17,998 - ERROR - Error in episode 750: running_mean should contain 1 elements not 256 +2025-03-10 11:21:18,000 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:18,055 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:18,098 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:18,192 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:21:18,439 - ERROR - Error in episode 751: running_mean should contain 1 elements not 256 +2025-03-10 11:21:18,531 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:18,575 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:18,625 - ERROR - Error in episode 752: running_mean should contain 1 elements not 256 +2025-03-10 11:21:18,676 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:18,725 - ERROR - Error in episode 753: running_mean should contain 1 elements not 256 +2025-03-10 11:21:18,725 - ERROR - Error in episode 754: running_mean should contain 1 elements not 256 +2025-03-10 11:21:18,725 - ERROR - Error in episode 755: running_mean should contain 1 elements not 256 +2025-03-10 11:21:18,725 - ERROR - Error in episode 756: running_mean should contain 1 elements not 256 +2025-03-10 11:21:18,725 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:18,966 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:19,015 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:19,069 - ERROR - Error in episode 757: running_mean should contain 1 elements not 256 +2025-03-10 11:21:19,071 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:19,117 - ERROR - Error in episode 758: running_mean should contain 1 elements not 256 +2025-03-10 11:21:19,205 - ERROR - Error in episode 759: running_mean should contain 1 elements not 256 +2025-03-10 11:21:19,205 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:19,354 - ERROR - Error in episode 760: running_mean should contain 1 elements not 256 +2025-03-10 11:21:19,494 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:19,542 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:19,588 - ERROR - Error in episode 761: running_mean should contain 1 elements not 256 +2025-03-10 11:21:19,596 - ERROR - Error in episode 762: running_mean should contain 1 elements not 256 +2025-03-10 11:21:19,596 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:19,692 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:19,740 - ERROR - Error in episode 763: running_mean should contain 1 elements not 256 +2025-03-10 11:21:19,740 - ERROR - Error in episode 764: running_mean should contain 1 elements not 256 +2025-03-10 11:21:19,740 - ERROR - Error in episode 765: running_mean should contain 1 elements not 256 +2025-03-10 11:21:19,790 - ERROR - Error in episode 766: running_mean should contain 1 elements not 256 +2025-03-10 11:21:19,796 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:19,948 - ERROR - Error in episode 767: running_mean should contain 1 elements not 256 +2025-03-10 11:21:19,950 - ERROR - Error in episode 768: running_mean should contain 1 elements not 256 +2025-03-10 11:21:19,952 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:20,000 - ERROR - Error in episode 769: running_mean should contain 1 elements not 256 +2025-03-10 11:21:20,006 - ERROR - Error in episode 770: running_mean should contain 1 elements not 256 +2025-03-10 11:21:20,064 - ERROR - Error in episode 771: running_mean should contain 1 elements not 256 +2025-03-10 11:21:20,066 - ERROR - Error in episode 772: running_mean should contain 1 elements not 256 +2025-03-10 11:21:20,115 - ERROR - Error in episode 773: running_mean should contain 1 elements not 256 +2025-03-10 11:21:20,115 - ERROR - Error in episode 774: running_mean should contain 1 elements not 256 +2025-03-10 11:21:20,115 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:20,213 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:20,254 - ERROR - Error in episode 775: running_mean should contain 1 elements not 256 +2025-03-10 11:21:20,308 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:20,349 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:20,398 - ERROR - Error in episode 776: running_mean should contain 1 elements not 256 +2025-03-10 11:21:20,398 - ERROR - Error in episode 777: running_mean should contain 1 elements not 256 +2025-03-10 11:21:20,406 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:20,594 - ERROR - Error in episode 778: running_mean should contain 1 elements not 256 +2025-03-10 11:21:20,638 - ERROR - Error in episode 779: running_mean should contain 1 elements not 256 +2025-03-10 11:21:20,638 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:20,783 - ERROR - Error in episode 780: running_mean should contain 1 elements not 256 +2025-03-10 11:21:20,785 - ERROR - Error in episode 781: running_mean should contain 1 elements not 256 +2025-03-10 11:21:20,785 - ERROR - Error in episode 782: running_mean should contain 1 elements not 256 +2025-03-10 11:21:20,832 - ERROR - Error in episode 783: running_mean should contain 1 elements not 256 +2025-03-10 11:21:20,832 - ERROR - Error in episode 784: running_mean should contain 1 elements not 256 +2025-03-10 11:21:20,840 - ERROR - Error in episode 785: running_mean should contain 1 elements not 256 +2025-03-10 11:21:20,881 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:20,932 - ERROR - Error in episode 786: running_mean should contain 1 elements not 256 +2025-03-10 11:21:20,932 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:20,981 - ERROR - Error in episode 787: running_mean should contain 1 elements not 256 +2025-03-10 11:21:20,983 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:21,033 - ERROR - Error in episode 788: running_mean should contain 1 elements not 256 +2025-03-10 11:21:21,034 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:21,085 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:21,131 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:21,175 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:21:21,364 - ERROR - Error in episode 789: running_mean should contain 1 elements not 256 +2025-03-10 11:21:21,364 - ERROR - Error in episode 790: running_mean should contain 1 elements not 256 +2025-03-10 11:21:21,364 - ERROR - Error in episode 791: running_mean should contain 1 elements not 256 +2025-03-10 11:21:21,364 - ERROR - Error in episode 792: running_mean should contain 1 elements not 256 +2025-03-10 11:21:21,364 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:21,415 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:21,468 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:21,522 - ERROR - Error in episode 793: running_mean should contain 1 elements not 256 +2025-03-10 11:21:21,524 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:21,615 - ERROR - Error in episode 794: running_mean should contain 1 elements not 256 +2025-03-10 11:21:21,615 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:21,804 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:21,901 - ERROR - Error in episode 795: running_mean should contain 1 elements not 256 +2025-03-10 11:21:21,901 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:21,993 - ERROR - Error in episode 796: running_mean should contain 1 elements not 256 +2025-03-10 11:21:21,993 - ERROR - Error in episode 797: running_mean should contain 1 elements not 256 +2025-03-10 11:21:22,048 - ERROR - Error in episode 798: running_mean should contain 1 elements not 256 +2025-03-10 11:21:22,048 - ERROR - Error in episode 799: running_mean should contain 1 elements not 256 +2025-03-10 11:21:22,048 - ERROR - Error in episode 800: running_mean should contain 1 elements not 256 +2025-03-10 11:21:22,104 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:22,295 - ERROR - Error in episode 801: running_mean should contain 1 elements not 256 +2025-03-10 11:21:22,344 - ERROR - Error in episode 802: running_mean should contain 1 elements not 256 +2025-03-10 11:21:22,346 - ERROR - Error in episode 803: running_mean should contain 1 elements not 256 +2025-03-10 11:21:22,346 - ERROR - Error in episode 804: running_mean should contain 1 elements not 256 +2025-03-10 11:21:22,400 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:22,490 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:22,538 - ERROR - Error in episode 805: running_mean should contain 1 elements not 256 +2025-03-10 11:21:22,582 - ERROR - Error in episode 806: running_mean should contain 1 elements not 256 +2025-03-10 11:21:22,582 - ERROR - Error in episode 807: running_mean should contain 1 elements not 256 +2025-03-10 11:21:22,589 - ERROR - Error in episode 808: running_mean should contain 1 elements not 256 +2025-03-10 11:21:22,589 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:22,678 - ERROR - Error in episode 809: running_mean should contain 1 elements not 256 +2025-03-10 11:21:22,678 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:22,737 - ERROR - Error in episode 810: running_mean should contain 1 elements not 256 +2025-03-10 11:21:22,739 - ERROR - Error in episode 811: running_mean should contain 1 elements not 256 +2025-03-10 11:21:22,740 - ERROR - Error in episode 812: running_mean should contain 1 elements not 256 +2025-03-10 11:21:22,790 - ERROR - Error in episode 813: running_mean should contain 1 elements not 256 +2025-03-10 11:21:22,790 - ERROR - Error in episode 814: running_mean should contain 1 elements not 256 +2025-03-10 11:21:22,974 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:23,120 - ERROR - Error in episode 815: running_mean should contain 1 elements not 256 +2025-03-10 11:21:23,120 - ERROR - Error in episode 816: running_mean should contain 1 elements not 256 +2025-03-10 11:21:23,120 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:23,173 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:23,219 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:23,266 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:21:23,311 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:23,417 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-7.45 +2025-03-10 11:21:23,466 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:23,607 - ERROR - Error in episode 817: running_mean should contain 1 elements not 256 +2025-03-10 11:21:23,665 - ERROR - Error in episode 818: running_mean should contain 1 elements not 256 +2025-03-10 11:21:23,762 - ERROR - Error in episode 819: running_mean should contain 1 elements not 256 +2025-03-10 11:21:23,765 - ERROR - Error in episode 820: running_mean should contain 1 elements not 256 +2025-03-10 11:21:23,809 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:23,858 - ERROR - Error in episode 821: running_mean should contain 1 elements not 256 +2025-03-10 11:21:24,057 - ERROR - Error in episode 822: running_mean should contain 1 elements not 256 +2025-03-10 11:21:24,060 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:24,243 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:24,298 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:24,341 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:21:24,441 - ERROR - Error in episode 823: running_mean should contain 1 elements not 256 +2025-03-10 11:21:24,443 - ERROR - Error in episode 824: running_mean should contain 1 elements not 256 +2025-03-10 11:21:24,443 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:24,541 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:24,682 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:24,824 - ERROR - Error in episode 825: running_mean should contain 1 elements not 256 +2025-03-10 11:21:24,879 - ERROR - Error in episode 826: running_mean should contain 1 elements not 256 +2025-03-10 11:21:24,923 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:24,975 - ERROR - Error in episode 827: running_mean should contain 1 elements not 256 +2025-03-10 11:21:24,975 - ERROR - Error in episode 828: running_mean should contain 1 elements not 256 +2025-03-10 11:21:24,980 - ERROR - Error in episode 829: running_mean should contain 1 elements not 256 +2025-03-10 11:21:24,980 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:25,034 - ERROR - Error in episode 830: running_mean should contain 1 elements not 256 +2025-03-10 11:21:25,129 - ERROR - Error in episode 831: running_mean should contain 1 elements not 256 +2025-03-10 11:21:25,177 - ERROR - Error in episode 832: running_mean should contain 1 elements not 256 +2025-03-10 11:21:25,224 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:25,454 - ERROR - Error in episode 833: running_mean should contain 1 elements not 256 +2025-03-10 11:21:25,462 - ERROR - Error in episode 834: running_mean should contain 1 elements not 256 +2025-03-10 11:21:25,557 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:25,603 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:25,656 - ERROR - Error in episode 835: running_mean should contain 1 elements not 256 +2025-03-10 11:21:25,656 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:25,706 - ERROR - Error in episode 836: running_mean should contain 1 elements not 256 +2025-03-10 11:21:25,757 - ERROR - Error in episode 837: running_mean should contain 1 elements not 256 +2025-03-10 11:21:25,852 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:25,951 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:25,998 - ERROR - Error in episode 838: running_mean should contain 1 elements not 256 +2025-03-10 11:21:26,000 - ERROR - Error in episode 839: running_mean should contain 1 elements not 256 +2025-03-10 11:21:26,000 - ERROR - Error in episode 840: running_mean should contain 1 elements not 256 +2025-03-10 11:21:26,069 - ERROR - Error in episode 841: running_mean should contain 1 elements not 256 +2025-03-10 11:21:26,074 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:26,123 - ERROR - Error in episode 842: running_mean should contain 1 elements not 256 +2025-03-10 11:21:26,125 - ERROR - Error in episode 843: running_mean should contain 1 elements not 256 +2025-03-10 11:21:26,173 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:26,227 - ERROR - Error in episode 844: running_mean should contain 1 elements not 256 +2025-03-10 11:21:26,227 - ERROR - Error in episode 845: running_mean should contain 1 elements not 256 +2025-03-10 11:21:26,229 - ERROR - Error in episode 846: running_mean should contain 1 elements not 256 +2025-03-10 11:21:26,229 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:26,490 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:26,535 - ERROR - Error in episode 847: running_mean should contain 1 elements not 256 +2025-03-10 11:21:26,543 - ERROR - Error in episode 848: running_mean should contain 1 elements not 256 +2025-03-10 11:21:26,634 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:26,682 - ERROR - Error in episode 849: running_mean should contain 1 elements not 256 +2025-03-10 11:21:26,685 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:26,778 - ERROR - Error in episode 850: running_mean should contain 1 elements not 256 +2025-03-10 11:21:26,778 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:26,824 - ERROR - Error in episode 851: running_mean should contain 1 elements not 256 +2025-03-10 11:21:26,824 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:26,875 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:26,924 - ERROR - Error in episode 852: running_mean should contain 1 elements not 256 +2025-03-10 11:21:26,924 - ERROR - Error in episode 853: running_mean should contain 1 elements not 256 +2025-03-10 11:21:26,924 - ERROR - Error in episode 854: running_mean should contain 1 elements not 256 +2025-03-10 11:21:26,924 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:26,977 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:27,023 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:27,121 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:21:27,174 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:27,274 - ERROR - Error in episode 855: running_mean should contain 1 elements not 256 +2025-03-10 11:21:27,325 - ERROR - Error in episode 856: running_mean should contain 1 elements not 256 +2025-03-10 11:21:27,377 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:27,424 - ERROR - Error in episode 857: running_mean should contain 1 elements not 256 +2025-03-10 11:21:27,473 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:27,524 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:27,571 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:27,616 - ERROR - Error in episode 858: running_mean should contain 1 elements not 256 +2025-03-10 11:21:27,616 - ERROR - Error in episode 859: running_mean should contain 1 elements not 256 +2025-03-10 11:21:27,616 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:27,713 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:27,759 - ERROR - Error in episode 860: running_mean should contain 1 elements not 256 +2025-03-10 11:21:27,759 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:27,944 - ERROR - Error in episode 861: running_mean should contain 1 elements not 256 +2025-03-10 11:21:27,946 - ERROR - Error in episode 862: running_mean should contain 1 elements not 256 +2025-03-10 11:21:28,043 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:28,131 - ERROR - Error in episode 863: running_mean should contain 1 elements not 256 +2025-03-10 11:21:28,131 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:28,227 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:28,281 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:28,428 - ERROR - Error in episode 864: running_mean should contain 1 elements not 256 +2025-03-10 11:21:28,428 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:28,483 - ERROR - Error in episode 865: running_mean should contain 1 elements not 256 +2025-03-10 11:21:28,531 - ERROR - Error in episode 866: running_mean should contain 1 elements not 256 +2025-03-10 11:21:28,531 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:28,581 - ERROR - Error in episode 867: running_mean should contain 1 elements not 256 +2025-03-10 11:21:28,622 - ERROR - Error in episode 868: running_mean should contain 1 elements not 256 +2025-03-10 11:21:28,673 - ERROR - Error in episode 869: running_mean should contain 1 elements not 256 +2025-03-10 11:21:28,673 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:28,723 - ERROR - Error in episode 870: running_mean should contain 1 elements not 256 +2025-03-10 11:21:28,723 - ERROR - Error in episode 871: running_mean should contain 1 elements not 256 +2025-03-10 11:21:28,723 - ERROR - Error in episode 872: running_mean should contain 1 elements not 256 +2025-03-10 11:21:28,825 - ERROR - Error in episode 873: running_mean should contain 1 elements not 256 +2025-03-10 11:21:28,871 - ERROR - Error in episode 874: running_mean should contain 1 elements not 256 +2025-03-10 11:21:28,922 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:29,021 - ERROR - Error in episode 875: running_mean should contain 1 elements not 256 +2025-03-10 11:21:29,163 - ERROR - Error in episode 876: running_mean should contain 1 elements not 256 +2025-03-10 11:21:29,214 - ERROR - Error in episode 877: running_mean should contain 1 elements not 256 +2025-03-10 11:21:29,216 - ERROR - Error in episode 878: running_mean should contain 1 elements not 256 +2025-03-10 11:21:29,259 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:29,499 - ERROR - Error in episode 879: running_mean should contain 1 elements not 256 +2025-03-10 11:21:29,499 - ERROR - Error in episode 880: running_mean should contain 1 elements not 256 +2025-03-10 11:21:29,597 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:29,645 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:29,694 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:29,738 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-8.19 +2025-03-10 11:21:29,789 - ERROR - Error in episode 881: running_mean should contain 1 elements not 256 +2025-03-10 11:21:29,838 - ERROR - Error in episode 882: running_mean should contain 1 elements not 256 +2025-03-10 11:21:29,840 - ERROR - Error in episode 883: running_mean should contain 1 elements not 256 +2025-03-10 11:21:29,889 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:30,035 - ERROR - Error in episode 884: running_mean should contain 1 elements not 256 +2025-03-10 11:21:30,039 - ERROR - Error in episode 885: running_mean should contain 1 elements not 256 +2025-03-10 11:21:30,039 - ERROR - Error in episode 886: running_mean should contain 1 elements not 256 +2025-03-10 11:21:30,039 - ERROR - Error in episode 887: running_mean should contain 1 elements not 256 +2025-03-10 11:21:30,039 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:30,240 - ERROR - Error in episode 888: running_mean should contain 1 elements not 256 +2025-03-10 11:21:30,287 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:30,339 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:30,391 - ERROR - Error in episode 889: running_mean should contain 1 elements not 256 +2025-03-10 11:21:30,391 - ERROR - Error in episode 890: running_mean should contain 1 elements not 256 +2025-03-10 11:21:30,394 - ERROR - Error in episode 891: running_mean should contain 1 elements not 256 +2025-03-10 11:21:30,395 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:30,438 - ERROR - Error in episode 892: running_mean should contain 1 elements not 256 +2025-03-10 11:21:30,438 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:30,491 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:30,536 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:30,630 - ERROR - Error in episode 893: running_mean should contain 1 elements not 256 +2025-03-10 11:21:30,632 - ERROR - Error in episode 894: running_mean should contain 1 elements not 256 +2025-03-10 11:21:30,679 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:30,720 - ERROR - Error in episode 895: running_mean should contain 1 elements not 256 +2025-03-10 11:21:30,728 - ERROR - Error in episode 896: running_mean should contain 1 elements not 256 +2025-03-10 11:21:30,774 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:30,819 - ERROR - Error in episode 897: running_mean should contain 1 elements not 256 +2025-03-10 11:21:30,819 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:30,979 - ERROR - Error in episode 898: running_mean should contain 1 elements not 256 +2025-03-10 11:21:31,036 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:31,138 - ERROR - Error in episode 899: running_mean should contain 1 elements not 256 +2025-03-10 11:21:31,140 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:31,187 - ERROR - Error in episode 900: running_mean should contain 1 elements not 256 +2025-03-10 11:21:31,237 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:31,321 - ERROR - Error in episode 901: running_mean should contain 1 elements not 256 +2025-03-10 11:21:31,376 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:31,427 - ERROR - Error in episode 902: running_mean should contain 1 elements not 256 +2025-03-10 11:21:31,427 - ERROR - Error in episode 903: running_mean should contain 1 elements not 256 +2025-03-10 11:21:31,429 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:31,476 - ERROR - Error in episode 904: running_mean should contain 1 elements not 256 +2025-03-10 11:21:31,476 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:31,523 - ERROR - Error in episode 905: running_mean should contain 1 elements not 256 +2025-03-10 11:21:31,526 - ERROR - Error in episode 906: running_mean should contain 1 elements not 256 +2025-03-10 11:21:31,526 - ERROR - Error in episode 907: running_mean should contain 1 elements not 256 +2025-03-10 11:21:31,526 - ERROR - Error in episode 908: running_mean should contain 1 elements not 256 +2025-03-10 11:21:31,575 - ERROR - Error in episode 909: running_mean should contain 1 elements not 256 +2025-03-10 11:21:31,575 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:31,625 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:31,677 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:31,721 - ERROR - Error in episode 910: running_mean should contain 1 elements not 256 +2025-03-10 11:21:31,772 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:31,815 - ERROR - Error in episode 911: running_mean should contain 1 elements not 256 +2025-03-10 11:21:31,821 - ERROR - Error in episode 912: running_mean should contain 1 elements not 256 +2025-03-10 11:21:31,823 - ERROR - Error in episode 913: running_mean should contain 1 elements not 256 +2025-03-10 11:21:31,823 - ERROR - Error in episode 914: running_mean should contain 1 elements not 256 +2025-03-10 11:21:31,823 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:31,870 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:31,916 - ERROR - Error in episode 915: running_mean should contain 1 elements not 256 +2025-03-10 11:21:31,963 - ERROR - Error in episode 916: running_mean should contain 1 elements not 256 +2025-03-10 11:21:31,971 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:32,017 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:32,064 - ERROR - Error in episode 917: running_mean should contain 1 elements not 256 +2025-03-10 11:21:32,160 - ERROR - Error in episode 918: running_mean should contain 1 elements not 256 +2025-03-10 11:21:32,160 - ERROR - Error in episode 919: running_mean should contain 1 elements not 256 +2025-03-10 11:21:32,160 - ERROR - Error in episode 920: running_mean should contain 1 elements not 256 +2025-03-10 11:21:32,170 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:32,440 - ERROR - Error in episode 921: running_mean should contain 1 elements not 256 +2025-03-10 11:21:32,440 - ERROR - Error in episode 922: running_mean should contain 1 elements not 256 +2025-03-10 11:21:32,488 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:32,585 - ERROR - Error in episode 923: running_mean should contain 1 elements not 256 +2025-03-10 11:21:32,718 - ERROR - Error in episode 924: running_mean should contain 1 elements not 256 +2025-03-10 11:21:32,718 - ERROR - Error in episode 925: running_mean should contain 1 elements not 256 +2025-03-10 11:21:32,728 - ERROR - Error in episode 926: running_mean should contain 1 elements not 256 +2025-03-10 11:21:32,728 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:32,776 - ERROR - Error in episode 927: running_mean should contain 1 elements not 256 +2025-03-10 11:21:32,868 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:32,913 - ERROR - Error in episode 928: running_mean should contain 1 elements not 256 +2025-03-10 11:21:32,913 - ERROR - Error in episode 929: running_mean should contain 1 elements not 256 +2025-03-10 11:21:33,010 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:33,061 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:33,194 - ERROR - Error in episode 930: running_mean should contain 1 elements not 256 +2025-03-10 11:21:33,194 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:33,290 - ERROR - Error in episode 931: running_mean should contain 1 elements not 256 +2025-03-10 11:21:33,381 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:33,423 - ERROR - Error in episode 932: running_mean should contain 1 elements not 256 +2025-03-10 11:21:33,431 - ERROR - Error in episode 933: running_mean should contain 1 elements not 256 +2025-03-10 11:21:33,431 - ERROR - Error in episode 934: running_mean should contain 1 elements not 256 +2025-03-10 11:21:33,431 - ERROR - Error in episode 935: running_mean should contain 1 elements not 256 +2025-03-10 11:21:33,479 - ERROR - Error in episode 936: running_mean should contain 1 elements not 256 +2025-03-10 11:21:33,479 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:33,533 - ERROR - Error in episode 937: running_mean should contain 1 elements not 256 +2025-03-10 11:21:33,533 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:33,582 - ERROR - Error in episode 938: running_mean should contain 1 elements not 256 +2025-03-10 11:21:33,582 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:33,631 - ERROR - Error in episode 939: running_mean should contain 1 elements not 256 +2025-03-10 11:21:33,636 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:33,686 - ERROR - Error in episode 940: running_mean should contain 1 elements not 256 +2025-03-10 11:21:33,686 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:33,734 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:33,784 - ERROR - Error in episode 941: running_mean should contain 1 elements not 256 +2025-03-10 11:21:33,784 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:33,838 - ERROR - Error in episode 942: running_mean should contain 1 elements not 256 +2025-03-10 11:21:33,931 - ERROR - Error in episode 943: running_mean should contain 1 elements not 256 +2025-03-10 11:21:34,033 - ERROR - Error in episode 944: running_mean should contain 1 elements not 256 +2025-03-10 11:21:34,033 - ERROR - Error in episode 945: running_mean should contain 1 elements not 256 +2025-03-10 11:21:34,037 - ERROR - Error in episode 946: running_mean should contain 1 elements not 256 +2025-03-10 11:21:34,037 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:34,087 - ERROR - Error in episode 947: running_mean should contain 1 elements not 256 +2025-03-10 11:21:34,136 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:34,327 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:34,378 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:34,477 - ERROR - Error in episode 948: running_mean should contain 1 elements not 256 +2025-03-10 11:21:34,477 - ERROR - Error in episode 949: running_mean should contain 1 elements not 256 +2025-03-10 11:21:34,524 - ERROR - Error in episode 950: running_mean should contain 1 elements not 256 +2025-03-10 11:21:34,667 - ERROR - Error in episode 951: running_mean should contain 1 elements not 256 +2025-03-10 11:21:34,667 - ERROR - Error in episode 952: running_mean should contain 1 elements not 256 +2025-03-10 11:21:34,763 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:34,854 - ERROR - Error in episode 953: running_mean should contain 1 elements not 256 +2025-03-10 11:21:34,905 - ERROR - Error in episode 954: running_mean should contain 1 elements not 256 +2025-03-10 11:21:34,905 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:34,957 - ERROR - Error in episode 955: running_mean should contain 1 elements not 256 +2025-03-10 11:21:34,957 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:35,059 - ERROR - Error in episode 956: running_mean should contain 1 elements not 256 +2025-03-10 11:21:35,061 - ERROR - Error in episode 957: running_mean should contain 1 elements not 256 +2025-03-10 11:21:35,063 - ERROR - Error in episode 958: running_mean should contain 1 elements not 256 +2025-03-10 11:21:35,063 - ERROR - Error in episode 959: running_mean should contain 1 elements not 256 +2025-03-10 11:21:35,065 - ERROR - Error in episode 960: running_mean should contain 1 elements not 256 +2025-03-10 11:21:35,065 - ERROR - Error in episode 961: running_mean should contain 1 elements not 256 +2025-03-10 11:21:35,067 - ERROR - Error in episode 962: running_mean should contain 1 elements not 256 +2025-03-10 11:21:35,067 - ERROR - Error in episode 963: running_mean should contain 1 elements not 256 +2025-03-10 11:21:35,115 - ERROR - Error in episode 964: running_mean should contain 1 elements not 256 +2025-03-10 11:21:35,115 - ERROR - Error in episode 965: running_mean should contain 1 elements not 256 +2025-03-10 11:21:35,213 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:35,261 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:35,308 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:35,448 - ERROR - Error in episode 966: running_mean should contain 1 elements not 256 +2025-03-10 11:21:35,448 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:35,600 - INFO - CLOSED long at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:35,651 - ERROR - Error in episode 967: running_mean should contain 1 elements not 256 +2025-03-10 11:21:35,651 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:35,952 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:36,002 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:36,056 - ERROR - Error in episode 968: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,058 - ERROR - Error in episode 969: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,058 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:36,107 - ERROR - Error in episode 970: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,108 - ERROR - Error in episode 971: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,110 - ERROR - Error in episode 972: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,110 - ERROR - Error in episode 973: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,160 - ERROR - Error in episode 974: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,163 - ERROR - Error in episode 975: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,163 - ERROR - Error in episode 976: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,214 - ERROR - Error in episode 977: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,214 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:36,261 - ERROR - Error in episode 978: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,261 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:36,310 - ERROR - Error in episode 979: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,310 - ERROR - Error in episode 980: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,365 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:36,464 - ERROR - Error in episode 981: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,469 - ERROR - Error in episode 982: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,519 - ERROR - Error in episode 983: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,522 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:36,569 - INFO - CLOSED short at 2143.0 | PnL: 0.00% | $-9.00 +2025-03-10 11:21:36,618 - ERROR - Error in episode 984: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,619 - ERROR - Error in episode 985: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,619 - ERROR - Error in episode 986: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,619 - ERROR - Error in episode 987: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,671 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:36,858 - ERROR - Error in episode 988: running_mean should contain 1 elements not 256 +2025-03-10 11:21:36,907 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:37,070 - ERROR - Error in episode 989: running_mean should contain 1 elements not 256 +2025-03-10 11:21:37,073 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:37,125 - ERROR - Error in episode 990: running_mean should contain 1 elements not 256 +2025-03-10 11:21:37,127 - ERROR - Error in episode 991: running_mean should contain 1 elements not 256 +2025-03-10 11:21:37,273 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:37,423 - ERROR - Error in episode 992: running_mean should contain 1 elements not 256 +2025-03-10 11:21:37,473 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:37,525 - ERROR - Error in episode 993: running_mean should contain 1 elements not 256 +2025-03-10 11:21:37,575 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:37,718 - ERROR - Error in episode 994: running_mean should contain 1 elements not 256 +2025-03-10 11:21:37,718 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:37,761 - ERROR - Error in episode 995: running_mean should contain 1 elements not 256 +2025-03-10 11:21:37,769 - ERROR - Error in episode 996: running_mean should contain 1 elements not 256 +2025-03-10 11:21:37,813 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:37,867 - ERROR - Error in episode 997: running_mean should contain 1 elements not 256 +2025-03-10 11:21:37,869 - INFO - OPENED LONG at 2143.0 | Stop loss: 2132.285 | Take profit: 2175.145 +2025-03-10 11:21:37,919 - ERROR - Error in episode 998: running_mean should contain 1 elements not 256 +2025-03-10 11:21:37,921 - INFO - OPENED SHORT at 2143.0 | Stop loss: 2153.7149999999997 | Take profit: 2110.855 +2025-03-10 11:21:37,973 - ERROR - Error in episode 999: running_mean should contain 1 elements not 256 +2025-03-10 11:21:38,114 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 11:23:33,440 - INFO - Fetching initial 60 candles for ETH/USDT... +2025-03-10 11:23:39,056 - INFO - Successfully fetched 60 initial candles +2025-03-10 11:23:39,193 - INFO - Model size: 4,056,837 parameters +2025-03-10 11:23:43,563 - WARNING - No model found at models/trading_agent.pt +2025-03-10 11:23:43,563 - INFO - Starting training mode +2025-03-10 11:23:43,563 - INFO - Starting training... +2025-03-10 11:23:43,571 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:43,571 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:23:43,571 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:43,571 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:23:43,575 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:43,575 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:23:43,575 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:43,575 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:23:43,575 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:43,579 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:23:43,582 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:43,582 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:23:43,584 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:43,584 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:23:43,584 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:43,588 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:23:43,588 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:43,834 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:23:43,917 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:44,083 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:23:44,137 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:44,553 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:23:44,608 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:44,892 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:23:44,942 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:45,227 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:23:45,451 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:45,547 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:23:45,676 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:45,725 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:23:45,817 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:46,098 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:23:46,152 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:46,294 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:23:46,390 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:46,483 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:23:46,533 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:46,626 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:23:46,679 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:46,952 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:23:47,097 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:47,141 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:23:47,203 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:47,260 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:23:47,347 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:47,670 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:23:47,716 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:47,759 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:23:47,900 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:47,942 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:23:48,001 - INFO - Episode 0: Reward=-4.20, Balance=$9.46, Win Rate=0.0%, Trades=25 +2025-03-10 11:23:48,147 - INFO - Model saved to models/trading_agent_best.pt +2025-03-10 11:23:48,278 - INFO - Model saved to models/trading_agent_episode_0.pt +2025-03-10 11:23:48,278 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:48,508 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:23:48,556 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:48,884 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:23:49,123 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:49,174 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:23:49,265 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:49,597 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:23:49,776 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:49,870 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:23:49,963 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:50,050 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:23:50,156 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:50,767 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:23:50,901 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:51,092 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:23:51,150 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:51,248 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:23:51,305 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:51,823 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:23:51,877 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:51,970 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:23:52,016 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:52,110 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:23:52,161 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:52,295 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:23:52,604 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:52,803 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:23:52,853 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:53,040 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:23:53,187 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:53,231 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:23:53,332 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:53,379 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:23:53,428 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:53,607 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:23:53,662 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:53,860 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:23:53,911 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:54,151 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:23:54,208 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:54,425 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:23:54,566 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:55,062 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:23:55,109 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:55,212 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:23:55,360 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:55,467 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:23:55,914 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:56,156 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:23:56,198 - INFO - Episode 1: Reward=-4.90, Balance=$9.46, Win Rate=0.0%, Trades=50 +2025-03-10 11:23:56,256 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:56,305 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:23:56,345 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:56,774 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:23:56,817 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:57,050 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:23:57,144 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:57,383 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:23:57,479 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:57,531 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:23:57,818 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:58,149 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:23:58,196 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:58,293 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:23:58,337 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:58,565 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:23:58,656 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:58,760 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:23:58,809 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:59,049 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:23:59,099 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:59,199 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:23:59,289 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:59,434 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:23:59,478 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:23:59,526 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:23:59,616 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:23:59,891 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:23:59,992 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:00,139 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:24:00,245 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:00,292 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:24:00,492 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:00,542 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:24:00,593 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:00,694 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:24:00,946 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:01,151 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:24:01,260 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:01,360 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:24:01,463 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:01,887 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:24:01,937 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:02,350 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:24:02,399 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:02,494 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:24:02,593 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:03,280 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:24:03,323 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:03,369 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:24:03,415 - INFO - Episode 2: Reward=-3.10, Balance=$9.46, Win Rate=0.0%, Trades=75 +2025-03-10 11:24:03,549 - INFO - Model saved to models/trading_agent_best.pt +2025-03-10 11:24:03,549 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:03,687 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:24:03,736 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:03,790 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:24:03,844 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:04,033 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:24:04,130 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:04,270 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:24:04,315 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:04,420 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:24:04,605 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:04,698 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:24:04,749 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:04,889 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:24:04,936 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:05,030 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:24:05,223 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:05,273 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:24:05,317 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:05,372 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:24:05,468 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:05,717 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:24:05,911 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:05,962 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:24:06,014 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:06,273 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:24:06,320 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:06,375 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:24:06,473 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:06,655 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:24:06,751 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:06,796 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:24:06,946 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:06,999 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:24:07,184 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:07,275 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:24:07,393 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:07,442 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:24:07,494 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:07,544 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:24:07,743 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:07,840 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:24:07,894 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:08,366 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:24:08,655 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:08,745 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:24:08,786 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:08,841 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:24:08,885 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:08,980 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:24:09,025 - INFO - Episode 3: Reward=-0.90, Balance=$9.46, Win Rate=0.0%, Trades=100 +2025-03-10 11:24:09,155 - INFO - Model saved to models/trading_agent_best.pt +2025-03-10 11:24:09,155 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:09,329 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:24:09,379 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:09,475 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:24:09,570 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:09,676 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:24:09,958 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:10,239 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:24:10,294 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:10,617 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:24:10,671 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:10,711 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:24:10,804 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:10,894 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:24:10,986 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:11,027 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:24:11,081 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:11,127 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:24:11,178 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:11,331 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:24:11,379 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:11,429 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:24:11,473 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:11,661 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:24:11,805 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:12,457 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:24:12,642 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:12,962 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:24:13,109 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:13,205 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:24:13,253 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:13,395 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:24:13,438 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:14,232 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:24:14,601 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:14,643 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:24:14,698 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:15,067 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:24:15,161 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:15,218 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:24:15,265 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:15,731 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:24:15,914 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:16,190 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:24:16,243 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:16,300 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:24:16,345 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:16,573 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:24:16,624 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:16,674 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:24:16,723 - INFO - Episode 4: Reward=-4.80, Balance=$9.46, Win Rate=0.0%, Trades=125 +2025-03-10 11:24:16,725 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:16,957 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:24:17,098 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:17,240 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:24:17,288 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:17,741 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:24:17,787 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:18,025 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:24:18,075 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:18,171 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:24:18,221 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:18,313 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:24:18,403 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:18,454 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:24:18,500 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:18,544 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:24:18,586 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:18,644 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:24:18,746 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:18,789 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:24:18,846 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:18,893 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:24:18,946 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:19,129 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:24:19,224 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:19,413 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:24:19,546 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:19,695 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:24:19,833 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:19,885 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:24:19,932 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:20,164 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:24:20,258 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:20,309 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:24:20,405 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:20,627 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:24:20,672 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:20,763 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:24:20,856 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:20,954 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:24:21,008 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:21,242 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:24:21,334 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:21,432 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:24:21,528 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:21,722 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:24:21,760 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:21,810 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:24:21,861 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:21,915 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:24:21,961 - INFO - Episode 5: Reward=-1.30, Balance=$9.46, Win Rate=0.0%, Trades=150 +2025-03-10 11:24:21,963 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:22,098 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:24:22,151 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:22,208 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:24:22,302 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:22,399 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:24:22,448 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:22,680 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:24:22,731 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:23,057 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:24:23,110 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:23,271 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:24:23,321 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:23,377 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:24:23,429 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:23,615 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:24:23,759 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:23,812 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:24:23,857 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:24,002 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:24:24,051 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:24,093 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:24:24,144 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:24,193 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:24:24,245 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:24,524 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:24:24,578 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:25,278 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:24:25,327 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:25,455 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:24:25,509 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:25,552 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:24:25,646 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:26,033 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:24:26,087 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:26,276 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:24:26,466 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:26,510 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:24:26,567 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:26,943 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:24:26,996 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:27,241 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:24:27,340 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:27,441 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:24:27,530 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:27,769 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:24:27,824 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:27,919 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:24:28,219 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:28,378 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:24:28,429 - INFO - Episode 6: Reward=-2.10, Balance=$9.46, Win Rate=0.0%, Trades=175 +2025-03-10 11:24:28,429 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:28,528 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:24:28,753 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:28,836 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:24:28,936 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:29,477 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:24:29,524 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:29,611 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:24:29,709 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:29,761 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:24:29,804 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:29,851 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:24:29,903 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:30,003 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:24:30,052 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:30,428 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:24:30,474 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:30,569 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:24:30,708 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:30,757 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:24:30,808 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:30,898 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:24:30,944 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:31,094 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:24:31,143 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:31,244 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:24:31,295 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:31,340 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:24:31,384 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:31,660 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:24:31,710 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:31,899 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:24:31,990 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:32,372 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:24:32,426 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:32,805 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:24:32,851 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:32,951 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:24:32,997 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:33,091 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:24:33,241 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:33,293 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:24:33,389 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:33,682 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:24:33,769 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:33,868 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:24:33,970 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:34,013 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:24:34,109 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:34,162 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:24:34,203 - INFO - Episode 7: Reward=-2.00, Balance=$9.46, Win Rate=0.0%, Trades=200 +2025-03-10 11:24:34,213 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:34,541 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:24:34,632 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:34,777 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:24:34,873 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:35,018 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:24:35,119 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:35,220 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:24:35,274 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:35,450 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:24:35,502 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:35,686 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:24:35,737 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:35,778 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:24:35,831 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:35,880 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:24:36,032 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:36,125 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:24:36,267 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:36,625 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:24:36,680 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:37,001 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:24:37,056 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:37,341 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:24:37,430 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:37,570 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:24:37,617 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:37,660 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:24:37,712 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:38,132 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:24:38,239 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:38,334 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:24:38,390 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:38,714 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:24:38,763 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:38,858 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:24:38,905 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:39,090 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:24:39,135 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:39,279 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:24:39,323 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:39,423 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:24:39,474 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:39,523 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:24:39,668 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:39,949 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:24:39,994 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:40,290 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:24:40,387 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:40,573 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:24:40,613 - INFO - Episode 8: Reward=-2.50, Balance=$9.46, Win Rate=0.0%, Trades=225 +2025-03-10 11:24:40,621 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:41,106 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:24:41,241 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:41,343 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:24:41,398 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:41,530 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:24:41,632 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:41,817 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:24:41,866 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:41,999 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:24:42,055 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:42,103 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:24:42,152 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:42,245 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:24:42,297 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:42,436 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:24:42,500 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:42,841 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:24:42,887 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:43,181 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:24:43,223 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:43,282 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:24:43,329 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:43,381 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:24:43,436 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:43,529 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:24:43,670 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:43,869 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:24:43,972 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:44,199 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:24:44,299 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:44,393 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:24:44,442 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:44,480 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:24:44,533 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:44,633 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:24:44,732 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:44,787 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:24:44,922 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:45,459 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:24:45,552 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:45,923 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:24:45,972 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:46,597 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:24:46,642 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:46,739 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:24:46,788 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:47,023 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:24:47,070 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:47,210 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:24:47,260 - INFO - Episode 9: Reward=-2.60, Balance=$9.46, Win Rate=0.0%, Trades=250 +2025-03-10 11:24:47,306 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:47,355 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:24:47,451 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:47,546 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:24:47,591 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:47,741 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:24:47,796 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:48,076 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:24:48,220 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:48,270 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:24:48,323 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:48,453 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:24:48,543 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:48,735 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:24:48,784 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:48,838 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:24:48,934 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:48,990 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:24:49,043 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:49,339 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:24:49,396 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:50,005 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:24:50,121 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:50,334 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:24:50,387 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:50,440 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:24:50,635 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:50,800 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:24:50,857 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:51,057 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:24:51,158 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:51,365 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:24:51,415 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:51,479 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:24:51,535 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:52,063 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:24:52,212 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:52,265 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:24:52,319 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:52,369 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:24:52,411 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:52,665 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:24:52,809 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:53,287 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:24:53,423 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:53,473 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:24:53,564 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:53,934 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:24:53,986 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:54,033 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:24:54,087 - INFO - Episode 10: Reward=-2.70, Balance=$9.46, Win Rate=0.0%, Trades=275 +2025-03-10 11:24:54,227 - INFO - Model saved to models/trading_agent_episode_10.pt +2025-03-10 11:24:54,229 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:54,323 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:24:54,361 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:54,414 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:24:54,463 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:54,502 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:24:54,552 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:54,684 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:24:54,834 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:54,972 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:24:55,113 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:55,166 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:24:55,446 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:55,680 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:24:55,865 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:56,063 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:24:56,245 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:56,297 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:24:56,349 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:56,761 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:24:56,853 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:57,050 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:24:57,144 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:57,238 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:24:57,291 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:57,480 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:24:57,523 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:58,036 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:24:58,182 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:58,233 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:24:58,282 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:58,652 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:24:58,738 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:59,024 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:24:59,302 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:59,353 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:24:59,446 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:59,501 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:24:59,545 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:24:59,586 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:24:59,640 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:24:59,858 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:24:59,956 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:00,097 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:25:00,192 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:00,478 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:25:00,523 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:00,578 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:25:00,630 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:00,678 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:25:00,733 - INFO - Episode 11: Reward=-2.30, Balance=$9.46, Win Rate=0.0%, Trades=300 +2025-03-10 11:25:00,915 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:01,064 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:25:01,246 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:01,395 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:25:01,478 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:01,668 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:25:01,724 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:01,867 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:25:01,960 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:02,112 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:25:02,169 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:02,260 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:25:02,308 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:02,584 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:25:02,683 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:02,728 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:25:02,777 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:02,958 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:25:03,355 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:03,450 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:25:03,495 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:03,688 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:25:03,782 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:04,055 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:25:04,104 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:04,152 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:25:04,256 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:04,365 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:25:04,410 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:04,591 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:25:04,690 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:05,009 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:25:05,160 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:05,314 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:25:05,357 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:05,411 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:25:05,462 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:05,559 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:25:05,602 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:05,669 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:25:05,765 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:05,907 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:25:06,121 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:06,469 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:25:06,518 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:06,838 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:25:06,934 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:07,125 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:25:07,173 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:07,338 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:25:07,395 - INFO - Episode 12: Reward=-2.40, Balance=$9.46, Win Rate=0.0%, Trades=325 +2025-03-10 11:25:07,598 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:07,685 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:25:07,734 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:07,952 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:25:08,048 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:08,144 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:25:08,344 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:08,659 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:25:08,761 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:08,897 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:25:09,035 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:09,083 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:25:09,599 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:09,874 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:25:10,154 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:10,207 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:25:10,632 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:10,729 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:25:10,973 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:11,303 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:25:11,443 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:11,498 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:25:11,591 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:11,692 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:25:11,738 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:12,111 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:25:12,161 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:12,267 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:25:12,312 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:12,501 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:25:12,544 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:12,657 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:25:12,702 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:12,744 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:25:12,851 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:12,908 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:25:12,957 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:13,233 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:25:13,337 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:13,391 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:25:13,527 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:13,624 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:25:13,714 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:13,760 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:25:13,853 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:13,945 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:25:14,188 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:14,233 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:25:14,281 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:14,375 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:25:14,418 - INFO - Episode 13: Reward=-3.20, Balance=$9.46, Win Rate=0.0%, Trades=350 +2025-03-10 11:25:14,788 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:14,891 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:25:14,994 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:15,088 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:25:15,289 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:15,431 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:25:15,565 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:15,716 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:25:15,809 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:16,045 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:25:16,185 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:16,291 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:25:16,340 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:16,387 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:25:16,485 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:16,585 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:25:16,632 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:16,689 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:25:16,790 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:16,894 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:25:17,043 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:17,099 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:25:17,146 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:17,244 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:25:17,287 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:17,574 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:25:17,770 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:17,865 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:25:17,954 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:18,006 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:25:18,048 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:18,098 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:25:18,146 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:18,194 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:25:18,347 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:18,390 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:25:18,489 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:18,535 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:25:18,577 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:18,637 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:25:18,772 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:18,915 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:25:19,054 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:19,101 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:25:19,245 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:19,356 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:25:19,498 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:19,692 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:25:19,786 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:19,837 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:25:19,884 - INFO - Episode 14: Reward=-0.30, Balance=$9.46, Win Rate=0.0%, Trades=375 +2025-03-10 11:25:20,021 - INFO - Model saved to models/trading_agent_best.pt +2025-03-10 11:25:20,023 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:20,158 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:25:20,198 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:20,350 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:25:20,444 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:20,582 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:25:20,673 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:20,902 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:25:21,053 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:21,107 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:25:21,197 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:21,251 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:25:21,303 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:21,403 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:25:21,625 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:21,865 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:25:21,916 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:22,106 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:25:22,156 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:22,204 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:25:22,249 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:22,299 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:25:22,624 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:22,723 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:25:22,772 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:22,863 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:25:22,915 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:22,964 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:25:23,239 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:23,294 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:25:23,631 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:23,809 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:25:23,860 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:24,236 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:25:24,432 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:24,473 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:25:24,734 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:25,000 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:25:25,095 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:25,241 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:25:25,292 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:25,340 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:25:25,390 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:25,484 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:25:25,533 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:25,633 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:25:25,682 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:25,731 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:25:25,785 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:26,013 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:25:26,062 - INFO - Episode 15: Reward=-1.40, Balance=$9.46, Win Rate=0.0%, Trades=400 +2025-03-10 11:25:26,064 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:26,106 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:25:26,349 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:26,544 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:25:26,586 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:26,648 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:25:26,697 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:26,887 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:25:26,933 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:27,063 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:25:27,368 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:27,418 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:25:27,520 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:27,616 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:25:27,715 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:27,863 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:25:27,907 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:27,998 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:25:28,051 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:28,096 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:25:28,151 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:28,433 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:25:28,526 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:28,621 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:25:28,811 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:28,865 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:25:29,104 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:29,249 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:25:29,300 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:29,357 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:25:29,398 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:29,536 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:25:29,582 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:29,989 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:25:30,041 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:30,098 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:25:30,192 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:30,242 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:25:30,401 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:30,498 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:25:30,544 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:30,590 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:25:30,640 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:30,698 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:25:30,744 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:30,840 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:25:30,883 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:30,982 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:25:31,025 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:31,078 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:25:31,123 - INFO - Episode 16: Reward=-0.10, Balance=$9.46, Win Rate=0.0%, Trades=425 +2025-03-10 11:25:31,263 - INFO - Model saved to models/trading_agent_best.pt +2025-03-10 11:25:31,311 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:31,365 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:25:31,410 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:31,874 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:25:31,915 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:31,968 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:25:32,010 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:32,064 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:25:32,172 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:32,357 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:25:32,543 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:32,695 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:25:32,739 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:32,796 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:25:32,845 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:32,890 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:25:32,995 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:33,184 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:25:33,231 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:33,284 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:25:33,334 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:33,437 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:25:33,530 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:33,624 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:25:33,894 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:34,000 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:25:34,041 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:34,286 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:25:34,341 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:34,538 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:25:34,585 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:34,726 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:25:34,774 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:34,962 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:25:35,113 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:35,253 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:25:35,345 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:35,525 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:25:35,573 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:35,626 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:25:35,824 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:35,877 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:25:35,971 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:36,073 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:25:36,207 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:36,361 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:25:36,465 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:36,649 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:25:36,883 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:36,933 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:25:36,978 - INFO - Episode 17: Reward=-0.80, Balance=$9.46, Win Rate=0.0%, Trades=450 +2025-03-10 11:25:36,986 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:37,078 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:25:37,123 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:37,179 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:25:37,373 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:37,424 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:25:37,471 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:37,515 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:25:37,659 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:37,707 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:25:37,942 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:38,040 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:25:38,227 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:38,320 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:25:38,641 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:38,688 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:25:39,040 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:39,136 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:25:39,239 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:39,297 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:25:39,540 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:39,588 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:25:39,631 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:39,688 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:25:39,737 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:39,834 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:25:39,878 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:40,078 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:25:40,212 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:40,369 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:25:40,407 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:40,468 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:25:40,506 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:40,566 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:25:40,611 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:40,706 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:25:40,754 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:41,161 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:25:41,214 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:41,264 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:25:41,509 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:41,751 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:25:41,800 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:41,902 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:25:42,042 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:42,089 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:25:42,133 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:42,234 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:25:42,279 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:42,389 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:25:42,431 - INFO - Episode 18: Reward=-0.30, Balance=$9.46, Win Rate=0.0%, Trades=475 +2025-03-10 11:25:42,627 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:42,675 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:25:42,726 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:42,916 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:25:42,962 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:43,107 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:25:43,203 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:43,310 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:25:43,363 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:43,548 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:25:43,648 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:43,792 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:25:43,898 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:44,039 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:25:44,081 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:44,424 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:25:44,474 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:44,677 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:25:44,727 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:44,882 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:25:44,976 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:45,031 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:25:45,190 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:45,515 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:25:45,564 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:45,622 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:25:45,807 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:46,033 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:25:46,078 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:46,223 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:25:46,377 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:46,475 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:25:46,565 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:46,618 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:25:46,763 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:46,818 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:25:46,870 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:46,923 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:25:46,974 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:47,075 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:25:47,229 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:47,289 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:25:47,337 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:47,524 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:25:47,769 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:47,865 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:25:47,924 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:48,015 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:25:48,064 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:48,206 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:25:48,254 - INFO - Episode 19: Reward=-1.10, Balance=$9.46, Win Rate=0.0%, Trades=500 +2025-03-10 11:25:48,441 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:48,493 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:25:48,531 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:48,591 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:25:48,685 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:48,921 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:25:48,964 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:49,249 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:25:49,297 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:49,436 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:25:49,481 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:49,540 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:25:49,581 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:49,807 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:25:49,887 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:50,129 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:25:50,172 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:50,365 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:25:50,465 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:50,563 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:25:50,606 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:50,750 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:25:50,799 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:50,854 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:25:50,990 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:51,128 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:25:51,226 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:51,282 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:25:51,428 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:51,535 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:25:51,617 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:51,952 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:25:52,141 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:52,246 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:25:52,294 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:52,345 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:25:52,388 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:52,486 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:25:52,531 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:52,776 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:25:52,874 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:52,970 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:25:53,025 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:53,074 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:25:53,183 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:53,231 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:25:53,335 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:53,624 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:25:53,724 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:53,885 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:25:53,946 - INFO - Episode 20: Reward=-0.90, Balance=$9.46, Win Rate=0.0%, Trades=525 +2025-03-10 11:25:54,069 - INFO - Model saved to models/trading_agent_episode_20.pt +2025-03-10 11:25:54,072 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:54,122 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:25:54,214 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:54,268 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:25:54,318 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:54,377 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:25:54,430 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:54,472 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:25:54,517 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:54,570 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:25:54,618 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:54,868 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:25:54,962 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:55,007 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:25:55,054 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:55,159 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:25:55,263 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:55,509 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:25:55,659 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:55,940 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:25:56,083 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:56,318 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:25:56,372 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:57,032 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:25:57,134 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:57,444 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:25:57,491 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:57,588 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:25:57,632 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:57,828 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:25:57,880 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:57,922 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:25:58,064 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:58,105 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:25:58,214 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:58,260 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:25:58,321 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:58,414 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:25:58,519 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:58,564 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:25:58,621 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:58,859 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:25:58,957 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:59,331 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:25:59,389 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:59,480 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:25:59,540 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:59,640 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:25:59,688 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:25:59,784 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:25:59,830 - INFO - Episode 21: Reward=-0.60, Balance=$9.46, Win Rate=0.0%, Trades=550 +2025-03-10 11:25:59,838 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:25:59,883 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:25:59,978 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:00,217 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:26:00,354 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:00,406 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:26:00,451 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:00,634 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:26:00,957 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:01,346 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:26:01,402 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:01,646 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:26:01,697 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:02,329 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:26:02,423 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:02,472 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:26:02,523 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:02,759 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:26:02,807 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:02,917 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:26:02,965 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:03,016 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:26:03,064 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:03,636 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:26:03,688 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:03,738 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:26:03,788 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:04,023 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:26:04,165 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:04,264 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:26:04,319 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:04,369 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:26:04,461 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:04,554 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:26:04,649 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:04,702 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:26:04,790 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:05,029 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:26:05,075 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:05,175 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:26:05,229 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:05,462 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:26:05,507 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:05,900 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:26:05,948 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:05,998 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:26:06,064 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:06,115 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:26:06,212 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:06,430 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:26:06,480 - INFO - Episode 22: Reward=-1.60, Balance=$9.46, Win Rate=0.0%, Trades=575 +2025-03-10 11:26:06,664 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:06,757 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:26:06,805 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:06,957 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:26:07,007 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:07,100 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:26:07,151 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:07,238 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:26:07,288 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:08,229 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:26:08,272 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:08,379 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:26:08,427 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:08,481 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:26:08,534 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:08,579 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:26:08,675 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:08,772 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:26:08,817 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:08,872 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:26:09,013 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:09,066 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:26:09,109 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:09,908 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:26:09,963 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:10,105 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:26:10,155 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:10,248 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:26:10,302 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:10,354 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:26:10,408 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:10,548 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:26:10,590 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:10,878 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:26:10,938 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:11,029 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:26:11,086 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:11,272 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:26:11,374 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:11,654 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:26:11,714 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:11,767 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:26:11,813 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:11,867 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:26:11,968 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:12,239 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:26:12,289 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:12,338 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:26:12,388 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:12,488 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:26:12,532 - INFO - Episode 23: Reward=-1.50, Balance=$9.46, Win Rate=0.0%, Trades=600 +2025-03-10 11:26:12,538 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:12,640 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:26:12,689 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:12,744 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:26:12,845 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:13,085 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:26:13,152 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:13,308 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:26:13,359 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:13,414 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:26:13,464 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:13,523 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:26:13,656 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:13,709 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:26:13,767 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:14,249 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:26:14,399 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:14,986 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:26:15,032 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:15,188 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:26:15,334 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:15,576 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:26:15,625 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:15,808 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:26:15,956 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:16,063 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:26:16,115 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:16,293 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:26:16,486 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:16,535 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:26:16,590 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:16,786 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:26:16,838 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:16,885 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:26:16,933 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:17,088 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:26:17,189 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:17,244 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:26:17,296 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:17,395 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:26:17,438 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:18,043 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:26:18,101 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:18,192 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:26:18,241 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:18,485 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:26:18,534 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:18,812 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:26:18,910 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:18,959 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:26:19,005 - INFO - Episode 24: Reward=-2.40, Balance=$9.46, Win Rate=0.0%, Trades=625 +2025-03-10 11:26:19,012 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:19,366 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:26:19,461 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:19,637 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:26:19,733 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:19,829 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:26:19,887 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:20,373 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:26:20,437 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:20,581 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:26:20,680 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:20,978 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:26:21,029 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:21,163 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:26:21,214 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:21,314 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:26:21,364 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:21,571 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:26:21,621 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:21,730 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:26:21,790 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:21,843 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:26:21,942 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:22,138 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:26:22,189 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:22,322 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:26:22,426 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:22,474 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:26:22,522 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:22,579 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:26:22,621 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:22,718 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:26:22,768 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:23,047 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:26:23,105 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:23,197 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:26:23,246 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:23,436 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:26:23,526 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:23,623 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:26:23,663 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:23,918 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:26:23,966 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:24,009 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:26:24,063 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:24,318 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:26:24,369 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:24,430 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:26:24,662 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:24,719 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:26:24,772 - INFO - Episode 25: Reward=-1.40, Balance=$9.46, Win Rate=0.0%, Trades=650 +2025-03-10 11:26:24,772 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:25,111 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:26:25,162 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:25,789 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:26:25,842 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:26,273 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:26:26,342 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:26,399 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:26:26,486 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:26,823 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:26:27,058 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:27,105 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:26:27,209 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:27,297 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:26:27,349 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:27,397 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:26:27,496 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:27,808 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:26:27,924 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:28,079 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:26:28,170 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:28,270 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:26:28,376 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:28,710 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:26:28,767 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:29,278 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:26:29,340 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:29,438 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:26:29,495 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:29,640 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:26:29,698 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:29,752 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:26:29,797 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:29,888 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:26:29,947 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:30,096 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:26:30,278 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:30,330 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:26:30,389 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:30,446 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:26:30,545 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:30,601 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:26:30,649 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:30,748 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:26:30,795 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:30,905 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:26:31,061 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:31,164 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:26:31,276 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:31,485 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:26:31,533 - INFO - Episode 26: Reward=-2.50, Balance=$9.46, Win Rate=0.0%, Trades=675 +2025-03-10 11:26:31,533 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:31,589 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:26:31,643 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:31,787 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:26:31,895 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:31,950 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:26:32,055 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:32,212 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:26:32,353 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:32,405 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:26:32,703 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:32,759 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:26:32,804 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:32,860 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:26:32,912 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:32,967 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:26:33,021 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:33,064 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:26:33,156 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:33,253 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:26:33,304 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:33,635 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:26:33,681 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:33,973 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:26:34,109 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:34,166 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:26:34,211 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:34,311 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:26:34,424 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:34,519 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:26:34,574 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:34,678 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:26:34,771 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:34,872 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:26:34,927 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:34,980 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:26:35,029 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:35,350 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:26:35,452 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:35,561 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:26:35,616 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:35,812 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:26:35,869 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:35,921 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:26:35,980 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:36,035 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:26:36,093 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:36,189 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:26:36,288 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:36,552 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:26:36,602 - INFO - Episode 27: Reward=0.30, Balance=$9.46, Win Rate=0.0%, Trades=700 +2025-03-10 11:26:36,744 - INFO - Model saved to models/trading_agent_best.pt +2025-03-10 11:26:36,796 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:36,992 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:26:37,044 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:37,090 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:26:37,148 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:37,194 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:26:37,240 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:37,353 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:26:37,418 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:37,513 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:26:37,566 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:37,912 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:26:38,063 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:38,261 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:26:38,309 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:38,358 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:26:38,416 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:38,620 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:26:38,676 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:38,729 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:26:38,826 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:38,868 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:26:38,971 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:39,231 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:26:39,326 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:39,443 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:26:39,502 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:39,815 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:26:39,915 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:40,059 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:26:40,106 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:40,356 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:26:40,509 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:40,555 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:26:40,661 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:40,717 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:26:40,777 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:40,832 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:26:40,889 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:40,936 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:26:40,984 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:41,093 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:26:41,149 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:41,250 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:26:41,398 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:41,454 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:26:41,558 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:41,704 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:26:41,761 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:41,820 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:26:41,862 - INFO - Episode 28: Reward=-0.30, Balance=$9.46, Win Rate=0.0%, Trades=725 +2025-03-10 11:26:41,872 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:42,252 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:26:42,300 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:42,604 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:26:42,659 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:42,957 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:26:43,006 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:43,057 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:26:43,118 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:43,376 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:26:43,468 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:43,525 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:26:43,577 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:43,629 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:26:43,678 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:43,779 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:26:43,925 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:44,245 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:26:44,297 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:44,602 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:26:44,746 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:44,799 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:26:44,857 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:45,101 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:26:45,148 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:45,205 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:26:45,303 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:45,357 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:26:45,410 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:45,557 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:26:45,653 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:45,707 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:26:45,751 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:45,902 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:26:46,000 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:46,193 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:26:46,244 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:46,344 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:26:46,452 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:46,761 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:26:46,809 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:47,049 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:26:47,135 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:47,477 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:26:47,530 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:47,577 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:26:47,626 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:48,201 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:26:48,246 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:48,293 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:26:48,346 - INFO - Episode 29: Reward=-0.80, Balance=$9.46, Win Rate=0.0%, Trades=750 +2025-03-10 11:26:48,348 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:48,630 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:26:48,910 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:49,061 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:26:49,111 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:49,202 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:26:49,299 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:49,406 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:26:49,458 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:49,562 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:26:49,612 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:49,748 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:26:49,847 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:50,556 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:26:50,613 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:50,748 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:26:50,809 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:50,900 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:26:50,961 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:51,023 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:26:51,116 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:51,313 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:26:51,359 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:51,600 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:26:51,706 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:51,857 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:26:51,910 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:52,146 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:26:52,242 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:52,485 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:26:52,526 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:52,811 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:26:52,907 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:52,999 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:26:53,060 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:53,114 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:26:53,207 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:53,355 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:26:53,405 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:53,933 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:26:54,085 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:54,129 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:26:54,293 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:54,734 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:26:54,834 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:54,976 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:26:55,023 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:55,164 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:26:55,211 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:55,261 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:26:55,316 - INFO - Episode 30: Reward=-1.40, Balance=$9.46, Win Rate=0.0%, Trades=775 +2025-03-10 11:26:55,453 - INFO - Model saved to models/trading_agent_episode_30.pt +2025-03-10 11:26:55,460 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:55,509 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:26:55,562 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:55,602 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:26:55,802 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:55,851 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:26:55,900 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:55,959 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:26:56,015 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:56,158 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:26:56,209 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:56,447 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:26:56,505 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:56,599 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:26:56,651 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:56,701 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:26:56,755 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:56,801 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:26:56,914 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:57,121 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:26:57,298 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:57,445 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:26:57,488 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:57,533 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:26:57,619 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:57,722 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:26:57,949 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:58,040 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:26:58,092 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:58,237 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:26:58,384 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:58,584 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:26:58,651 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:58,815 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:26:58,867 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:58,925 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:26:59,197 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:59,292 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:26:59,339 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:59,395 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:26:59,450 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:26:59,494 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:26:59,539 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:59,742 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:26:59,841 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:26:59,892 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:26:59,990 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:00,046 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:27:00,291 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:00,347 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:27:00,405 - INFO - Episode 31: Reward=-0.30, Balance=$9.46, Win Rate=0.0%, Trades=800 +2025-03-10 11:27:00,500 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:00,609 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:27:00,652 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:00,699 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:27:00,750 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:00,848 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:27:00,904 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:01,110 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:27:01,165 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:01,269 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:27:01,470 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:01,525 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:27:01,572 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:01,625 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:27:01,715 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:01,818 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:27:01,866 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:01,925 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:27:02,077 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:02,229 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:27:02,324 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:02,371 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:27:02,470 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:02,527 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:27:02,618 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:02,723 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:27:02,774 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:02,883 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:27:02,937 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:03,091 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:27:03,142 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:03,202 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:27:03,510 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:03,564 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:27:03,700 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:03,905 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:27:04,018 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:04,075 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:27:04,222 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:04,267 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:27:04,365 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:04,416 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:27:04,472 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:04,526 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:27:04,576 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:04,638 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:27:04,692 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:04,876 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:27:05,060 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:05,162 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:27:05,213 - INFO - Episode 32: Reward=-0.50, Balance=$9.46, Win Rate=0.0%, Trades=825 +2025-03-10 11:27:05,275 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:05,317 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:27:05,373 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:05,423 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:27:05,483 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:05,579 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:27:05,641 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:05,787 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:27:05,841 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:05,940 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:27:05,995 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:06,050 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:27:06,100 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:06,377 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:27:06,427 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:06,533 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:27:06,579 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:06,625 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:27:06,675 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:06,775 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:27:06,868 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:06,918 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:27:07,561 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:07,612 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:27:07,705 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:07,746 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:27:07,851 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:07,947 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:27:08,041 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:08,097 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:27:08,142 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:08,292 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:27:08,339 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:08,488 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:27:08,625 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:08,721 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:27:08,763 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:08,870 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:27:08,925 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:08,982 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:27:09,078 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:09,178 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:27:09,274 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:09,368 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:27:09,424 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:09,611 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:27:09,656 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:09,759 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:27:09,810 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:09,963 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:27:10,011 - INFO - Episode 33: Reward=0.20, Balance=$9.46, Win Rate=0.0%, Trades=850 +2025-03-10 11:27:10,053 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:10,201 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:27:10,247 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:10,300 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:27:10,412 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:10,466 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:27:10,661 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:10,708 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:27:10,752 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:10,808 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:27:10,857 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:10,951 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:27:11,159 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:11,312 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:27:11,413 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:11,556 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:27:11,693 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:11,788 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:27:11,934 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:12,181 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:27:12,229 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:12,337 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:27:12,579 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:12,628 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:27:12,682 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:12,782 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:27:12,971 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:13,017 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:27:13,417 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:13,519 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:27:13,618 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:13,813 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:27:13,860 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:14,014 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:27:14,119 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:14,215 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:27:14,452 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:14,505 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:27:14,549 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:14,692 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:27:14,741 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:14,798 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:27:14,897 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:14,953 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:27:15,085 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:15,143 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:27:15,189 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:15,239 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:27:15,285 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:15,342 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:27:15,390 - INFO - Episode 34: Reward=-0.90, Balance=$9.46, Win Rate=0.0%, Trades=875 +2025-03-10 11:27:15,404 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:15,505 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:27:15,592 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:15,650 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:27:15,798 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:15,949 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:27:15,993 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:16,035 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:27:16,176 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:16,233 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:27:16,335 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:16,434 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:27:16,484 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:16,532 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:27:16,591 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:16,645 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:27:16,693 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:16,746 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:27:16,806 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:16,902 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:27:16,959 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:17,018 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:27:17,066 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:17,114 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:27:17,170 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:17,233 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:27:17,275 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:17,376 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:27:17,431 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:17,529 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:27:17,632 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:17,725 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:27:17,816 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:17,862 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:27:17,909 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:18,009 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:27:18,059 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:18,161 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:27:18,257 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:18,310 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:27:18,469 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:18,522 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:27:18,576 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:18,708 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:27:18,756 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:18,812 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:27:18,962 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:19,009 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:27:19,153 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:19,442 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:27:19,480 - INFO - Episode 35: Reward=0.60, Balance=$9.46, Win Rate=0.0%, Trades=900 +2025-03-10 11:27:19,621 - INFO - Model saved to models/trading_agent_best.pt +2025-03-10 11:27:19,621 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:19,671 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:27:19,717 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:19,761 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:27:19,859 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:20,038 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:27:20,099 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:20,146 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:27:20,200 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:20,391 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:27:20,554 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:20,750 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:27:20,863 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:20,960 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:27:21,050 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:21,146 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:27:21,350 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:21,450 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:27:21,499 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:21,639 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:27:21,703 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:21,792 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:27:21,890 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:21,979 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:27:22,022 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:22,129 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:27:22,225 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:22,319 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:27:22,425 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:22,521 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:27:22,808 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:22,900 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:27:23,006 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:23,204 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:27:23,258 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:23,472 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:27:23,524 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:23,674 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:27:23,960 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:24,097 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:27:24,202 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:24,256 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:27:24,311 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:24,460 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:27:24,505 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:24,743 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:27:25,039 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:25,094 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:27:25,238 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:25,283 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:27:25,332 - INFO - Episode 36: Reward=-0.80, Balance=$9.46, Win Rate=0.0%, Trades=925 +2025-03-10 11:27:25,332 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:25,384 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:27:25,761 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:25,849 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:27:25,903 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:25,952 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:27:26,004 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:26,062 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:27:26,108 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:26,165 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:27:26,220 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:26,274 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:27:26,325 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:26,427 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:27:26,480 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:26,581 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:27:26,625 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:26,682 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:27:26,730 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:26,780 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:27:26,826 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:27,025 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:27:27,114 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:27,310 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:27:27,408 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:27,460 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:27:27,509 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:27,563 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:27:27,812 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:27,920 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:27:27,966 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:28,015 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:27:28,112 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:28,165 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:27:28,262 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:28,451 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:27:28,768 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:28,871 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:27:28,918 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:29,019 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:27:29,116 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:29,216 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:27:29,262 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:29,597 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:27:29,649 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:29,750 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:27:29,805 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:29,862 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:27:29,912 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:30,014 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:27:30,062 - INFO - Episode 37: Reward=0.20, Balance=$9.46, Win Rate=0.0%, Trades=950 +2025-03-10 11:27:30,070 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:30,113 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:27:30,166 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:30,268 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:27:30,316 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:30,368 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:27:30,410 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:30,471 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:27:30,567 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:30,705 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:27:30,803 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:30,903 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:27:31,017 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:31,066 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:27:31,162 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:31,210 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:27:31,258 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:31,499 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:27:31,650 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:31,704 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:27:31,760 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:31,819 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:27:31,908 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:32,009 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:27:32,102 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:32,157 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:27:32,204 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:32,353 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:27:32,448 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:32,599 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:27:32,651 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:32,697 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:27:32,750 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:32,846 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:27:32,882 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:33,033 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:27:33,128 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:33,184 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:27:33,232 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:33,377 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:27:33,527 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:33,582 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:27:33,637 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:33,681 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:27:33,780 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:33,833 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:27:33,929 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:34,125 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:27:34,172 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:34,315 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:27:34,368 - INFO - Episode 38: Reward=0.40, Balance=$9.46, Win Rate=0.0%, Trades=975 +2025-03-10 11:27:34,467 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:34,521 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:27:34,614 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:34,706 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:27:34,755 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:34,800 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:27:34,950 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:35,004 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:27:35,057 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:35,338 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:27:35,494 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:35,547 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:27:35,594 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:35,644 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:27:35,798 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:35,853 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:27:35,993 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:36,098 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:27:36,141 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:36,288 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:27:36,329 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:36,435 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:27:36,539 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:36,583 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:27:36,630 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:36,774 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:27:36,812 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:36,920 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:27:37,058 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:37,529 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:27:37,576 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:37,632 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:27:37,728 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:37,917 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:27:37,974 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:38,276 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:27:38,369 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:38,516 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:27:38,718 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:38,820 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:27:38,968 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:39,025 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:27:39,067 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:39,261 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:27:39,310 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:39,503 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:27:39,641 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:39,781 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:27:39,933 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:39,974 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:27:40,027 - INFO - Episode 39: Reward=-1.20, Balance=$9.46, Win Rate=0.0%, Trades=1000 +2025-03-10 11:27:40,037 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:40,094 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:27:40,239 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:40,337 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:27:40,382 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:40,477 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:27:40,532 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:40,573 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:27:40,634 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:40,732 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:27:40,834 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:40,988 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:27:41,040 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:41,084 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:27:41,132 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:41,182 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:27:41,234 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:41,282 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:27:41,340 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:41,392 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:27:41,451 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:41,506 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:27:41,557 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:41,655 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:27:41,708 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:41,761 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:27:41,803 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:41,862 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:27:41,906 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:41,997 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:27:42,048 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:42,099 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:27:42,146 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:42,394 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:27:42,490 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:42,642 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:27:42,698 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:42,752 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:27:42,847 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:42,943 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:27:42,998 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:43,049 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:27:43,148 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:43,202 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:27:43,249 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:43,345 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:27:43,453 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:43,549 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:27:43,607 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:43,660 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:27:43,713 - INFO - Episode 40: Reward=1.20, Balance=$9.46, Win Rate=0.0%, Trades=1025 +2025-03-10 11:27:43,853 - INFO - Model saved to models/trading_agent_best.pt +2025-03-10 11:27:43,975 - INFO - Model saved to models/trading_agent_episode_40.pt +2025-03-10 11:27:43,975 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:44,084 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:27:44,132 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:44,188 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:27:44,281 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:44,557 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:27:44,610 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:44,762 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:27:45,020 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:45,060 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:27:45,219 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:45,272 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:27:45,376 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:45,571 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:27:45,622 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:45,666 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:27:45,726 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:46,432 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:27:46,496 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:46,553 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:27:46,607 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:47,045 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:27:47,102 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:47,203 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:27:47,281 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:47,423 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:27:47,472 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:47,521 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:27:47,621 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:47,673 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:27:47,776 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:47,969 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:27:48,023 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:48,079 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:27:48,233 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:48,333 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:27:48,386 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:48,490 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:27:48,533 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:48,633 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:27:48,682 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:48,732 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:27:48,827 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:48,933 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:27:49,035 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:49,182 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:27:49,224 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:49,283 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:27:49,332 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:49,479 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:27:49,531 - INFO - Episode 41: Reward=-1.30, Balance=$9.46, Win Rate=0.0%, Trades=1050 +2025-03-10 11:27:49,531 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:49,574 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:27:49,671 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:49,859 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:27:49,912 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:50,054 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:27:50,100 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:50,207 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:27:50,263 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:50,310 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:27:50,360 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:50,597 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:27:50,654 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:50,707 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:27:50,756 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:50,807 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:27:50,904 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:51,143 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:27:51,227 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:51,292 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:27:51,396 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:51,500 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:27:51,554 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:51,742 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:27:51,798 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:51,887 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:27:51,983 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:52,129 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:27:52,178 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:52,379 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:27:52,532 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:52,588 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:27:52,638 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:52,741 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:27:52,840 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:52,939 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:27:53,030 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:53,082 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:27:53,138 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:53,278 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:27:53,330 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:53,381 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:27:53,433 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:53,491 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:27:53,591 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:53,640 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:27:53,690 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:54,017 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:27:54,112 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:54,213 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:27:54,262 - INFO - Episode 42: Reward=-0.50, Balance=$9.46, Win Rate=0.0%, Trades=1075 +2025-03-10 11:27:54,358 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:54,461 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:27:54,610 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:54,794 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:27:54,842 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:54,948 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:27:54,998 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:55,101 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:27:55,149 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:55,201 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:27:55,363 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:55,408 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:27:55,472 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:55,523 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:27:55,575 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:55,807 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:27:55,858 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:55,916 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:27:56,015 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:56,081 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:27:56,126 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:56,180 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:27:56,230 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:56,282 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:27:56,346 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:56,593 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:27:56,694 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:56,836 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:27:56,896 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:56,950 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:27:57,088 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:57,140 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:27:57,280 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:57,423 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:27:57,578 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:57,673 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:27:57,723 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:57,773 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:27:57,819 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:57,875 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:27:57,925 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:58,120 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:27:58,219 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:58,413 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:27:58,526 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:58,643 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:27:58,692 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:58,782 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:27:58,838 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:58,945 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:27:58,990 - INFO - Episode 43: Reward=-0.00, Balance=$9.46, Win Rate=0.0%, Trades=1100 +2025-03-10 11:27:59,004 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:59,149 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:27:59,206 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:27:59,399 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:27:59,592 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:59,733 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:27:59,779 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:27:59,923 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:27:59,973 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:00,077 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:28:00,131 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:00,236 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:28:00,283 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:00,340 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:28:00,385 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:00,436 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:28:00,493 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:00,544 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:28:00,636 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:00,732 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:28:00,789 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:00,898 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:28:00,992 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:01,050 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:28:01,104 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:01,507 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:28:01,558 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:01,610 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:28:01,658 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:01,877 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:28:01,981 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:02,027 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:28:02,130 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:02,181 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:28:02,231 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:02,377 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:28:02,519 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:02,569 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:28:02,615 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:02,660 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:28:02,804 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:02,901 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:28:02,995 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:03,158 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:28:03,292 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:03,400 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:28:03,501 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:03,596 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:28:03,643 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:03,740 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:28:03,781 - INFO - Episode 44: Reward=0.30, Balance=$9.46, Win Rate=0.0%, Trades=1125 +2025-03-10 11:28:03,832 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:03,937 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:28:03,986 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:04,088 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:28:04,193 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:04,297 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:28:04,344 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:04,399 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:28:04,444 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:04,499 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:28:04,599 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:04,656 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:28:04,703 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:04,762 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:28:04,811 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:04,865 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:28:04,906 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:05,016 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:28:05,065 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:05,167 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:28:05,227 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:05,424 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:28:05,532 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:05,679 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:28:05,728 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:05,782 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:28:05,924 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:05,983 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:28:06,102 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:06,149 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:28:06,202 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:06,265 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:28:06,363 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:06,514 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:28:06,554 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:06,700 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:28:06,754 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:06,812 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:28:06,989 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:07,045 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:28:07,094 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:07,147 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:28:07,355 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:07,472 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:28:07,529 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:07,581 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:28:07,632 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:07,686 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:28:07,739 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:08,015 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:28:08,058 - INFO - Episode 45: Reward=0.80, Balance=$9.46, Win Rate=0.0%, Trades=1150 +2025-03-10 11:28:08,071 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:08,115 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:28:08,170 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:08,225 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:28:08,376 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:08,473 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:28:08,522 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:08,628 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:28:08,830 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:08,927 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:28:08,978 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:09,033 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:28:09,074 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:09,173 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:28:09,226 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:09,275 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:28:09,379 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:09,423 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:28:09,478 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:09,531 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:28:09,589 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:09,690 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:28:09,740 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:09,840 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:28:09,938 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:09,991 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:28:10,044 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:10,241 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:28:10,338 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:10,391 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:28:10,548 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:10,648 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:28:10,706 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:10,810 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:28:10,861 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:11,106 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:28:11,156 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:11,274 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:28:11,324 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:11,565 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:28:11,606 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:11,658 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:28:11,797 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:11,898 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:28:11,943 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:12,081 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:28:12,127 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:12,227 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:28:12,321 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:12,628 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:28:12,678 - INFO - Episode 46: Reward=0.20, Balance=$9.46, Win Rate=0.0%, Trades=1175 +2025-03-10 11:28:12,686 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:12,743 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:28:12,790 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:12,847 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:28:12,993 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:13,081 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:28:13,131 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:13,182 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:28:13,241 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:13,328 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:28:13,425 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:13,632 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:28:13,726 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:13,830 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:28:13,873 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:14,021 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:28:14,074 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:14,277 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:28:14,379 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:14,611 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:28:14,664 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:14,716 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:28:14,765 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:14,806 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:28:14,864 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:14,919 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:28:14,964 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:15,015 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:28:15,166 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:15,220 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:28:15,328 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:15,375 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:28:15,428 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:15,480 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:28:15,575 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:15,630 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:28:15,721 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:15,768 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:28:15,821 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:16,012 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:28:16,099 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:16,398 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:28:16,439 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:16,539 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:28:16,586 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:16,731 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:28:16,785 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:17,165 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:28:17,209 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:17,361 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:28:17,414 - INFO - Episode 47: Reward=0.50, Balance=$9.46, Win Rate=0.0%, Trades=1200 +2025-03-10 11:28:17,414 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:17,660 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:28:17,711 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:17,807 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:28:17,908 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:17,953 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:28:18,006 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:18,139 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:28:18,189 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:18,284 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:28:18,337 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:18,394 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:28:18,441 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:18,499 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:28:18,552 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:18,653 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:28:18,701 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:18,802 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:28:18,997 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:19,053 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:28:19,099 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:19,206 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:28:19,299 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:19,351 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:28:19,398 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:19,652 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:28:19,701 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:19,759 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:28:19,806 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:20,036 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:28:20,084 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:20,185 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:28:20,231 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:20,439 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:28:20,498 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:20,610 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:28:20,656 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:20,756 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:28:20,856 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:20,910 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:28:20,957 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:21,006 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:28:21,062 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:21,165 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:28:21,265 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:21,307 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:28:21,407 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:21,556 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:28:21,603 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:21,747 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:28:21,796 - INFO - Episode 48: Reward=0.40, Balance=$9.46, Win Rate=0.0%, Trades=1225 +2025-03-10 11:28:21,798 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:21,988 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:28:22,179 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:22,605 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:28:22,659 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:22,712 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:28:22,767 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:22,867 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:28:22,914 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:22,975 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:28:23,028 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:23,542 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:28:23,584 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:23,639 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:28:23,681 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:23,790 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:28:23,843 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:24,129 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:28:24,185 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:24,338 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:28:24,390 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:24,439 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:28:24,481 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:24,639 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:28:24,691 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:24,889 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:28:24,941 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:25,089 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:28:25,143 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:25,296 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:28:25,340 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:25,395 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:28:25,449 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:25,555 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:28:25,597 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:25,658 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:28:25,714 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:25,865 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:28:25,912 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:26,010 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:28:26,066 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:26,164 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:28:26,214 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:26,259 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:28:26,355 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:26,411 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:28:26,467 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:26,518 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:28:26,620 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:26,717 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:28:26,764 - INFO - Episode 49: Reward=-0.50, Balance=$9.46, Win Rate=0.0%, Trades=1250 +2025-03-10 11:28:26,764 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:26,822 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:28:26,911 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:27,056 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:28:27,111 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:27,163 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:28:27,257 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:27,304 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:28:27,356 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:27,408 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:28:27,449 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:27,514 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:28:27,606 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:27,704 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:28:27,747 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:27,808 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:28:27,992 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:28,041 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:28:28,142 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:28,290 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:28:28,339 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:28,439 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:28:28,538 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:28,586 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:28:28,630 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:28,684 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:28:28,730 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:28,784 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:28:28,880 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:28,935 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:28:28,989 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:29,332 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:28:29,386 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:29,621 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:28:29,672 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:29,826 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:28:29,876 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:29,969 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:28:30,022 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:30,064 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:28:30,212 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:30,259 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:28:30,311 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:30,406 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:28:30,510 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:30,650 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:28:30,782 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:30,981 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:28:31,040 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:31,089 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:28:31,144 - INFO - Episode 50: Reward=0.60, Balance=$9.46, Win Rate=0.0%, Trades=1275 +2025-03-10 11:28:31,283 - INFO - Model saved to models/trading_agent_episode_50.pt +2025-03-10 11:28:31,331 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:31,386 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:28:31,530 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:31,671 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:28:31,766 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:31,815 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:28:31,876 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:31,928 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:28:31,973 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:32,080 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:28:32,129 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:32,185 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:28:32,240 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:32,304 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:28:32,347 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:32,447 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:28:32,550 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:32,599 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:28:32,650 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:32,695 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:28:32,739 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:32,973 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:28:33,023 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:33,132 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:28:33,230 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:33,285 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:28:33,375 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:33,473 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:28:33,532 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:33,712 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:28:33,755 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:33,810 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:28:33,854 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:33,905 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:28:33,955 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:34,005 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:28:34,055 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:34,105 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:28:34,147 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:34,294 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:28:34,346 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:34,397 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:28:34,446 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:34,553 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:28:34,601 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:34,653 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:28:34,745 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:34,799 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:28:34,889 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:34,983 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:28:35,039 - INFO - Episode 51: Reward=0.60, Balance=$9.46, Win Rate=0.0%, Trades=1300 +2025-03-10 11:28:35,039 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:35,096 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:28:35,151 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:35,206 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:28:35,257 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:35,312 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:28:35,351 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:35,415 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:28:35,466 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:35,615 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:28:35,662 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:35,710 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:28:35,769 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:35,823 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:28:35,874 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:35,929 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:28:36,031 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:36,082 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:28:36,132 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:36,376 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:28:36,430 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:36,534 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:28:36,583 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:36,623 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:28:36,672 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:36,763 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:28:36,818 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:36,870 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:28:36,913 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:37,021 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:28:37,118 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:37,452 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:28:37,554 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:37,709 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:28:37,761 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:37,814 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:28:37,914 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:38,020 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:28:38,208 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:38,306 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:28:38,408 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:38,509 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:28:38,618 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:38,665 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:28:38,754 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:38,850 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:28:38,905 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:38,966 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:28:39,022 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:39,081 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:28:39,132 - INFO - Episode 52: Reward=0.70, Balance=$9.46, Win Rate=0.0%, Trades=1325 +2025-03-10 11:28:39,132 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:39,280 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:28:39,330 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:39,485 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:28:39,534 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:39,596 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:28:39,649 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:39,697 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:28:39,833 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:39,880 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:28:40,020 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:40,067 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:28:40,121 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:40,219 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:28:40,270 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:40,323 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:28:40,369 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:40,422 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:28:40,488 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:40,546 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:28:40,596 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:40,646 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:28:40,698 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:40,797 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:28:40,867 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:40,917 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:28:40,971 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:41,022 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:28:41,071 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:41,117 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:28:41,257 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:41,312 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:28:41,361 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:41,405 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:28:41,459 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:41,510 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:28:41,568 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:41,622 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:28:41,677 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:41,817 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:28:41,870 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:42,019 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:28:42,068 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:42,170 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:28:42,223 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:42,322 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:28:42,377 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:42,433 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:28:42,539 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:42,588 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:28:42,638 - INFO - Episode 53: Reward=1.40, Balance=$9.46, Win Rate=0.0%, Trades=1350 +2025-03-10 11:28:42,772 - INFO - Model saved to models/trading_agent_best.pt +2025-03-10 11:28:42,780 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:42,834 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:28:42,921 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:42,975 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:28:43,118 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:43,217 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:28:43,265 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:43,314 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:28:43,417 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:43,568 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:28:43,619 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:43,669 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:28:43,769 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:43,863 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:28:43,915 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:43,969 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:28:44,015 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:44,074 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:28:44,123 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:44,220 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:28:44,265 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:44,455 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:28:44,513 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:44,611 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:28:44,712 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:44,761 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:28:44,815 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:44,870 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:28:44,913 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:45,018 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:28:45,069 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:45,124 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:28:45,218 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:45,316 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:28:45,355 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:45,413 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:28:45,519 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:45,623 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:28:45,685 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:45,842 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:28:45,980 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:46,030 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:28:46,139 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:46,244 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:28:46,345 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:46,401 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:28:46,501 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:46,894 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:28:46,996 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:47,096 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:28:47,147 - INFO - Episode 54: Reward=0.80, Balance=$9.46, Win Rate=0.0%, Trades=1375 +2025-03-10 11:28:47,203 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:47,309 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:28:47,347 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:47,405 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:28:47,454 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:47,598 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:28:47,653 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:47,980 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:28:48,028 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:48,079 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:28:48,135 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:48,180 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:28:48,221 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:48,365 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:28:48,419 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:48,472 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:28:48,513 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:48,665 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:28:48,711 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:48,811 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:28:48,862 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:48,953 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:28:49,009 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:49,148 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:28:49,241 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:49,294 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:28:49,346 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:49,399 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:28:49,492 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:49,551 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:28:49,697 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:49,755 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:28:49,910 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:50,009 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:28:50,059 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:50,114 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:28:50,256 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:50,357 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:28:50,404 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:50,462 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:28:50,515 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:50,573 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:28:50,623 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:50,758 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:28:50,804 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:50,862 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:28:50,955 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:51,047 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:28:51,093 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:51,196 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:28:51,246 - INFO - Episode 55: Reward=0.40, Balance=$9.46, Win Rate=0.0%, Trades=1400 +2025-03-10 11:28:51,256 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:51,313 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:28:51,362 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:51,417 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:28:51,473 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:51,573 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:28:51,621 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:51,815 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:28:51,906 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:52,058 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:28:52,104 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:52,207 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:28:52,261 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:52,355 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:28:52,405 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:52,549 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:28:52,598 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:52,695 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:28:52,745 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:52,799 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:28:52,851 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:52,902 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:28:52,958 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:53,061 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:28:53,163 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:53,261 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:28:53,305 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:53,366 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:28:53,417 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:53,468 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:28:53,513 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:53,567 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:28:53,613 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:53,671 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:28:53,808 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:54,041 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:28:54,095 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:54,146 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:28:54,337 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:54,392 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:28:54,438 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:54,488 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:28:54,538 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:54,635 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:28:54,740 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:54,789 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:28:54,834 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:54,931 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:28:54,983 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:55,035 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:28:55,085 - INFO - Episode 56: Reward=1.00, Balance=$9.46, Win Rate=0.0%, Trades=1425 +2025-03-10 11:28:55,187 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:55,235 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:28:55,279 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:55,330 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:28:55,525 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:55,583 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:28:55,686 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:55,738 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:28:55,779 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:55,834 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:28:55,926 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:55,985 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:28:56,135 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:56,321 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:28:56,423 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:56,565 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:28:56,623 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:56,764 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:28:56,821 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:56,878 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:28:56,969 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:57,026 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:28:57,073 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:57,128 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:28:57,226 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:57,281 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:28:57,334 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:57,380 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:28:57,435 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:57,662 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:28:57,708 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:57,764 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:28:57,847 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:57,908 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:28:57,962 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:58,012 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:28:58,108 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:58,253 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:28:58,297 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:58,494 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:28:58,542 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:58,601 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:28:58,654 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:58,698 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:28:58,751 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:58,851 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:28:58,904 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:58,950 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:28:59,003 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:59,100 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:28:59,145 - INFO - Episode 57: Reward=0.60, Balance=$9.46, Win Rate=0.0%, Trades=1450 +2025-03-10 11:28:59,246 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:59,299 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:28:59,343 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:59,401 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:28:59,446 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:59,496 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:28:59,647 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:28:59,697 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:28:59,738 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:59,789 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:28:59,843 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:28:59,906 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:28:59,963 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:00,020 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:29:00,071 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:00,128 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:29:00,179 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:00,221 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:29:00,319 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:00,379 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:29:00,533 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:00,637 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:29:00,779 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:00,869 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:29:00,913 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:01,067 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:29:01,162 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:01,250 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:29:01,355 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:01,448 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:29:01,496 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:01,549 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:29:01,604 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:01,839 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:29:01,893 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:01,948 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:29:02,004 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:02,058 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:29:02,104 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:02,154 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:29:02,258 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:02,304 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:29:02,362 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:02,456 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:29:02,501 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:02,556 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:29:02,609 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:02,708 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:29:02,811 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:02,955 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:29:03,001 - INFO - Episode 58: Reward=1.00, Balance=$9.46, Win Rate=0.0%, Trades=1475 +2025-03-10 11:29:03,074 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:03,169 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:29:03,215 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:03,275 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:29:03,371 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:03,469 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:29:03,520 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:03,579 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:29:03,635 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:03,774 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:29:03,829 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:03,881 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:29:03,923 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:03,983 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:29:04,037 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:04,091 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:29:04,139 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:04,192 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:29:04,237 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:04,337 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:29:04,383 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:04,430 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:29:04,487 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:04,539 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:29:04,601 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:04,656 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:29:04,706 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:04,746 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:29:04,806 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:04,858 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:29:04,901 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:05,002 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:29:05,056 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:05,102 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:29:05,162 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:05,211 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:29:05,262 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:05,318 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:29:05,462 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:05,513 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:29:05,554 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:05,703 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:29:05,758 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:05,814 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:29:05,867 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:05,968 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:29:06,032 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:06,099 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:29:06,256 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:06,360 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:29:06,414 - INFO - Episode 59: Reward=1.50, Balance=$9.46, Win Rate=0.0%, Trades=1500 +2025-03-10 11:29:06,557 - INFO - Model saved to models/trading_agent_best.pt +2025-03-10 11:29:06,699 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:06,788 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:29:06,838 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:06,939 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:29:06,991 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:07,038 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:29:07,161 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:07,219 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:29:07,271 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:07,331 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:29:07,387 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:07,439 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:29:07,528 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:07,579 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:29:07,630 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:07,679 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:29:07,778 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:07,875 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:29:07,921 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:08,112 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:29:08,155 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:08,259 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:29:08,446 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:08,546 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:29:08,604 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:08,702 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:29:08,752 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:08,852 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:29:08,906 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:09,088 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:29:09,187 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:09,248 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:29:09,304 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:09,353 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:29:09,404 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:09,506 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:29:09,564 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:09,616 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:29:09,673 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:09,812 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:29:09,860 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:09,905 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:29:09,955 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:10,005 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:29:10,158 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:10,207 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:29:10,264 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:10,407 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:29:10,468 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:10,520 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:29:10,582 - INFO - Episode 60: Reward=0.50, Balance=$9.46, Win Rate=0.0%, Trades=1525 +2025-03-10 11:29:10,716 - INFO - Model saved to models/trading_agent_episode_60.pt +2025-03-10 11:29:10,813 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:10,913 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:29:11,003 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:11,091 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:29:11,147 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:11,301 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:29:11,354 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:11,404 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:29:11,451 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:11,508 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:29:11,562 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:11,616 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:29:11,668 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:11,771 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:29:11,812 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:11,873 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:29:11,920 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:11,974 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:29:12,071 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:12,116 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:29:12,221 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:12,373 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:29:12,420 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:12,574 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:29:12,716 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:12,770 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:29:12,815 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:12,869 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:29:12,969 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:13,070 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:29:13,254 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:13,306 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:29:13,361 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:13,500 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:29:13,598 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:13,652 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:29:13,699 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:13,757 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:29:13,796 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:13,851 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:29:13,912 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:13,968 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:29:14,024 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:14,077 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:29:14,168 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:14,312 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:29:14,363 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:14,593 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:29:14,693 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:14,878 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:29:14,925 - INFO - Episode 61: Reward=0.70, Balance=$9.46, Win Rate=0.0%, Trades=1550 +2025-03-10 11:29:14,933 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:15,042 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:29:15,139 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:15,228 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:29:15,325 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:15,375 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:29:15,421 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:15,477 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:29:15,532 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:15,589 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:29:15,645 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:15,732 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:29:15,883 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:15,980 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:29:16,020 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:16,076 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:29:16,129 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:16,180 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:29:16,284 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:16,335 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:29:16,393 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:16,445 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:29:16,492 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:16,537 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:29:16,600 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:16,645 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:29:16,741 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:16,804 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:29:16,854 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:16,903 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:29:16,957 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:17,001 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:29:17,058 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:17,158 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:29:17,203 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:17,301 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:29:17,359 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:17,412 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:29:17,462 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:17,503 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:29:17,556 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:17,614 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:29:17,663 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:17,722 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:29:17,823 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:17,961 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:29:18,008 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:18,062 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:29:18,111 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:18,170 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:29:18,220 - INFO - Episode 62: Reward=1.70, Balance=$9.46, Win Rate=0.0%, Trades=1575 +2025-03-10 11:29:18,364 - INFO - Model saved to models/trading_agent_best.pt +2025-03-10 11:29:18,374 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:18,467 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:29:18,520 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:18,631 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:29:18,682 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:18,781 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:29:18,821 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:18,880 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:29:18,921 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:19,021 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:29:19,078 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:19,127 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:29:19,175 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:19,362 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:29:19,417 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:19,473 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:29:19,520 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:19,725 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:29:19,776 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:19,829 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:29:19,870 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:20,062 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:29:20,112 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:20,170 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:29:20,222 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:20,277 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:29:20,380 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:20,439 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:29:20,488 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:20,541 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:29:20,607 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:20,652 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:29:20,712 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:20,858 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:29:20,907 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:20,958 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:29:21,054 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:21,095 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:29:21,155 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:21,297 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:29:21,400 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:21,456 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:29:21,505 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:21,601 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:29:21,653 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:21,703 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:29:21,760 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:21,809 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:29:21,862 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:21,913 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:29:21,962 - INFO - Episode 63: Reward=1.10, Balance=$9.46, Win Rate=0.0%, Trades=1600 +2025-03-10 11:29:22,013 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:22,063 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:29:22,125 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:22,178 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:29:22,235 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:22,285 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:29:22,340 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:22,395 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:29:22,448 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:22,499 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:29:22,559 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:22,664 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:29:22,715 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:22,766 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:29:22,813 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:22,963 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:29:23,015 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:23,198 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:29:23,253 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:23,311 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:29:23,450 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:23,508 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:29:23,556 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:23,613 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:29:23,704 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:23,761 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:29:23,809 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:23,861 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:29:24,053 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:24,099 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:29:24,202 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:24,296 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:29:24,392 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:24,487 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:29:24,543 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:24,600 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:29:24,649 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:24,751 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:29:24,855 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:24,903 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:29:24,996 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:25,054 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:29:25,095 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:25,197 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:29:25,249 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:25,302 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:29:25,353 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:25,410 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:29:25,465 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:25,513 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:29:25,568 - INFO - Episode 64: Reward=1.50, Balance=$9.46, Win Rate=0.0%, Trades=1625 +2025-03-10 11:29:25,570 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:25,622 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:29:25,680 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:25,726 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:29:25,780 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:25,837 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:29:25,944 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:25,998 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:29:26,099 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:26,249 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:29:26,304 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:26,354 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:29:26,454 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:26,545 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:29:26,610 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:26,654 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:29:26,746 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:26,787 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:29:26,837 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:26,893 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:29:26,945 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:27,041 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:29:27,090 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:27,145 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:29:27,195 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:27,250 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:29:27,338 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:27,384 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:29:27,437 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:27,486 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:29:27,545 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:27,604 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:29:27,647 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:27,802 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:29:27,899 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:27,955 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:29:28,004 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:28,243 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:29:28,288 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:28,341 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:29:28,393 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:28,442 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:29:28,495 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:28,651 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:29:28,707 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:28,849 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:29:28,905 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:28,957 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:29:29,052 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:29,201 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:29:29,254 - INFO - Episode 65: Reward=1.20, Balance=$9.46, Win Rate=0.0%, Trades=1650 +2025-03-10 11:29:29,357 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:29,495 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:29:29,550 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:29,652 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:29:29,699 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:29,894 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:29:29,936 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:29,995 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:29:30,048 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:30,141 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:29:30,192 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:30,299 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:29:30,344 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:30,399 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:29:30,496 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:30,552 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:29:30,607 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:30,659 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:29:30,717 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:30,815 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:29:30,870 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:30,920 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:29:30,975 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:31,022 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:29:31,159 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:31,213 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:29:31,258 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:31,315 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:29:31,364 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:31,411 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:29:31,463 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:31,615 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:29:31,662 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:31,803 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:29:31,852 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:32,039 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:29:32,095 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:32,193 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:29:32,292 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:32,348 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:29:32,411 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:32,464 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:29:32,517 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:32,714 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:29:32,753 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:32,859 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:29:32,916 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:33,009 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:29:33,110 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:33,162 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:29:33,213 - INFO - Episode 66: Reward=0.40, Balance=$9.46, Win Rate=0.0%, Trades=1675 +2025-03-10 11:29:33,213 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:33,277 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:29:33,328 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:33,427 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:29:33,482 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:33,582 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:29:33,689 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:33,736 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:29:33,790 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:33,929 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:29:33,992 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:34,188 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:29:34,237 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:34,341 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:29:34,395 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:34,445 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:29:34,507 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:34,606 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:29:34,704 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:34,757 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:29:34,814 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:34,904 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:29:34,957 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:35,010 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:29:35,067 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:35,210 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:29:35,253 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:35,362 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:29:35,421 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:35,517 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:29:35,570 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:35,631 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:29:35,687 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:35,742 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:29:35,794 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:35,836 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:29:35,894 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:35,947 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:29:35,995 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:36,045 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:29:36,104 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:36,149 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:29:36,201 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:36,297 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:29:36,352 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:36,403 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:29:36,543 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:36,604 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:29:36,652 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:36,746 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:29:36,789 - INFO - Episode 67: Reward=1.00, Balance=$9.46, Win Rate=0.0%, Trades=1700 +2025-03-10 11:29:36,797 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:36,897 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:29:36,945 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:36,998 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:29:37,061 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:37,209 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:29:37,253 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:37,304 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:29:37,353 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:37,454 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:29:37,503 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:37,563 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:29:37,623 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:37,714 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:29:37,769 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:37,865 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:29:37,958 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:38,006 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:29:38,057 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:38,191 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:29:38,248 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:38,346 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:29:38,396 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:38,451 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:29:38,496 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:38,550 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:29:38,662 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:38,711 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:29:38,814 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:38,866 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:29:38,999 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:39,187 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:29:39,228 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:39,330 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:29:39,383 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:39,438 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:29:39,532 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:39,580 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:29:39,645 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:39,748 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:29:39,803 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:39,997 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:29:40,044 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:40,147 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:29:40,200 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:40,306 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:29:40,353 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:40,453 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:29:40,492 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:40,553 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:29:40,600 - INFO - Episode 68: Reward=0.60, Balance=$9.46, Win Rate=0.0%, Trades=1725 +2025-03-10 11:29:40,659 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:40,713 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:29:40,767 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:40,873 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:29:40,928 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:40,975 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:29:41,082 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:41,133 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:29:41,186 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:41,372 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:29:41,427 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:41,475 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:29:41,576 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:41,684 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:29:41,727 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:41,787 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:29:41,838 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:41,941 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:29:41,997 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:42,044 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:29:42,194 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:42,248 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:29:42,301 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:42,353 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:29:42,406 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:42,454 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:29:42,501 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:42,557 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:29:42,612 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:42,668 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:29:42,719 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:42,808 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:29:42,863 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:42,945 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:29:43,019 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:43,069 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:29:43,115 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:43,169 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:29:43,260 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:43,353 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:29:43,456 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:43,504 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:29:43,554 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:43,612 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:29:43,669 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:43,723 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:29:43,769 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:43,819 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:29:43,924 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:44,070 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:29:44,118 - INFO - Episode 69: Reward=1.90, Balance=$9.46, Win Rate=0.0%, Trades=1750 +2025-03-10 11:29:44,259 - INFO - Model saved to models/trading_agent_best.pt +2025-03-10 11:29:44,269 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:44,326 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:29:44,379 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:44,427 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:29:44,476 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:44,576 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:29:44,635 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:44,680 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:29:44,741 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:44,801 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:29:44,855 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:45,045 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:29:45,151 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:45,197 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:29:45,244 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:45,431 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:29:45,527 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:45,683 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:29:45,738 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:45,791 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:29:45,828 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:45,879 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:29:45,974 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:46,027 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:29:46,136 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:46,188 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:29:46,235 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:46,336 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:29:46,388 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:46,546 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:29:46,587 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:46,788 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:29:46,884 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:46,936 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:29:46,992 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:47,037 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:29:47,081 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:47,190 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:29:47,237 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:47,346 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:29:47,406 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:47,459 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:29:47,502 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:47,605 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:29:47,708 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:47,753 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:29:47,804 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:47,858 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:29:47,911 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:48,006 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:29:48,069 - INFO - Episode 70: Reward=1.20, Balance=$9.46, Win Rate=0.0%, Trades=1775 +2025-03-10 11:29:48,200 - INFO - Model saved to models/trading_agent_episode_70.pt +2025-03-10 11:29:48,200 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:48,253 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:29:48,303 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:48,402 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:29:48,453 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:48,556 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:29:48,608 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:48,656 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:29:48,708 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:48,801 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:29:48,900 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:48,960 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:29:49,049 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:49,203 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:29:49,302 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:49,356 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:29:49,503 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:49,597 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:29:49,745 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:49,801 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:29:49,848 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:49,908 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:29:49,951 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:50,003 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:29:50,098 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:50,142 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:29:50,202 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:50,253 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:29:50,310 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:50,544 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:29:50,650 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:50,845 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:29:50,943 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:51,044 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:29:51,097 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:51,145 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:29:51,196 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:51,261 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:29:51,315 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:51,413 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:29:51,516 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:51,662 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:29:51,707 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:51,811 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:29:51,853 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:51,942 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:29:52,004 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:52,052 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:29:52,104 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:52,154 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:29:52,207 - INFO - Episode 71: Reward=0.80, Balance=$9.46, Win Rate=0.0%, Trades=1800 +2025-03-10 11:29:52,252 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:52,304 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:29:52,395 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:52,450 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:29:52,494 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:52,551 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:29:52,596 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:52,702 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:29:52,746 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:52,809 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:29:52,899 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:52,950 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:29:52,994 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:53,050 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:29:53,087 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:53,184 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:29:53,236 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:53,376 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:29:53,466 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:53,520 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:29:53,575 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:53,632 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:29:53,689 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:53,742 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:29:53,840 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:53,894 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:29:53,939 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:54,129 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:29:54,179 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:54,224 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:29:54,278 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:54,333 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:29:54,385 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:54,442 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:29:54,489 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:54,637 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:29:54,685 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:54,736 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:29:54,791 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:54,930 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:29:54,979 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:55,126 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:29:55,216 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:55,261 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:29:55,319 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:55,419 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:29:55,460 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:55,520 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:29:55,621 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:55,681 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:29:55,729 - INFO - Episode 72: Reward=1.20, Balance=$9.46, Win Rate=0.0%, Trades=1825 +2025-03-10 11:29:55,737 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:55,830 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:29:55,883 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:55,937 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:29:55,986 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:56,041 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:29:56,087 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:56,222 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:29:56,269 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:56,411 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:29:56,463 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:56,599 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:29:56,644 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:56,695 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:29:56,800 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:56,844 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:29:56,903 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:57,186 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:29:57,230 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:57,285 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:29:57,340 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:57,486 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:29:57,539 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:57,595 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:29:57,656 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:57,769 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:29:57,826 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:57,882 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:29:57,931 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:58,035 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:29:58,185 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:58,243 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:29:58,391 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:58,442 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:29:58,498 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:58,551 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:29:58,662 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:58,718 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:29:58,821 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:58,917 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:29:58,962 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:59,018 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:29:59,070 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:59,130 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:29:59,169 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:29:59,267 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:29:59,330 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:59,383 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:29:59,482 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:59,671 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:29:59,724 - INFO - Episode 73: Reward=0.50, Balance=$9.46, Win Rate=0.0%, Trades=1850 +2025-03-10 11:29:59,724 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:59,769 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:29:59,871 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:29:59,925 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:29:59,969 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:00,164 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:30:00,206 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:00,266 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:30:00,311 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:00,454 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:30:00,555 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:00,661 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:30:00,713 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:00,769 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:30:00,862 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:00,911 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:30:00,969 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:01,159 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:30:01,213 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:01,265 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:30:01,318 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:01,369 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:30:01,428 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:01,533 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:30:01,638 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:01,697 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:30:01,736 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:01,793 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:30:01,891 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:02,076 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:30:02,128 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:02,186 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:30:02,237 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:02,286 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:30:02,338 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:02,437 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:30:02,487 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:02,584 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:30:02,635 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:02,697 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:30:02,735 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:02,839 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:30:02,888 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:02,944 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:30:03,038 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:03,088 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:30:03,135 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:03,236 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:30:03,292 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:03,342 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:30:03,391 - INFO - Episode 74: Reward=1.00, Balance=$9.46, Win Rate=0.0%, Trades=1875 +2025-03-10 11:30:03,394 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:03,451 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:30:03,501 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:03,546 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:30:03,593 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:03,653 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:30:03,704 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:03,796 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:30:03,851 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:04,049 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:30:04,094 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:04,153 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:30:04,197 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:04,455 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:30:04,549 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:04,602 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:30:04,656 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:04,754 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:30:04,859 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:04,912 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:30:05,061 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:05,153 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:30:05,211 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:05,258 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:30:05,306 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:05,351 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:30:05,408 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:05,461 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:30:05,502 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:05,559 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:30:05,612 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:05,669 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:30:05,777 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:05,831 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:30:05,885 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:05,945 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:30:06,004 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:06,056 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:30:06,118 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:06,175 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:30:06,234 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:06,345 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:30:06,403 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:06,455 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:30:06,510 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:06,603 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:30:06,656 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:06,703 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:30:06,760 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:06,857 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:30:06,908 - INFO - Episode 75: Reward=1.20, Balance=$9.46, Win Rate=0.0%, Trades=1900 +2025-03-10 11:30:06,970 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:07,028 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:30:07,075 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:07,134 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:30:07,228 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:07,284 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:30:07,328 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:07,387 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:30:07,533 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:07,577 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:30:07,635 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:07,694 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:30:07,832 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:07,888 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:30:07,989 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:08,094 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:30:08,145 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:08,251 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:30:08,304 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:08,351 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:30:08,403 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:08,551 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:30:08,615 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:08,672 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:30:08,722 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:08,773 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:30:08,876 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:08,919 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:30:08,972 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:09,031 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:30:09,087 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:09,135 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:30:09,243 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:09,350 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:30:09,408 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:09,459 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:30:09,553 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:09,610 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:30:09,673 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:09,813 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:30:09,866 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:09,910 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:30:09,998 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:10,051 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:30:10,107 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:10,162 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:30:10,322 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:10,380 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:30:10,429 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:10,571 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:30:10,627 - INFO - Episode 76: Reward=1.50, Balance=$9.46, Win Rate=0.0%, Trades=1925 +2025-03-10 11:30:10,633 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:10,697 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:30:10,754 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:10,858 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:30:10,929 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:11,027 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:30:11,077 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:11,120 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:30:11,215 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:11,268 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:30:11,412 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:11,562 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:30:11,617 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:11,677 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:30:11,734 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:11,984 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:30:12,123 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:12,181 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:30:12,233 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:12,287 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:30:12,346 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:12,451 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:30:12,499 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:12,605 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:30:12,652 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:12,764 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:30:12,811 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:12,860 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:30:12,958 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:13,017 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:30:13,118 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:13,172 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:30:13,226 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:13,282 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:30:13,327 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:13,376 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:30:13,419 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:13,566 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:30:13,611 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:13,672 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:30:13,726 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:13,776 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:30:13,957 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:14,019 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:30:14,114 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:14,249 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:30:14,301 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:14,452 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:30:14,510 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:14,573 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:30:14,618 - INFO - Episode 77: Reward=0.90, Balance=$9.46, Win Rate=0.0%, Trades=1950 +2025-03-10 11:30:14,625 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:14,735 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:30:14,783 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:14,835 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:30:14,890 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:14,949 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:30:14,994 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:15,044 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:30:15,103 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:15,158 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:30:15,301 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:15,356 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:30:15,412 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:15,464 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:30:15,514 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:15,670 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:30:15,730 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:15,819 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:30:15,866 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:15,965 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:30:16,006 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:16,059 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:30:16,111 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:16,161 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:30:16,305 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:16,360 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:30:16,413 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:16,460 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:30:16,524 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:16,578 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:30:16,634 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:16,685 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:30:16,776 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:16,924 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:30:17,019 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:17,075 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:30:17,128 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:17,233 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:30:17,289 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:17,338 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:30:17,393 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:17,444 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:30:17,497 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:17,593 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:30:17,649 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:17,707 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:30:17,765 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:17,823 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:30:17,876 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:17,926 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:30:17,970 - INFO - Episode 78: Reward=1.30, Balance=$9.46, Win Rate=0.0%, Trades=1975 +2025-03-10 11:30:17,984 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:18,027 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:30:18,137 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:18,182 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:30:18,245 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:18,343 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:30:18,433 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:18,533 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:30:18,623 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:18,678 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:30:18,778 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:18,878 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:30:18,969 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:19,022 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:30:19,070 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:19,169 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:30:19,267 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:19,324 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:30:19,425 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:19,477 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:30:19,527 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:19,671 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:30:19,726 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:19,776 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:30:19,832 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:19,928 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:30:19,985 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:20,036 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:30:20,091 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:20,143 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:30:20,202 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:20,340 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:30:20,393 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:20,493 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:30:20,591 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:20,733 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:30:20,825 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:20,881 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:30:20,983 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:21,132 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:30:21,184 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:21,238 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:30:21,289 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:21,347 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:30:21,395 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:21,443 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:30:21,528 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:21,605 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:30:21,652 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:21,709 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:30:21,752 - INFO - Episode 79: Reward=0.90, Balance=$9.46, Win Rate=0.0%, Trades=2000 +2025-03-10 11:30:21,752 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:21,800 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:30:21,856 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:21,903 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:30:21,961 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:22,048 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:30:22,112 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:22,298 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:30:22,353 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:22,400 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:30:22,451 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:22,594 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:30:22,648 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:22,713 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:30:22,761 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:22,809 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:30:22,859 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:22,915 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:30:22,960 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:23,098 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:30:23,153 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:23,209 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:30:23,260 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:23,628 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:30:23,681 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:23,785 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:30:23,836 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:23,882 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:30:23,983 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:24,074 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:30:24,118 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:24,219 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:30:24,268 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:24,364 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:30:24,419 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:24,518 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:30:24,567 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:24,625 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:30:24,672 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:24,824 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:30:24,969 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:25,070 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:30:25,115 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:25,170 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:30:25,215 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:25,275 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:30:25,329 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:25,385 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:30:25,483 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:25,571 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:30:25,627 - INFO - Episode 80: Reward=0.60, Balance=$9.46, Win Rate=0.0%, Trades=2025 +2025-03-10 11:30:25,770 - INFO - Model saved to models/trading_agent_episode_80.pt +2025-03-10 11:30:25,777 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:25,830 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:30:25,878 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:25,918 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:30:25,973 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:26,033 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:30:26,088 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:26,140 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:30:26,185 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:26,334 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:30:26,469 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:26,525 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:30:26,579 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:26,634 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:30:26,700 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:26,799 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:30:26,883 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:26,930 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:30:26,981 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:27,122 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:30:27,168 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:27,228 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:30:27,423 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:27,476 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:30:27,522 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:27,580 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:30:27,619 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:27,679 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:30:27,828 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:27,926 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:30:27,980 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:28,034 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:30:28,139 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:28,193 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:30:28,249 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:28,300 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:30:28,358 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:28,407 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:30:28,456 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:28,513 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:30:28,563 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:28,616 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:30:28,659 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:28,720 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:30:28,773 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:28,966 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:30:29,117 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:29,218 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:30:29,265 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:29,322 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:30:29,373 - INFO - Episode 81: Reward=1.10, Balance=$9.46, Win Rate=0.0%, Trades=2050 +2025-03-10 11:30:29,382 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:29,437 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:30:29,486 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:29,544 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:30:29,598 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:29,651 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:30:29,703 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:29,751 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:30:29,807 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:29,852 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:30:29,903 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:29,952 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:30:30,010 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:30,157 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:30:30,201 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:30,261 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:30:30,310 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:30,366 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:30:30,423 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:30,468 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:30:30,522 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:30,624 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:30:30,675 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:30,730 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:30:30,788 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:30,877 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:30:30,934 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:30,988 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:30:31,026 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:31,084 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:30:31,126 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:31,272 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:30:31,326 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:31,369 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:30:31,423 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:31,477 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:30:31,580 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:31,636 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:30:31,684 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:31,744 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:30:31,788 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:31,835 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:30:31,890 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:31,944 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:30:31,991 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:32,044 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:30:32,099 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:32,191 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:30:32,248 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:32,301 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:30:32,356 - INFO - Episode 82: Reward=1.90, Balance=$9.46, Win Rate=0.0%, Trades=2075 +2025-03-10 11:30:32,501 - INFO - Model saved to models/trading_agent_best.pt +2025-03-10 11:30:32,594 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:32,642 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:30:32,777 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:32,826 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:30:32,875 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:32,929 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:30:32,980 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:33,075 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:30:33,129 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:33,183 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:30:33,234 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:33,292 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:30:33,386 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:33,434 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:30:33,489 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:33,550 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:30:33,644 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:33,704 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:30:33,750 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:33,809 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:30:33,860 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:33,911 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:30:33,959 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:34,015 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:30:34,066 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:34,125 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:30:34,173 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:34,271 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:30:34,410 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:34,467 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:30:34,521 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:34,569 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:30:34,729 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:34,826 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:30:34,877 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:34,929 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:30:34,976 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:35,025 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:30:35,084 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:35,203 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:30:35,316 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:35,413 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:30:35,459 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:35,510 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:30:35,566 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:35,669 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:30:35,724 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:35,818 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:30:35,875 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:35,968 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:30:36,013 - INFO - Episode 83: Reward=1.70, Balance=$9.46, Win Rate=0.0%, Trades=2100 +2025-03-10 11:30:36,021 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:36,071 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:30:36,162 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:36,212 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:30:36,264 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:36,311 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:30:36,368 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:36,428 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:30:36,479 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:36,573 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:30:36,620 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:36,769 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:30:36,814 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:36,867 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:30:36,918 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:37,025 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:30:37,078 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:37,175 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:30:37,229 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:37,373 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:30:37,417 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:37,517 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:30:37,603 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:37,703 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:30:37,756 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:37,809 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:30:37,996 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:38,092 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:30:38,148 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:38,197 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:30:38,250 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:38,347 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:30:38,393 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:38,448 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:30:38,502 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:38,553 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:30:38,654 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:38,701 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:30:38,801 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:38,948 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:30:39,004 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:39,049 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:30:39,098 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:39,198 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:30:39,249 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:39,302 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:30:39,356 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:39,459 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:30:39,511 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:39,602 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:30:39,656 - INFO - Episode 84: Reward=1.10, Balance=$9.46, Win Rate=0.0%, Trades=2125 +2025-03-10 11:30:39,656 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:39,722 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:30:39,765 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:39,870 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:30:39,917 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:40,018 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:30:40,076 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:40,262 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:30:40,319 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:40,373 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:30:40,432 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:40,485 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:30:40,541 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:40,585 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:30:40,693 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:40,748 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:30:40,801 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:40,903 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:30:40,948 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:41,007 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:30:41,051 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:41,110 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:30:41,167 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:41,221 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:30:41,275 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:41,366 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:30:41,421 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:41,476 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:30:41,518 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:41,578 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:30:41,682 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:41,784 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:30:41,830 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:41,879 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:30:41,934 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:41,987 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:30:42,088 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:42,134 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:30:42,191 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:42,338 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:30:42,394 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:42,495 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:30:42,604 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:42,654 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:30:42,702 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:42,750 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:30:42,806 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:42,852 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:30:42,900 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:43,035 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:30:43,088 - INFO - Episode 85: Reward=1.60, Balance=$9.46, Win Rate=0.0%, Trades=2150 +2025-03-10 11:30:43,088 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:43,152 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:30:43,302 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:43,398 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:30:43,448 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:43,505 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:30:43,607 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:43,656 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:30:43,706 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:43,766 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:30:43,809 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:43,867 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:30:43,963 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:44,010 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:30:44,049 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:44,100 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:30:44,156 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:44,209 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:30:44,395 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:44,442 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:30:44,504 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:44,639 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:30:44,684 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:44,744 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:30:44,798 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:44,948 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:30:45,043 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:45,144 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:30:45,198 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:45,338 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:30:45,396 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:45,454 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:30:45,510 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:45,560 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:30:45,645 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:45,710 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:30:45,762 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:45,819 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:30:45,867 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:45,912 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:30:45,959 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:46,010 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:30:46,064 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:46,117 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:30:46,217 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:46,313 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:30:46,358 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:46,409 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:30:46,464 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:46,519 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:30:46,567 - INFO - Episode 86: Reward=1.40, Balance=$9.46, Win Rate=0.0%, Trades=2175 +2025-03-10 11:30:46,618 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:46,672 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:30:46,716 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:47,004 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:30:47,103 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:47,203 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:30:47,258 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:47,354 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:30:47,454 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:47,499 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:30:47,557 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:47,611 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:30:47,654 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:47,708 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:30:47,763 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:47,908 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:30:48,002 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:48,109 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:30:48,156 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:48,307 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:30:48,351 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:48,402 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:30:48,453 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:48,559 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:30:48,611 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:48,667 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:30:48,725 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:48,815 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:30:48,868 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:48,926 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:30:48,979 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:49,130 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:30:49,182 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:49,233 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:30:49,286 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:49,387 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:30:49,451 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:49,587 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:30:49,632 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:49,692 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:30:49,744 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:49,832 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:30:49,890 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:49,944 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:30:50,038 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:50,186 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:30:50,235 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:50,285 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:30:50,347 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:50,384 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:30:50,434 - INFO - Episode 87: Reward=0.80, Balance=$9.46, Win Rate=0.0%, Trades=2200 +2025-03-10 11:30:50,494 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:50,634 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:30:50,702 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:50,795 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:30:50,852 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:51,135 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:30:51,194 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:51,252 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:30:51,301 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:51,356 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:30:51,402 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:51,452 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:30:51,500 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:51,602 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:30:51,649 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:51,708 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:30:51,766 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:51,819 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:30:51,872 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:51,965 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:30:52,019 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:52,069 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:30:52,164 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:52,247 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:30:52,308 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:52,359 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:30:52,403 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:52,514 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:30:52,560 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:52,667 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:30:52,767 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:52,874 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:30:52,927 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:52,987 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:30:53,029 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:53,133 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:30:53,180 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:53,234 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:30:53,283 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:53,342 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:30:53,391 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:53,495 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:30:53,542 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:53,599 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:30:53,654 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:53,763 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:30:53,805 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:53,908 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:30:53,956 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:54,062 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:30:54,108 - INFO - Episode 88: Reward=1.30, Balance=$9.46, Win Rate=0.0%, Trades=2225 +2025-03-10 11:30:54,119 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:54,266 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:30:54,310 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:54,357 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:30:54,407 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:54,464 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:30:54,517 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:54,559 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:30:54,616 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:54,670 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:30:54,722 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:54,821 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:30:54,871 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:54,926 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:30:54,982 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:55,025 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:30:55,075 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:55,135 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:30:55,188 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:55,233 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:30:55,287 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:55,381 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:30:55,430 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:55,482 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:30:55,588 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:55,645 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:30:55,700 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:55,849 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:30:55,888 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:55,946 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:30:56,136 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:56,231 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:30:56,373 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:56,561 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:30:56,608 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:56,663 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:30:56,720 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:56,815 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:30:56,862 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:56,922 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:30:56,967 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:57,014 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:30:57,067 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:57,125 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:30:57,176 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:57,271 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:30:57,327 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:57,380 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:30:57,431 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:57,489 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:30:57,533 - INFO - Episode 89: Reward=1.30, Balance=$9.46, Win Rate=0.0%, Trades=2250 +2025-03-10 11:30:57,589 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:57,642 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:30:57,697 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:57,754 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:30:58,083 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:58,136 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:30:58,193 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:58,285 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:30:58,380 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:58,431 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:30:58,487 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:58,541 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:30:58,588 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:58,643 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:30:58,696 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:58,887 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:30:58,934 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:58,990 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:30:59,044 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:59,090 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:30:59,193 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:59,244 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:30:59,341 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:59,442 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:30:59,485 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:59,545 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:30:59,637 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:30:59,786 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:30:59,847 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:30:59,949 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:31:00,000 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:00,059 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:31:00,106 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:00,169 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:31:00,223 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:00,331 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:31:00,430 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:00,564 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:31:00,619 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:00,664 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:31:00,766 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:00,816 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:31:00,872 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:00,922 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:31:00,968 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:01,118 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:31:01,167 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:01,210 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:31:01,317 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:01,366 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:31:01,418 - INFO - Episode 90: Reward=0.90, Balance=$9.46, Win Rate=0.0%, Trades=2275 +2025-03-10 11:31:01,559 - INFO - Model saved to models/trading_agent_episode_90.pt +2025-03-10 11:31:01,560 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:01,670 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:31:01,729 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:01,820 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:31:01,879 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:01,927 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:31:02,117 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:02,171 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:31:02,219 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:02,268 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:31:02,322 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:02,375 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:31:02,490 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:02,541 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:31:02,643 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:02,693 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:31:02,752 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:02,957 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:31:03,014 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:03,124 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:31:03,177 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:03,233 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:31:03,291 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:03,334 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:31:03,395 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:03,449 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:31:03,504 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:03,561 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:31:03,600 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:03,661 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:31:03,756 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:03,863 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:31:03,961 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:04,008 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:31:04,063 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:04,108 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:31:04,166 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:04,216 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:31:04,267 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:04,377 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:31:04,427 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:04,659 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:31:04,708 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:04,768 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:31:04,808 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:04,864 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:31:04,957 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:05,058 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:31:05,106 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:05,167 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:31:05,209 - INFO - Episode 91: Reward=1.70, Balance=$9.46, Win Rate=0.0%, Trades=2300 +2025-03-10 11:31:05,224 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:05,374 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:31:05,431 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:05,487 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:31:05,537 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:05,594 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:31:05,650 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:05,704 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:31:05,757 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:05,808 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:31:05,868 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:05,964 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:31:06,023 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:06,087 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:31:06,140 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:06,195 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:31:06,260 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:06,318 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:31:06,370 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:06,524 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:31:06,576 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:06,676 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:31:06,732 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:06,781 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:31:06,832 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:06,934 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:31:06,984 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:07,128 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:31:07,170 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:07,275 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:31:07,380 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:07,443 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:31:07,537 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:07,633 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:31:07,683 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:07,743 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:31:07,788 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:07,843 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:31:07,888 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:07,937 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:31:08,033 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:08,134 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:31:08,190 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:08,293 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:31:08,391 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:08,439 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:31:08,501 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:08,598 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:31:08,696 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:08,758 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:31:08,808 - INFO - Episode 92: Reward=1.40, Balance=$9.46, Win Rate=0.0%, Trades=2325 +2025-03-10 11:31:08,810 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:08,858 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:31:08,910 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:08,965 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:31:09,017 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:09,124 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:31:09,172 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:09,225 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:31:09,276 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:09,366 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:31:09,427 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:09,470 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:31:09,615 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:09,667 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:31:09,714 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:09,759 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:31:09,809 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:09,866 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:31:09,908 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:09,970 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:31:10,020 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:10,078 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:31:10,128 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:10,183 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:31:10,238 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:10,289 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:31:10,343 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:10,399 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:31:10,459 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:10,514 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:31:10,563 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:10,717 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:31:10,779 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:10,833 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:31:10,879 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:10,934 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:31:10,985 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:11,183 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:31:11,278 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:11,332 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:31:11,389 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:11,632 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:31:11,687 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:11,781 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:31:11,826 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:11,871 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:31:11,931 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:11,982 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:31:12,028 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:12,084 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:31:12,133 - INFO - Episode 93: Reward=1.30, Balance=$9.46, Win Rate=0.0%, Trades=2350 +2025-03-10 11:31:12,139 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:12,191 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:31:12,243 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:12,291 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:31:12,349 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:12,402 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:31:12,458 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:12,512 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:31:12,561 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:12,618 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:31:12,673 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:12,730 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:31:12,788 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:12,838 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:31:12,886 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:12,978 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:31:13,021 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:13,075 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:31:13,128 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:13,178 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:31:13,280 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:13,383 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:31:13,483 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:13,540 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:31:13,634 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:13,683 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:31:13,740 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:13,796 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:31:13,833 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:13,886 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:31:13,942 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:13,994 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:31:14,050 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:14,238 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:31:14,288 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:14,343 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:31:14,396 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:14,537 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:31:14,727 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:14,838 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:31:14,978 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:15,061 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:31:15,126 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:15,178 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:31:15,221 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:15,328 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:31:15,384 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:15,434 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:31:15,484 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:15,534 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:31:15,583 - INFO - Episode 94: Reward=1.40, Balance=$9.46, Win Rate=0.0%, Trades=2375 +2025-03-10 11:31:15,591 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:15,648 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:31:15,698 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:15,762 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:31:15,815 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:15,862 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:31:15,916 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:16,064 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:31:16,105 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:16,166 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:31:16,215 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:16,270 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:31:16,323 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:16,421 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:31:16,465 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:16,522 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:31:16,570 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:16,668 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:31:16,718 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:16,774 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:31:16,826 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:16,883 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:31:16,924 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:16,986 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:31:17,030 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:17,089 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:31:17,144 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:17,198 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:31:17,253 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:17,299 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:31:17,389 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:17,622 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:31:17,731 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:17,830 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:31:17,927 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:18,075 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:31:18,130 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:18,228 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:31:18,284 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:18,341 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:31:18,395 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:18,453 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:31:18,505 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:18,557 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:31:18,710 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:18,766 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:31:18,817 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:18,866 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:31:18,916 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:19,025 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:31:19,071 - INFO - Episode 95: Reward=1.30, Balance=$9.46, Win Rate=0.0%, Trades=2400 +2025-03-10 11:31:19,071 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:19,133 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:31:19,182 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:19,238 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:31:19,288 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:19,442 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:31:19,491 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:19,542 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:31:19,635 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:19,683 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:31:19,733 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:19,792 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:31:19,838 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:19,891 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:31:19,940 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:19,996 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:31:20,049 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:20,105 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:31:20,156 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:20,203 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:31:20,257 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:20,310 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:31:20,364 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:20,415 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:31:20,457 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:20,560 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:31:20,616 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:20,665 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:31:20,804 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:20,864 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:31:20,925 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:20,973 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:31:21,016 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:21,164 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:31:21,208 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:21,309 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:31:21,361 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:21,455 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:31:21,508 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:21,615 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:31:21,711 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:21,806 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:31:21,856 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:21,907 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:31:21,959 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:22,023 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:31:22,264 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:22,313 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:31:22,372 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:22,424 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:31:22,476 - INFO - Episode 96: Reward=1.50, Balance=$9.46, Win Rate=0.0%, Trades=2425 +2025-03-10 11:31:22,478 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:22,576 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:31:22,628 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:22,729 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:31:22,785 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:22,831 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:31:22,883 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:22,934 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:31:22,988 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:23,042 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:31:23,089 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:23,141 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:31:23,191 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:23,241 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:31:23,338 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:23,435 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:31:23,535 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:23,592 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:31:23,641 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:23,752 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:31:23,805 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:23,948 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:31:23,997 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:24,092 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:31:24,148 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:24,281 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:31:24,324 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:24,384 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:31:24,429 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:24,480 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:31:24,537 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:24,594 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:31:24,649 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:24,708 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:31:24,768 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:24,863 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:31:24,958 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:25,013 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:31:25,054 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:25,200 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:31:25,249 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:25,354 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:31:25,398 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:25,451 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:31:25,508 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:25,564 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:31:25,614 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:25,667 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:31:25,725 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:25,825 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:31:25,866 - INFO - Episode 97: Reward=1.20, Balance=$9.46, Win Rate=0.0%, Trades=2450 +2025-03-10 11:31:25,925 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:25,973 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:31:26,071 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:26,169 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:31:26,223 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:26,367 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:31:26,417 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:26,474 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:31:26,575 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:26,675 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:31:26,726 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:26,780 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:31:26,831 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:26,887 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:31:26,940 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:27,041 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:31:27,086 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:27,140 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:31:27,233 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:27,332 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:31:27,375 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:27,434 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:31:27,527 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:27,573 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:31:27,641 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:27,690 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:31:27,744 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:27,796 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:31:27,849 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:27,956 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:31:28,005 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:28,111 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:31:28,164 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:28,220 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:31:28,269 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:28,391 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:31:28,451 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:28,500 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:31:28,554 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:28,599 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:31:28,745 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:28,842 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:31:28,889 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:28,942 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:31:28,997 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:29,095 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:31:29,143 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:29,345 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:31:29,391 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:29,485 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:31:29,525 - INFO - Episode 98: Reward=1.30, Balance=$9.46, Win Rate=0.0%, Trades=2475 +2025-03-10 11:31:29,535 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:29,594 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:31:29,734 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:29,834 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:31:29,890 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:29,940 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:31:29,994 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:30,090 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:31:30,142 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:30,200 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:31:30,351 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:30,406 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:31:30,460 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:30,558 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:31:30,611 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:30,650 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:31:30,708 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:30,818 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:31:30,862 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:30,915 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:31:30,971 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:31,023 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:31:31,073 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:31,172 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:31:31,262 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:31,358 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:31:31,407 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:31,468 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:31:31,508 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:31,618 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:31:31,761 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:31,811 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:31:31,913 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:31,957 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:31:32,013 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:32,059 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:31:32,108 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:32,197 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:31:32,332 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:32,384 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:31:32,432 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:32,490 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:31:32,545 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:32,594 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:31:32,642 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:32,699 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:31:32,752 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:32,812 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:31:32,861 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:32,918 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:31:32,971 - INFO - Episode 99: Reward=1.50, Balance=$9.46, Win Rate=0.0%, Trades=2500 +2025-03-10 11:31:32,973 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:33,025 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:31:33,076 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:33,183 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:31:33,286 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:33,332 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:31:33,381 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:33,442 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:31:33,536 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:33,591 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:31:33,632 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:33,694 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:31:33,752 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:33,811 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:31:33,869 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:34,069 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:31:34,115 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:34,214 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:31:34,269 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:34,315 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:31:34,461 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:34,511 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:31:34,564 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:34,620 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:31:34,671 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:34,723 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:31:34,785 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:34,880 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:31:34,981 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:35,034 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:31:35,084 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:35,141 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:31:35,186 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:35,282 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:31:35,332 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:35,391 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:31:35,486 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:35,580 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:31:35,633 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:35,786 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:31:35,842 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:35,894 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:31:35,946 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:35,998 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:31:36,054 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:36,105 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:31:36,158 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:36,206 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:31:36,266 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:36,360 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:31:36,415 - INFO - Episode 100: Reward=1.90, Balance=$9.46, Win Rate=0.0%, Trades=2525 +2025-03-10 11:31:36,542 - INFO - Model saved to models/trading_agent_episode_100.pt +2025-03-10 11:31:36,556 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:36,700 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:31:36,799 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:36,901 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:31:37,042 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:37,104 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:31:37,157 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:37,257 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:31:37,352 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:37,405 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:31:37,461 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:37,515 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:31:37,562 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:37,612 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:31:37,664 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:37,712 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:31:37,765 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:37,815 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:31:37,874 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:37,932 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:31:38,028 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:38,132 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:31:38,179 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:38,277 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:31:38,324 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:38,371 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:31:38,424 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:38,479 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:31:38,532 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:38,585 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:31:38,634 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:38,739 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:31:38,794 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:38,848 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:31:38,898 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:39,034 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:31:39,089 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:39,146 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:31:39,203 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:39,304 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:31:39,393 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:39,441 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:31:39,491 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:39,600 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:31:39,639 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:39,699 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:31:39,759 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:39,814 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:31:39,861 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:39,914 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:31:39,961 - INFO - Episode 101: Reward=1.40, Balance=$9.46, Win Rate=0.0%, Trades=2550 +2025-03-10 11:31:39,967 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:40,015 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:31:40,105 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:40,163 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:31:40,218 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:40,315 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:31:40,364 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:40,473 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:31:40,526 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:40,579 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:31:40,631 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:40,686 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:31:40,741 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:40,800 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:31:40,840 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:40,900 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:31:40,955 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:41,009 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:31:41,058 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:41,158 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:31:41,213 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:41,399 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:31:41,495 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:41,597 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:31:41,640 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:41,701 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:31:41,754 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:41,801 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:31:41,993 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:42,040 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:31:42,139 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:42,337 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:31:42,389 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:42,443 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:31:42,492 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:42,591 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:31:42,640 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:42,749 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:31:42,797 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:42,891 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:31:42,943 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:42,999 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:31:43,054 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:43,102 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:31:43,154 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:43,202 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:31:43,248 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:43,397 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:31:43,592 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:43,793 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:31:43,833 - INFO - Episode 102: Reward=1.00, Balance=$9.46, Win Rate=0.0%, Trades=2575 +2025-03-10 11:31:43,852 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:43,907 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:31:43,956 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:44,003 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:31:44,103 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:44,154 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:31:44,207 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:44,264 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:31:44,323 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:44,368 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:31:44,414 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:44,471 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:31:44,520 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:44,571 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:31:44,721 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:44,786 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:31:44,851 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:44,945 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:31:45,002 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:45,054 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:31:45,104 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:45,161 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:31:45,207 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:45,307 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:31:45,357 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:45,409 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:31:45,465 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:45,514 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:31:45,558 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:45,705 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:31:45,753 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:45,819 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:31:45,866 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:45,971 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:31:46,019 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:46,069 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:31:46,163 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:46,257 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:31:46,312 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:46,410 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:31:46,506 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:46,555 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:31:46,663 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:46,719 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:31:46,826 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:46,921 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:31:46,975 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:47,128 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:31:47,184 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:47,239 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:31:47,289 - INFO - Episode 103: Reward=1.50, Balance=$9.46, Win Rate=0.0%, Trades=2600 +2025-03-10 11:31:47,289 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:47,352 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:31:47,406 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:47,458 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:31:47,559 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:47,617 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:31:47,670 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:47,814 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:31:47,867 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:47,915 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:31:47,965 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:48,023 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:31:48,075 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:48,427 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:31:48,484 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:48,532 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:31:48,588 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:48,678 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:31:48,717 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:48,780 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:31:48,834 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:48,922 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:31:48,966 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:49,120 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:31:49,176 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:49,230 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:31:49,283 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:49,337 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:31:49,390 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:49,440 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:31:49,491 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:49,548 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:31:49,603 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:49,703 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:31:49,752 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:49,901 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:31:49,956 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:50,016 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:31:50,061 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:50,207 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:31:50,307 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:50,451 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:31:50,548 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:50,602 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:31:50,655 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:50,711 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:31:50,759 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:50,813 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:31:50,864 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:50,921 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:31:50,970 - INFO - Episode 104: Reward=0.80, Balance=$9.46, Win Rate=0.0%, Trades=2625 +2025-03-10 11:31:51,068 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:51,122 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:31:51,175 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:51,317 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:31:51,372 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:51,425 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:31:51,477 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:51,572 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:31:51,623 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:51,677 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:31:51,731 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:51,781 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:31:51,839 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:51,938 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:31:51,993 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:52,093 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:31:52,140 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:52,189 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:31:52,291 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:52,343 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:31:52,390 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:52,451 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:31:52,498 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:52,558 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:31:52,606 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:52,711 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:31:52,820 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:52,873 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:31:52,972 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:53,176 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:31:53,231 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:53,285 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:31:53,332 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:53,388 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:31:53,442 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:53,489 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:31:53,541 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:53,604 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:31:53,660 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:53,715 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:31:53,773 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:53,876 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:31:53,922 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:53,982 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:31:54,033 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:54,083 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:31:54,182 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:54,278 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:31:54,331 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:54,388 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:31:54,442 - INFO - Episode 105: Reward=1.50, Balance=$9.46, Win Rate=0.0%, Trades=2650 +2025-03-10 11:31:54,453 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:54,507 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:31:54,562 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:54,660 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:31:54,702 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:54,804 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:31:54,893 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:54,994 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:31:55,047 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:55,142 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:31:55,197 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:55,242 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:31:55,344 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:55,393 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:31:55,484 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:55,581 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:31:55,633 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:55,683 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:31:55,731 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:55,830 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:31:55,890 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:55,938 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:31:56,044 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:56,095 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:31:56,236 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:56,289 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:31:56,392 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:56,443 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:31:56,497 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:56,591 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:31:56,640 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:56,679 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:31:56,738 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:56,840 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:31:56,889 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:56,943 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:31:56,991 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:57,096 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:31:57,195 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:57,240 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:31:57,282 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:57,470 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:31:57,517 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:57,565 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:31:57,622 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:57,674 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:31:57,728 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:57,783 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:31:57,832 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:57,873 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:31:57,923 - INFO - Episode 106: Reward=1.40, Balance=$9.46, Win Rate=0.0%, Trades=2675 +2025-03-10 11:31:57,932 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:57,987 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:31:58,079 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:58,129 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:31:58,321 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:58,375 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:31:58,427 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:58,473 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:31:58,521 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:58,575 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:31:58,630 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:58,683 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:31:58,731 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:58,789 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:31:58,841 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:58,890 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:31:58,997 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:59,052 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:31:59,106 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:59,210 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:31:59,254 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:59,306 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:31:59,361 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:59,504 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:31:59,558 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:31:59,705 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:31:59,761 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:59,814 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:31:59,864 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:31:59,914 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:32:00,020 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:00,108 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:32:00,165 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:00,264 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:32:00,319 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:00,375 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:32:00,434 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:00,482 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:32:00,538 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:00,593 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:32:00,647 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:00,697 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:32:00,797 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:00,855 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:32:00,906 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:00,958 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:32:01,020 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:01,107 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:32:01,164 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:01,354 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:32:01,406 - INFO - Episode 107: Reward=1.30, Balance=$9.46, Win Rate=0.0%, Trades=2700 +2025-03-10 11:32:01,408 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:01,516 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:32:01,606 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:01,801 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:32:01,855 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:01,906 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:32:01,961 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:02,006 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:32:02,059 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:02,156 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:32:02,206 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:02,265 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:32:02,329 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:02,376 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:32:02,430 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:02,489 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:32:02,621 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:02,674 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:32:02,718 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:02,764 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:32:02,832 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:02,885 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:32:02,931 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:03,031 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:32:03,088 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:03,185 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:32:03,241 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:03,300 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:32:03,358 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:03,411 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:32:03,462 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:03,564 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:32:03,624 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:03,682 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:32:03,736 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:03,795 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:32:03,840 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:03,904 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:32:04,004 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:04,047 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:32:04,101 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:04,156 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:32:04,218 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:04,273 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:32:04,328 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:04,431 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:32:04,481 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:04,582 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:32:04,687 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:04,739 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:32:04,799 - INFO - Episode 108: Reward=2.00, Balance=$9.46, Win Rate=0.0%, Trades=2725 +2025-03-10 11:32:04,933 - INFO - Model saved to models/trading_agent_best.pt +2025-03-10 11:32:05,041 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:05,081 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:32:05,185 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:05,284 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:32:05,332 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:05,430 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:32:05,534 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:05,591 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:32:05,644 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:05,701 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:32:05,756 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:05,907 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:32:06,001 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:06,154 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:32:06,212 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:06,266 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:32:06,375 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:06,477 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:32:06,532 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:06,583 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:32:06,632 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:06,680 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:32:06,742 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:06,791 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:32:06,848 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:06,996 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:32:07,047 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:07,101 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:32:07,155 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:07,207 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:32:07,369 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:07,557 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:32:07,606 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:07,665 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:32:07,765 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:07,822 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:32:07,883 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:07,934 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:32:07,990 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:08,040 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:32:08,094 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:08,148 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:32:08,191 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:08,337 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:32:08,388 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:08,435 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:32:08,485 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:08,541 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:32:08,581 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:08,636 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:32:08,689 - INFO - Episode 109: Reward=1.10, Balance=$9.46, Win Rate=0.0%, Trades=2750 +2025-03-10 11:32:08,689 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:08,747 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:32:08,858 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:09,046 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:32:09,097 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:09,149 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:32:09,201 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:09,256 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:32:09,300 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:09,347 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:32:09,393 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:09,449 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:32:09,497 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:09,547 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:32:09,606 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:09,659 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:32:09,714 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:09,814 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:32:09,869 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:09,923 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:32:09,977 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:10,032 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:32:10,081 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:10,137 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:32:10,249 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:10,301 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:32:10,354 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:10,404 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:32:10,460 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:10,565 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:32:10,627 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:10,727 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:32:10,871 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:10,929 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:32:10,973 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:11,034 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:32:11,081 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:11,137 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:32:11,191 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:11,292 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:32:11,349 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:11,406 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:32:11,455 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:11,511 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:32:11,556 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:11,706 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:32:11,752 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:11,863 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:32:11,914 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:11,970 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:32:12,025 - INFO - Episode 110: Reward=1.80, Balance=$9.46, Win Rate=0.0%, Trades=2775 +2025-03-10 11:32:12,159 - INFO - Model saved to models/trading_agent_episode_110.pt +2025-03-10 11:32:12,161 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:12,218 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:32:12,317 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:12,411 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:32:12,466 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:12,519 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:32:12,572 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:12,629 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:32:12,686 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:12,734 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:32:12,840 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:12,889 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:32:12,940 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:12,995 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:32:13,049 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:13,106 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:32:13,205 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:13,258 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:32:13,312 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:13,365 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:32:13,416 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:13,469 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:32:13,526 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:13,581 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:32:13,633 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:13,727 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:32:13,801 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:13,904 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:32:13,955 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:14,052 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:32:14,098 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:14,149 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:32:14,203 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:14,257 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:32:14,361 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:14,414 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:32:14,468 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:14,522 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:32:14,569 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:14,723 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:32:14,831 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:14,892 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:32:14,945 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:15,052 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:32:15,145 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:15,196 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:32:15,239 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:15,297 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:32:15,345 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:15,396 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:32:15,449 - INFO - Episode 111: Reward=1.70, Balance=$9.46, Win Rate=0.0%, Trades=2800 +2025-03-10 11:32:15,455 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:15,557 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:32:15,608 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:15,714 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:32:15,859 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:15,959 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:32:16,003 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:16,062 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:32:16,097 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:16,156 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:32:16,209 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:16,263 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:32:16,316 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:16,369 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:32:16,428 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:16,571 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:32:16,622 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:16,681 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:32:16,727 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:16,828 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:32:16,881 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:16,934 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:32:16,986 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:17,038 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:32:17,178 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:17,232 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:32:17,286 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:17,340 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:32:17,394 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:17,442 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:32:17,505 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:17,559 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:32:17,655 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:17,795 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:32:17,897 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:17,951 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:32:18,004 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:18,047 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:32:18,105 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:18,241 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:32:18,292 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:18,338 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:32:18,399 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:18,448 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:32:18,498 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:18,561 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:32:18,614 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:18,664 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:32:18,714 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:18,820 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:32:18,873 - INFO - Episode 112: Reward=1.60, Balance=$9.46, Win Rate=0.0%, Trades=2825 +2025-03-10 11:32:18,885 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:18,942 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:32:19,036 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:19,080 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:32:19,130 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:19,230 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:32:19,280 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:19,335 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:32:19,387 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:19,489 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:32:19,537 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:19,590 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:32:19,694 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:19,749 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:32:19,907 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:20,004 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:32:20,055 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:20,153 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:32:20,205 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:20,252 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:32:20,305 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:20,493 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:32:20,534 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:20,677 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:32:20,729 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:20,780 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:32:20,840 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:20,890 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:32:20,955 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:21,005 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:32:21,057 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:21,112 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:32:21,163 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:21,214 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:32:21,267 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:21,313 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:32:21,364 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:21,413 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:32:21,470 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:21,525 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:32:21,622 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:21,673 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:32:21,725 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:21,780 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:32:21,843 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:21,898 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:32:21,952 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:22,006 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:32:22,097 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:22,152 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:32:22,198 - INFO - Episode 113: Reward=1.80, Balance=$9.46, Win Rate=0.0%, Trades=2850 +2025-03-10 11:32:22,208 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:22,307 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:32:22,357 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:22,460 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:32:22,516 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:22,620 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:32:22,669 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:22,727 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:32:22,781 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:22,837 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:32:23,013 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:23,065 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:32:23,155 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:23,247 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:32:23,387 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:23,448 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:32:23,542 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:23,596 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:32:23,690 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:23,737 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:32:23,792 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:23,902 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:32:23,955 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:24,044 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:32:24,099 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:24,152 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:32:24,203 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:24,257 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:32:24,314 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:24,409 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:32:24,455 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:24,503 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:32:24,557 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:24,619 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:32:24,672 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:24,774 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:32:24,843 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:24,896 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:32:24,939 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:24,998 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:32:25,053 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:25,105 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:32:25,156 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:25,217 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:32:25,268 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:25,322 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:32:25,421 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:25,475 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:32:25,518 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:25,579 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:32:25,622 - INFO - Episode 114: Reward=1.70, Balance=$9.46, Win Rate=0.0%, Trades=2875 +2025-03-10 11:32:25,630 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:25,735 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:32:25,789 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:25,848 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:32:25,897 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:25,946 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:32:26,047 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:26,102 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:32:26,155 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:26,254 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:32:26,351 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:26,588 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:32:26,699 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:26,752 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:32:26,864 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:26,915 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:32:27,062 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:27,119 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:32:27,159 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:27,222 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:32:27,273 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:27,332 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:32:27,380 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:27,433 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:32:27,488 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:27,542 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:32:27,596 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:27,652 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:32:27,696 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:27,805 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:32:27,856 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:27,914 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:32:27,965 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:28,017 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:32:28,069 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:28,213 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:32:28,263 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:28,321 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:32:28,371 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:28,419 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:32:28,472 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:28,630 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:32:28,684 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:28,732 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:32:28,834 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:28,930 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:32:29,025 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:29,081 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:32:29,132 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:29,177 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:32:29,234 - INFO - Episode 115: Reward=1.40, Balance=$9.46, Win Rate=0.0%, Trades=2900 +2025-03-10 11:32:29,238 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:29,289 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:32:29,347 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:29,400 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:32:29,448 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:29,505 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:32:29,555 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:29,611 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:32:29,655 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:29,714 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:32:29,762 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:29,915 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:32:29,968 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:30,011 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:32:30,070 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:30,121 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:32:30,175 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:30,409 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:32:30,455 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:30,517 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:32:30,567 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:30,622 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:32:30,754 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:30,805 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:32:30,860 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:31,057 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:32:31,109 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:31,165 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:32:31,218 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:31,271 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:32:31,325 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:31,378 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:32:31,434 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:31,489 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:32:31,631 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:31,732 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:32:31,787 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:31,883 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:32:31,938 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:31,990 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:32:32,091 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:32,192 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:32:32,246 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:32,292 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:32:32,351 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:32,403 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:32:32,450 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:32,503 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:32:32,559 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:32,603 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:32:32,652 - INFO - Episode 116: Reward=1.50, Balance=$9.46, Win Rate=0.0%, Trades=2925 +2025-03-10 11:32:32,750 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:32,802 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:32:32,855 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:32,912 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:32:32,968 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:33,068 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:32:33,116 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:33,219 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:32:33,270 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:33,327 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:32:33,375 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:33,433 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:32:33,480 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:33,536 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:32:33,592 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:33,648 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:32:33,747 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:33,797 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:32:33,869 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:33,913 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:32:33,973 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:34,072 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:32:34,167 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:34,213 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:32:34,265 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:34,538 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:32:34,589 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:34,644 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:32:34,747 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:34,789 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:32:34,842 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:34,899 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:32:34,944 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:34,996 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:32:35,055 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:35,111 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:32:35,158 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:35,214 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:32:35,264 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:35,369 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:32:35,427 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:35,480 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:32:35,578 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:35,639 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:32:35,680 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:35,736 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:32:35,784 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:35,836 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:32:35,894 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:35,942 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:32:35,988 - INFO - Episode 117: Reward=1.90, Balance=$9.46, Win Rate=0.0%, Trades=2950 +2025-03-10 11:32:35,988 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:36,043 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:32:36,097 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:36,153 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:32:36,207 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:36,260 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:32:36,307 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:36,409 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:32:36,468 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:36,523 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:32:36,576 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:36,627 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:32:36,734 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:36,790 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:32:36,848 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:36,902 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:32:36,999 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:37,046 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:32:37,100 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:37,230 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:32:37,290 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:37,347 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:32:37,396 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:37,450 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:32:37,549 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:37,600 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:32:37,696 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:37,746 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:32:37,805 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:37,860 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:32:37,915 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:37,964 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:32:38,019 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:38,070 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:32:38,123 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:38,173 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:32:38,223 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:38,278 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:32:38,329 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:38,380 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:32:38,434 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:38,480 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:32:38,530 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:38,578 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:32:38,634 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:38,681 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:32:38,734 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:38,787 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:32:38,840 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:38,939 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:32:38,989 - INFO - Episode 118: Reward=2.20, Balance=$9.46, Win Rate=0.0%, Trades=2975 +2025-03-10 11:32:39,125 - INFO - Model saved to models/trading_agent_best.pt +2025-03-10 11:32:39,131 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:39,182 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:32:39,273 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:39,332 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:32:39,430 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:39,663 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:32:39,758 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:39,818 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:32:39,880 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:39,932 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:32:39,975 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:40,077 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:32:40,126 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:40,180 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:32:40,238 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:40,285 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:32:40,336 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:40,430 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:32:40,487 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:40,541 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:32:40,641 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:40,696 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:32:40,752 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:40,802 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:32:40,865 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:40,923 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:32:41,018 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:41,116 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:32:41,162 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:41,212 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:32:41,264 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:41,315 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:32:41,370 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:41,473 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:32:41,526 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:41,579 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:32:41,677 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:41,729 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:32:41,787 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:41,891 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:32:41,949 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:41,996 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:32:42,049 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:42,096 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:32:42,139 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:42,202 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:32:42,303 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:42,399 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:32:42,492 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:42,546 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:32:42,596 - INFO - Episode 119: Reward=1.70, Balance=$9.46, Win Rate=0.0%, Trades=3000 +2025-03-10 11:32:42,605 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:42,654 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:32:42,751 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:42,796 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:32:42,862 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:42,917 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:32:42,962 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:43,162 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:32:43,205 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:43,260 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:32:43,407 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:43,462 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:32:43,512 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:43,563 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:32:43,619 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:43,763 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:32:43,901 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:43,952 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:32:44,008 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:44,063 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:32:44,115 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:44,163 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:32:44,214 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:44,318 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:32:44,373 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:44,519 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:32:44,569 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:44,613 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:32:44,675 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:44,729 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:32:44,781 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:44,988 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:32:45,081 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:45,134 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:32:45,187 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:45,283 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:32:45,331 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:45,576 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:32:45,636 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:45,687 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:32:45,754 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:45,808 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:32:45,867 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:45,918 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:32:45,972 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:46,018 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:32:46,109 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:46,213 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:32:46,264 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:46,314 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:32:46,367 - INFO - Episode 120: Reward=0.90, Balance=$9.46, Win Rate=0.0%, Trades=3025 +2025-03-10 11:32:46,501 - INFO - Model saved to models/trading_agent_episode_120.pt +2025-03-10 11:32:46,506 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:46,610 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:32:46,659 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:46,712 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:32:46,760 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:46,814 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:32:46,923 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:47,023 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:32:47,073 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:47,129 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:32:47,179 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:47,235 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:32:47,282 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:47,337 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:32:47,387 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:47,445 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:32:47,488 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:47,546 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:32:47,601 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:47,699 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:32:47,746 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:47,850 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:32:47,899 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:47,955 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:32:47,996 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:48,171 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:32:48,209 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:48,263 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:32:48,349 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:48,389 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:32:48,440 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:48,492 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:32:48,552 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:48,608 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:32:48,649 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:48,760 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:32:48,808 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:48,916 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:32:48,967 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:49,024 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:32:49,070 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:49,215 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:32:49,264 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:49,325 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:32:49,373 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:49,568 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:32:49,622 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:49,677 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:32:49,776 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:49,877 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:32:49,929 - INFO - Episode 121: Reward=1.40, Balance=$9.46, Win Rate=0.0%, Trades=3050 +2025-03-10 11:32:49,979 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:50,032 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:32:50,088 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:50,176 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:32:50,239 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:50,292 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:32:50,436 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:50,489 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:32:50,537 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:50,646 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:32:50,703 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:50,797 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:32:50,902 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:50,955 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:32:51,002 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:51,055 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:32:51,106 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:51,306 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:32:51,361 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:51,416 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:32:51,471 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:51,526 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:32:51,577 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:51,636 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:32:51,688 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:51,787 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:32:51,881 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:51,937 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:32:51,988 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:52,085 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:32:52,144 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:52,179 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:32:52,328 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:52,375 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:32:52,431 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:52,486 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:32:52,540 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:52,688 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:32:52,741 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:52,828 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:32:52,891 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:52,946 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:32:53,048 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:53,101 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:32:53,160 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:53,206 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:32:53,314 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:53,361 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:32:53,408 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:53,469 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:32:53,522 - INFO - Episode 122: Reward=1.60, Balance=$9.46, Win Rate=0.0%, Trades=3075 +2025-03-10 11:32:53,529 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:53,671 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:32:53,735 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:53,790 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:32:53,845 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:53,906 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:32:53,958 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:54,009 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:32:54,063 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:54,112 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:32:54,160 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:54,213 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:32:54,308 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:54,358 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:32:54,411 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:54,541 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:32:54,640 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:54,689 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:32:54,792 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:54,835 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:32:54,892 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:54,946 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:32:54,996 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:55,045 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:32:55,092 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:55,198 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:32:55,244 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:55,295 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:32:55,346 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:55,401 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:32:55,454 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:55,546 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:32:55,691 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:55,797 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:32:55,857 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:55,961 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:32:56,017 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:56,071 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:32:56,128 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:56,177 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:32:56,270 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:56,370 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:32:56,413 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:56,511 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:32:56,562 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:56,620 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:32:56,671 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:56,770 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:32:56,820 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:56,926 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:32:56,971 - INFO - Episode 123: Reward=1.10, Balance=$9.46, Win Rate=0.0%, Trades=3100 +2025-03-10 11:32:56,979 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:57,027 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:32:57,080 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:57,224 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:32:57,277 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:57,333 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:32:57,389 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:57,443 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:32:57,497 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:57,596 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:32:57,653 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:57,702 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:32:57,759 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:57,814 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:32:57,859 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:57,969 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:32:58,016 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:58,067 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:32:58,122 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:58,167 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:32:58,227 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:58,271 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:32:58,331 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:58,382 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:32:58,421 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:58,529 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:32:58,584 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:58,637 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:32:58,692 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:58,746 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:32:58,847 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:58,955 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:32:59,004 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:59,100 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:32:59,135 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:59,192 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:32:59,340 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:59,393 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:32:59,449 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:59,496 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:32:59,596 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:32:59,647 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:32:59,698 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:59,755 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:32:59,801 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:32:59,855 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:32:59,914 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:00,068 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:33:00,112 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:00,161 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:33:00,214 - INFO - Episode 124: Reward=1.50, Balance=$9.46, Win Rate=0.0%, Trades=3125 +2025-03-10 11:33:00,225 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:00,279 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:33:00,341 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:00,438 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:33:00,579 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:00,641 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:33:00,688 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:00,749 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:33:00,804 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:00,862 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:33:00,965 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:01,019 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:33:01,069 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:01,127 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:33:01,176 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:01,280 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:33:01,336 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:01,415 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:33:01,477 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:01,526 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:33:01,622 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:01,718 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:33:01,770 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:01,823 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:33:01,880 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:01,982 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:33:02,083 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:02,134 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:33:02,189 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:02,281 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:33:02,347 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:02,398 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:33:02,446 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:02,504 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:33:02,571 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:02,667 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:33:02,776 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:02,827 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:33:02,871 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:02,932 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:33:02,976 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:03,030 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:33:03,128 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:03,228 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:33:03,326 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:03,380 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:33:03,433 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:03,675 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:33:03,728 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:03,827 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:33:03,879 - INFO - Episode 125: Reward=1.30, Balance=$9.46, Win Rate=0.0%, Trades=3150 +2025-03-10 11:33:03,892 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:03,949 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:33:03,999 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:04,054 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:33:04,152 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:04,300 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:33:04,356 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:04,411 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:33:04,466 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:04,517 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:33:04,566 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:04,624 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:33:04,669 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:04,728 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:33:04,774 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:04,834 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:33:04,888 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:04,982 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:33:05,037 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:05,080 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:33:05,139 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:05,194 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:33:05,251 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:05,302 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:33:05,364 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:05,417 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:33:05,510 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:05,662 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:33:05,704 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:05,766 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:33:05,824 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:05,930 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:33:05,985 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:06,045 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:33:06,176 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:06,234 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:33:06,299 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:06,359 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:33:06,412 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:06,467 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:33:06,603 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:06,662 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:33:06,711 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:06,768 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:33:06,824 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:06,926 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:33:06,976 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:07,069 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:33:07,115 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:07,220 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:33:07,270 - INFO - Episode 126: Reward=1.50, Balance=$9.46, Win Rate=0.0%, Trades=3175 +2025-03-10 11:33:07,276 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:07,462 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:33:07,505 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:07,568 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:33:07,620 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:07,676 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:33:07,730 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:07,820 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:33:07,917 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:07,962 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:33:08,012 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:08,063 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:33:08,119 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:08,170 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:33:08,226 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:08,282 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:33:08,379 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:08,434 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:33:08,581 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:08,636 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:33:08,679 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:08,737 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:33:08,837 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:08,889 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:33:08,944 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:08,989 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:33:09,045 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:09,103 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:33:09,157 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:09,207 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:33:09,259 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:09,307 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:33:09,359 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:09,420 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:33:09,474 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:09,521 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:33:09,580 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:09,620 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:33:09,676 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:09,732 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:33:09,816 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:09,872 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:33:09,928 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:09,980 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:33:10,072 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:10,176 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:33:10,225 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:10,336 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:33:10,384 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:10,436 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:33:10,493 - INFO - Episode 127: Reward=1.90, Balance=$9.46, Win Rate=0.0%, Trades=3200 +2025-03-10 11:33:10,499 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:10,556 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:33:10,609 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:10,668 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:33:10,724 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:10,780 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:33:10,833 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:10,888 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:33:10,936 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:10,989 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:33:11,038 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:11,127 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:33:11,179 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:11,236 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:33:11,289 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:11,334 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:33:11,379 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:11,473 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:33:11,529 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:11,582 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:33:11,632 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:11,729 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:33:11,780 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:11,835 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:33:11,889 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:11,938 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:33:11,995 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:12,037 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:33:12,100 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:12,153 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:33:12,205 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:12,260 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:33:12,313 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:12,361 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:33:12,462 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:12,656 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:33:12,713 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:12,763 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:33:12,861 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:13,003 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:33:13,058 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:13,113 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:33:13,164 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:13,218 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:33:13,269 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:13,329 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:33:13,384 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:13,435 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:33:13,487 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:13,547 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:33:13,598 - INFO - Episode 128: Reward=1.80, Balance=$9.46, Win Rate=0.0%, Trades=3225 +2025-03-10 11:33:13,607 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:13,662 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:33:13,713 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:13,800 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:33:13,857 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:13,909 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:33:13,963 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:14,009 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:33:14,065 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:14,113 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:33:14,214 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:14,267 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:33:14,322 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:14,378 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:33:14,508 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:14,560 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:33:14,623 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:14,676 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:33:14,780 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:14,831 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:33:14,887 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:14,943 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:33:14,998 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:15,049 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:33:15,102 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:15,158 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:33:15,219 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:15,273 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:33:15,318 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:15,378 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:33:15,472 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:15,520 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:33:15,579 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:15,642 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:33:15,692 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:15,737 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:33:15,788 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:15,841 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:33:15,882 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:15,949 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:33:16,001 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:16,054 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:33:16,102 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:16,153 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:33:16,258 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:16,318 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:33:16,374 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:16,430 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:33:16,485 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:16,590 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:33:16,635 - INFO - Episode 129: Reward=2.40, Balance=$9.46, Win Rate=0.0%, Trades=3250 +2025-03-10 11:33:16,770 - INFO - Model saved to models/trading_agent_best.pt +2025-03-10 11:33:16,770 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:16,875 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:33:16,928 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:17,121 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:33:17,176 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:17,276 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:33:17,328 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:17,431 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:33:17,479 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:17,530 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:33:17,629 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:17,736 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:33:17,791 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:17,884 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:33:17,936 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:17,990 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:33:18,046 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:18,150 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:33:18,249 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:18,290 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:33:18,345 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:18,441 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:33:18,503 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:18,559 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:33:18,616 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:18,668 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:33:18,716 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:18,815 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:33:18,873 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:18,933 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:33:19,036 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:19,143 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:33:19,197 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:19,240 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:33:19,337 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:19,437 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:33:19,487 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:19,596 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:33:19,637 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:19,785 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:33:19,840 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:19,885 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:33:19,946 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:20,097 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:33:20,149 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:20,363 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:33:20,415 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:20,519 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:33:20,569 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:20,619 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:33:20,675 - INFO - Episode 130: Reward=0.80, Balance=$9.46, Win Rate=0.0%, Trades=3275 +2025-03-10 11:33:20,813 - INFO - Model saved to models/trading_agent_episode_130.pt +2025-03-10 11:33:20,821 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:20,874 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:33:20,926 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:20,983 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:33:21,030 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:21,087 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:33:21,145 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:21,187 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:33:21,245 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:21,286 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:33:21,346 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:21,400 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:33:21,453 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:21,597 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:33:21,645 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:21,705 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:33:21,756 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:21,811 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:33:21,865 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:21,920 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:33:21,969 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:22,026 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:33:22,080 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:22,222 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:33:22,276 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:22,330 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:33:22,438 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:22,539 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:33:22,593 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:22,692 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:33:22,779 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:22,845 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:33:22,902 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:23,002 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:33:23,058 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:23,105 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:33:23,156 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:23,212 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:33:23,261 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:23,303 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:33:23,367 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:23,411 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:33:23,521 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:23,624 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:33:23,678 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:23,737 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:33:23,788 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:23,850 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:33:23,957 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:24,008 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:33:24,060 - INFO - Episode 131: Reward=2.10, Balance=$9.46, Win Rate=0.0%, Trades=3300 +2025-03-10 11:33:24,068 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:24,124 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:33:24,193 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:24,275 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:33:24,330 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:24,391 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:33:24,442 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:24,495 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:33:24,547 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:24,599 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:33:24,651 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:24,706 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:33:24,745 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:24,799 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:33:24,851 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:24,961 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:33:25,012 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:25,061 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:33:25,171 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:25,269 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:33:25,370 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:25,424 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:33:25,616 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:25,671 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:33:25,723 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:25,766 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:33:25,826 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:25,880 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:33:25,939 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:25,982 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:33:26,045 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:26,143 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:33:26,192 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:26,250 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:33:26,297 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:26,351 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:33:26,405 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:26,462 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:33:26,511 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:26,573 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:33:26,633 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:26,686 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:33:26,742 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:26,794 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:33:26,852 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:26,895 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:33:26,953 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:27,095 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:33:27,151 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:27,202 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:33:27,258 - INFO - Episode 132: Reward=1.90, Balance=$9.46, Win Rate=0.0%, Trades=3325 +2025-03-10 11:33:27,265 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:27,367 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:33:27,419 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:27,468 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:33:27,616 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:27,717 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:33:27,766 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:27,820 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:33:27,868 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:27,975 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:33:28,030 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:28,216 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:33:28,261 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:28,322 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:33:28,366 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:28,429 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:33:28,469 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:28,564 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:33:28,618 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:28,716 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:33:28,770 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:28,821 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:33:28,871 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:28,925 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:33:28,978 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:29,031 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:33:29,131 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:29,219 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:33:29,271 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:29,369 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:33:29,408 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:29,467 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:33:29,565 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:29,611 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:33:29,664 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:29,720 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:33:29,773 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:29,815 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:33:29,875 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:29,928 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:33:29,970 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:30,115 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:33:30,161 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:30,213 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:33:30,270 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:30,326 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:33:30,379 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:30,436 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:33:30,528 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:30,577 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:33:30,633 - INFO - Episode 133: Reward=1.40, Balance=$9.46, Win Rate=0.0%, Trades=3350 +2025-03-10 11:33:30,641 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:30,693 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:33:30,744 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:30,797 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:33:30,855 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:30,903 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:33:30,955 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:31,008 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:33:31,102 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:31,156 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:33:31,247 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:31,342 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:33:31,395 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:31,452 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:33:31,496 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:31,556 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:33:31,661 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:31,711 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:33:31,814 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:31,867 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:33:31,924 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:31,981 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:33:32,037 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:32,082 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:33:32,189 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:32,240 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:33:32,334 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:32,444 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:33:32,542 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:32,604 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:33:32,650 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:32,710 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:33:32,760 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:32,805 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:33:32,867 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:32,921 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:33:32,979 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:33,035 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:33:33,087 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:33,135 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:33:33,185 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:33,235 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:33:33,294 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:33,336 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:33:33,386 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:33,437 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:33:33,486 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:33,536 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:33:33,595 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:33,648 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:33:33,687 - INFO - Episode 134: Reward=2.00, Balance=$9.46, Win Rate=0.0%, Trades=3375 +2025-03-10 11:33:33,695 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:33,754 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:33:33,803 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:33,853 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:33:33,906 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:33,965 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:33:34,019 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:34,073 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:33:34,204 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:34,313 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:33:34,361 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:34,411 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:33:34,466 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:34,519 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:33:34,568 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:34,623 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:33:34,680 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:34,737 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:33:34,883 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:34,985 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:33:35,085 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:35,187 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:33:35,238 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:35,341 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:33:35,389 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:35,444 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:33:35,488 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:35,546 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:33:35,687 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:35,745 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:33:35,800 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:35,951 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:33:36,004 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:36,100 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:33:36,152 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:36,209 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:33:36,250 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:36,312 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:33:36,363 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:36,418 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:33:36,470 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:36,562 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:33:36,620 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:36,661 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:33:36,718 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:36,770 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:33:36,817 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:36,921 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:33:37,030 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:37,104 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:33:37,164 - INFO - Episode 135: Reward=1.50, Balance=$9.46, Win Rate=0.0%, Trades=3400 +2025-03-10 11:33:37,174 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:37,227 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:33:37,269 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:37,356 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:33:37,403 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:37,451 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:33:37,506 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:37,556 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:33:37,601 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:37,656 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:33:37,805 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:37,859 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:33:37,911 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:37,972 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:33:38,030 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:38,118 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:33:38,219 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:38,279 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:33:38,329 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:38,430 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:33:38,478 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:38,519 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:33:38,574 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:38,634 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:33:38,726 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:38,771 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:33:38,867 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:38,918 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:33:38,976 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:39,120 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:33:39,265 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:39,317 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:33:39,371 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:39,424 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:33:39,474 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:39,526 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:33:39,576 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:39,628 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:33:39,677 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:39,734 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:33:39,787 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:39,841 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:33:39,884 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:39,995 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:33:40,054 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:40,149 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:33:40,201 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:40,255 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:33:40,394 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:40,450 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:33:40,498 - INFO - Episode 136: Reward=1.60, Balance=$9.46, Win Rate=0.0%, Trades=3425 +2025-03-10 11:33:40,504 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:40,552 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:33:40,610 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:40,660 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:33:40,764 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:40,808 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:33:40,867 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:40,919 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:33:40,970 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:41,074 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:33:41,125 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:41,220 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:33:41,279 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:41,328 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:33:41,386 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:41,429 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:33:41,491 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:41,544 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:33:41,594 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:41,738 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:33:41,786 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:41,845 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:33:41,894 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:41,953 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:33:42,097 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:42,145 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:33:42,198 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:42,254 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:33:42,353 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:42,405 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:33:42,508 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:42,561 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:33:42,623 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:42,678 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:33:42,729 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:42,924 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:33:42,981 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:43,038 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:33:43,086 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:43,192 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:33:43,245 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:43,347 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:33:43,396 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:43,450 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:33:43,506 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:43,555 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:33:43,654 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:43,709 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:33:43,758 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:43,808 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:33:43,862 - INFO - Episode 137: Reward=1.60, Balance=$9.46, Win Rate=0.0%, Trades=3450 +2025-03-10 11:33:43,872 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:43,982 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:33:44,035 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:44,088 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:33:44,140 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:44,199 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:33:44,253 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:44,300 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:33:44,356 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:44,462 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:33:44,520 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:44,623 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:33:44,674 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:44,728 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:33:44,783 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:44,837 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:33:44,936 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:44,985 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:33:45,034 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:45,092 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:33:45,147 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:45,196 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:33:45,340 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:45,386 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:33:45,525 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:45,629 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:33:45,733 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:45,783 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:33:45,843 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:45,886 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:33:45,938 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:45,990 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:33:46,043 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:46,093 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:33:46,149 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:46,199 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:33:46,251 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:46,304 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:33:46,359 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:46,402 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:33:46,461 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:46,510 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:33:46,603 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:46,705 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:33:46,755 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:46,853 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:33:46,910 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:46,966 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:33:47,021 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:47,131 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:33:47,181 - INFO - Episode 138: Reward=1.30, Balance=$9.46, Win Rate=0.0%, Trades=3475 +2025-03-10 11:33:47,189 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:47,244 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:33:47,293 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:47,397 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:33:47,489 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:47,546 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:33:47,648 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:47,702 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:33:47,751 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:47,803 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:33:47,857 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:47,912 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:33:48,013 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:48,076 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:33:48,127 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:48,180 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:33:48,225 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:48,269 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:33:48,326 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:48,378 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:33:48,431 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:48,483 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:33:48,534 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:48,593 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:33:48,647 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:48,701 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:33:48,805 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:48,858 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:33:48,960 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:49,016 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:33:49,067 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:49,162 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:33:49,216 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:49,267 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:33:49,315 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:49,422 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:33:49,469 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:49,523 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:33:49,575 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:49,629 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:33:49,733 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:49,784 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:33:49,827 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:49,880 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:33:49,936 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:49,991 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:33:50,045 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:50,099 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:33:50,154 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:50,208 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:33:50,259 - INFO - Episode 139: Reward=1.90, Balance=$9.46, Win Rate=0.0%, Trades=3500 +2025-03-10 11:33:50,259 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:50,356 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:33:50,414 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:50,461 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:33:50,514 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:50,630 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:33:50,685 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:50,747 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:33:50,790 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:50,844 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:33:50,942 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:51,048 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:33:51,146 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:51,251 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:33:51,342 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:51,395 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:33:51,500 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:51,555 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:33:51,606 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:51,662 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:33:51,763 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:51,820 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:33:51,868 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:51,924 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:33:52,019 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:52,076 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:33:52,132 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:52,177 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:33:52,231 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:52,284 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:33:52,339 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:52,397 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:33:52,443 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:52,495 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:33:52,557 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:52,612 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:33:52,758 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:52,815 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:33:52,864 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:52,916 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:33:52,965 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:53,022 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:33:53,072 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:53,125 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:33:53,174 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:53,219 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:33:53,317 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:53,369 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:33:53,420 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:53,521 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:33:53,577 - INFO - Episode 140: Reward=1.70, Balance=$9.46, Win Rate=0.0%, Trades=3525 +2025-03-10 11:33:53,713 - INFO - Model saved to models/trading_agent_episode_140.pt +2025-03-10 11:33:53,719 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:53,770 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:33:53,819 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:53,871 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:33:53,910 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:53,969 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:33:54,021 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:54,126 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:33:54,224 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:54,277 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:33:54,334 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:54,384 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:33:54,434 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:54,494 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:33:54,594 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:54,694 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:33:54,747 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:54,853 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:33:54,901 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:54,964 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:33:55,017 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:55,060 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:33:55,110 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:55,205 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:33:55,306 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:55,365 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:33:55,413 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:55,469 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:33:55,518 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:55,570 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:33:55,624 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:55,673 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:33:55,725 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:55,869 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:33:55,924 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:55,990 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:33:56,067 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:56,160 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:33:56,213 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:56,312 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:33:56,368 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:56,418 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:33:56,468 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:56,531 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:33:56,638 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:56,785 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:33:56,830 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:56,973 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:33:57,030 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:57,075 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:33:57,126 - INFO - Episode 141: Reward=1.50, Balance=$9.46, Win Rate=0.0%, Trades=3550 +2025-03-10 11:33:57,128 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:57,178 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:33:57,227 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:57,291 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:33:57,346 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:57,401 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:33:57,461 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:57,514 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:33:57,562 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:57,624 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:33:57,676 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:57,727 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:33:57,769 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:57,827 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:33:57,870 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:57,968 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:33:58,062 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:58,205 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:33:58,261 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:58,317 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:33:58,374 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:58,420 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:33:58,469 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:58,573 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:33:58,628 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:58,674 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:33:58,727 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:58,779 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:33:58,876 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:58,928 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:33:58,982 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:59,174 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:33:59,218 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:59,320 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:33:59,376 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:59,519 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:33:59,581 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:59,639 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:33:59,682 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:59,741 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:33:59,835 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:33:59,888 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:33:59,935 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:33:59,989 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:34:00,055 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:00,109 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:34:00,160 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:00,210 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:34:00,265 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:00,319 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:34:00,369 - INFO - Episode 142: Reward=1.90, Balance=$9.46, Win Rate=0.0%, Trades=3575 +2025-03-10 11:34:00,379 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:00,434 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:34:00,489 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:00,541 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:34:00,635 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:00,693 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:34:00,746 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:00,927 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:34:01,014 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:01,066 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:34:01,114 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:01,166 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:34:01,226 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:01,269 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:34:01,372 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:01,418 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:34:01,519 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:01,667 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:34:01,720 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:01,775 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:34:01,828 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:01,884 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:34:02,030 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:02,084 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:34:02,186 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:02,285 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:34:02,327 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:02,384 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:34:02,439 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:02,499 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:34:02,605 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:02,665 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:34:02,718 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:02,768 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:34:02,821 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:02,868 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:34:02,974 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:03,072 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:34:03,134 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:03,185 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:34:03,275 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:03,328 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:34:03,385 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:03,438 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:34:03,490 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:03,588 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:34:03,643 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:03,748 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:34:03,798 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:03,844 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:34:03,898 - INFO - Episode 143: Reward=1.70, Balance=$9.46, Win Rate=0.0%, Trades=3600 +2025-03-10 11:34:03,907 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:04,010 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:34:04,153 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:04,201 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:34:04,242 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:04,303 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:34:04,357 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:04,413 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:34:04,462 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:04,515 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:34:04,644 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:04,701 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:34:04,838 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:04,877 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:34:04,932 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:04,984 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:34:05,045 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:05,093 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:34:05,144 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:05,207 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:34:05,259 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:05,310 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:34:05,370 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:05,418 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:34:05,524 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:05,566 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:34:05,618 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:05,677 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:34:05,723 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:05,786 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:34:05,839 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:05,939 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:34:05,986 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:06,094 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:34:06,164 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:06,217 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:34:06,316 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:06,379 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:34:06,443 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:06,501 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:34:06,547 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:06,607 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:34:06,651 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:06,701 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:34:06,748 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:06,809 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:34:06,860 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:06,912 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:34:06,961 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:07,016 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:34:07,060 - INFO - Episode 144: Reward=1.90, Balance=$9.46, Win Rate=0.0%, Trades=3625 +2025-03-10 11:34:07,068 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:07,216 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:34:07,313 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:07,380 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:34:07,441 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:07,498 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:34:07,555 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:07,605 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:34:07,665 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:07,724 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:34:07,774 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:07,827 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:34:07,868 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:07,918 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:34:07,978 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:08,040 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:34:08,097 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:08,287 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:34:08,336 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:08,438 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:34:08,493 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:08,543 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:34:08,602 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:08,657 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:34:08,708 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:08,761 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:34:08,860 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:08,963 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:34:09,019 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:09,070 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:34:09,127 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:09,177 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:34:09,227 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:09,284 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:34:09,382 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:09,438 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:34:09,491 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:09,633 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:34:09,687 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:09,736 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:34:09,800 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:09,851 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:34:09,943 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:09,998 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:34:10,051 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:10,157 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:34:10,208 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:10,302 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:34:10,353 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:10,501 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:34:10,555 - INFO - Episode 145: Reward=1.40, Balance=$9.46, Win Rate=0.0%, Trades=3650 +2025-03-10 11:34:10,566 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:10,620 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:34:10,670 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:10,772 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:34:10,832 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:10,931 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:34:10,987 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:11,094 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:34:11,144 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:11,197 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:34:11,252 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:11,305 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:34:11,356 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:11,415 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:34:11,460 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:11,561 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:34:11,612 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:11,667 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:34:11,765 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:11,817 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:34:11,911 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:11,964 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:34:12,021 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:12,173 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:34:12,225 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:12,278 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:34:12,329 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:12,435 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:34:12,529 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:12,581 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:34:12,634 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:12,730 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:34:12,776 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:12,831 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:34:12,884 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:12,936 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:34:13,082 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:13,128 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:34:13,178 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:13,226 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:34:13,280 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:13,330 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:34:13,377 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:13,432 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:34:13,476 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:13,574 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:34:13,625 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:13,684 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:34:13,735 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:13,826 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:34:13,869 - INFO - Episode 146: Reward=1.40, Balance=$9.46, Win Rate=0.0%, Trades=3675 +2025-03-10 11:34:13,884 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:13,981 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:34:14,034 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:14,088 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:34:14,144 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:14,193 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:34:14,245 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:14,291 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:34:14,348 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:14,402 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:34:14,459 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:14,510 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:34:14,557 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:14,609 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:34:14,665 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:14,720 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:34:14,776 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:14,825 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:34:14,876 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:14,934 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:34:14,990 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:15,289 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:34:15,340 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:15,392 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:34:15,445 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:15,498 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:34:15,554 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:15,607 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:34:15,655 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:15,711 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:34:15,766 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:15,820 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:34:15,874 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:15,914 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:34:15,975 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:16,032 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:34:16,088 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:16,134 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:34:16,190 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:16,242 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:34:16,335 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:16,395 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:34:16,448 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:16,550 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:34:16,643 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:16,697 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:34:16,752 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:16,802 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:34:16,860 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:16,911 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:34:16,962 - INFO - Episode 147: Reward=1.90, Balance=$9.46, Win Rate=0.0%, Trades=3700 +2025-03-10 11:34:16,969 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:17,028 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:34:17,124 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:17,168 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:34:17,222 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:17,283 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:34:17,326 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:17,384 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:34:17,535 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:17,598 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:34:17,746 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:17,806 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:34:17,856 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:17,913 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:34:17,970 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:18,022 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:34:18,077 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:18,130 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:34:18,185 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:18,281 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:34:18,333 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:18,438 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:34:18,488 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:18,544 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:34:18,602 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:18,704 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:34:18,755 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:18,815 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:34:18,871 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:18,923 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:34:19,030 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:19,087 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:34:19,137 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:19,189 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:34:19,331 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:19,374 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:34:19,433 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:19,494 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:34:19,537 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:19,598 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:34:19,702 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:19,805 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:34:19,864 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:19,919 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:34:19,965 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:20,021 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:34:20,080 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:20,137 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:34:20,183 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:20,239 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:34:20,283 - INFO - Episode 148: Reward=1.80, Balance=$9.46, Win Rate=0.0%, Trades=3725 +2025-03-10 11:34:20,296 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:20,352 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:34:20,448 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:20,505 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:34:20,555 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:20,613 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:34:20,665 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:20,712 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:34:20,774 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:20,869 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:34:20,919 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:20,976 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:34:21,127 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:21,180 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:34:21,229 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:21,278 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:34:21,373 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:21,427 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:34:21,474 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:21,532 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:34:21,572 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:21,632 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:34:21,686 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:21,837 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:34:21,938 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:21,992 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:34:22,050 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:22,094 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:34:22,148 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:22,202 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:34:22,349 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:22,576 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:34:22,680 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:22,736 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:34:22,792 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:22,840 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:34:22,899 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:22,951 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:34:23,005 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:23,065 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:34:23,111 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:23,262 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:34:23,313 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:23,364 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:34:23,418 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:23,517 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:34:23,664 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:23,717 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:34:23,765 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:23,866 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:34:23,915 - INFO - Episode 149: Reward=1.00, Balance=$9.46, Win Rate=0.0%, Trades=3750 +2025-03-10 11:34:23,923 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:24,025 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:34:24,081 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:24,130 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:34:24,184 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:24,232 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:34:24,285 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:24,379 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:34:24,430 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:24,498 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:34:24,546 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:24,599 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:34:24,648 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:24,741 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:34:24,792 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:24,852 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:34:24,906 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:24,951 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:34:25,006 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:25,110 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:34:25,168 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:25,214 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:34:25,265 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:25,365 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:34:25,411 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:25,461 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:34:25,517 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:25,617 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:34:25,661 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:25,717 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:34:25,773 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:25,829 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:34:25,885 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:25,940 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:34:25,995 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:26,100 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:34:26,152 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:26,205 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:34:26,259 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:26,363 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:34:26,417 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:26,471 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:34:26,574 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:26,626 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:34:26,679 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:26,738 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:34:26,790 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:26,841 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:34:26,935 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:26,992 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:34:27,051 - INFO - Episode 150: Reward=1.80, Balance=$9.46, Win Rate=0.0%, Trades=3775 +2025-03-10 11:34:27,178 - INFO - Model saved to models/trading_agent_episode_150.pt +2025-03-10 11:34:27,186 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:27,239 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:34:27,289 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:27,345 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:34:27,395 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:27,439 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:34:27,497 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:27,552 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:34:27,603 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:27,658 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:34:27,705 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:27,810 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:34:27,916 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:28,031 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:34:28,083 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:28,140 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:34:28,197 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:28,248 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:34:28,290 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:28,348 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:34:28,397 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:28,499 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:34:28,553 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:28,608 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:34:28,661 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:28,703 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:34:28,765 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:28,821 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:34:28,874 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:28,925 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:34:28,980 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:29,085 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:34:29,138 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:29,188 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:34:29,238 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:29,329 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:34:29,385 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:29,433 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:34:29,480 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:29,532 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:34:29,587 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:29,639 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:34:29,689 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:29,747 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:34:29,797 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:29,854 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:34:29,907 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:29,967 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:34:30,070 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:30,114 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:34:30,170 - INFO - Episode 151: Reward=2.00, Balance=$9.46, Win Rate=0.0%, Trades=3800 +2025-03-10 11:34:30,179 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:30,232 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:34:30,274 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:30,367 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:34:30,420 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:30,472 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:34:30,514 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:30,571 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:34:30,622 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:30,674 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:34:30,774 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:30,829 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:34:30,881 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:30,933 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:34:30,990 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:31,047 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:34:31,187 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:31,240 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:34:31,296 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:31,397 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:34:31,530 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:31,677 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:34:31,730 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:31,833 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:34:31,888 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:31,931 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:34:31,981 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:32,041 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:34:32,086 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:32,140 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:34:32,189 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:32,241 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:34:32,302 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:32,347 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:34:32,390 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:32,448 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:34:32,498 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:32,548 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:34:32,612 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:32,665 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:34:32,718 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:32,764 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:34:32,821 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:32,916 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:34:32,966 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:33,021 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:34:33,079 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:33,131 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:34:33,228 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:33,369 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:34:33,422 - INFO - Episode 152: Reward=2.00, Balance=$9.46, Win Rate=0.0%, Trades=3825 +2025-03-10 11:34:33,431 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:33,481 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:34:33,570 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:33,620 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:34:33,672 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:33,723 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:34:33,779 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:33,919 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:34:33,969 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:34,022 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:34:34,086 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:34,140 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:34:34,197 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:34,249 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:34:34,302 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:34,357 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:34:34,401 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:34,456 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:34:34,498 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:34,553 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:34:34,654 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:34,755 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:34:34,810 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:34,862 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:34:34,915 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:34,975 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:34:35,084 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:35,138 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:34:35,189 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:35,243 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:34:35,286 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:35,381 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:34:35,439 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:35,540 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:34:35,638 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:35,737 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:34:35,790 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:35,843 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:34:35,894 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:35,948 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:34:36,000 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:36,063 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:34:36,113 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:36,171 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:34:36,221 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:36,272 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:34:36,327 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:36,380 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:34:36,429 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:36,527 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:34:36,576 - INFO - Episode 153: Reward=1.80, Balance=$9.46, Win Rate=0.0%, Trades=3850 +2025-03-10 11:34:36,576 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:36,715 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:34:36,778 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:36,832 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:34:36,882 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:36,971 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:34:37,014 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:37,124 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:34:37,173 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:37,271 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:34:37,321 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:37,378 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:34:37,433 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:37,482 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:34:37,578 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:37,739 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:34:37,794 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:37,847 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:34:37,902 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:38,047 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:34:38,102 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:38,226 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:34:38,310 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:38,365 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:34:38,466 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:38,523 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:34:38,627 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:38,685 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:34:38,742 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:38,793 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:34:38,844 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:38,899 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:34:38,942 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:38,995 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:34:39,057 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:39,114 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:34:39,202 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:39,251 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:34:39,297 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:39,358 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:34:39,405 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:39,497 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:34:39,551 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:39,603 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:34:39,654 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:39,697 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:34:39,758 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:39,815 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:34:39,872 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:39,943 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:34:39,997 - INFO - Episode 154: Reward=1.80, Balance=$9.46, Win Rate=0.0%, Trades=3875 +2025-03-10 11:34:40,061 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:40,128 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:34:40,184 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:40,280 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:34:40,334 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:40,389 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:34:40,450 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:40,552 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:34:40,597 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:40,712 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:34:40,773 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:40,920 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:34:40,972 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:41,028 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:34:41,084 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:41,191 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:34:41,242 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:41,295 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:34:41,346 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:41,403 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:34:41,456 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:41,512 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.50 +2025-03-10 11:34:41,563 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:41,620 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-3.19 +2025-03-10 11:34:41,677 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:41,740 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.90 +2025-03-10 11:34:41,788 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:41,840 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.64 +2025-03-10 11:34:41,994 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:42,095 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-2.40 +2025-03-10 11:34:42,148 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:42,296 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-2.19 +2025-03-10 11:34:42,353 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:42,406 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.99 +2025-03-10 11:34:42,459 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:42,512 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.81 +2025-03-10 11:34:42,564 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:42,622 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.65 +2025-03-10 11:34:42,673 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:42,734 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.50 +2025-03-10 11:34:42,795 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:42,846 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.36 +2025-03-10 11:34:42,949 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:43,043 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.24 +2025-03-10 11:34:43,100 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:43,147 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.13 +2025-03-10 11:34:43,201 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:43,245 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-1.03 +2025-03-10 11:34:43,295 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:43,354 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-0.94 +2025-03-10 11:34:43,406 - INFO - Episode 155: Reward=1.70, Balance=$9.46, Win Rate=0.0%, Trades=3900 +2025-03-10 11:34:43,406 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:43,463 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-9.00 +2025-03-10 11:34:43,518 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:43,574 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-8.19 +2025-03-10 11:34:43,622 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:43,681 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-7.45 +2025-03-10 11:34:43,729 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:43,786 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-6.78 +2025-03-10 11:34:43,838 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:43,942 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-6.17 +2025-03-10 11:34:43,989 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:44,046 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-5.62 +2025-03-10 11:34:44,096 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:44,155 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-5.11 +2025-03-10 11:34:44,211 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:44,262 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.65 +2025-03-10 11:34:44,312 - INFO - OPENED LONG at 2141.7 | Stop loss: 2130.9914999999996 | Take profit: 2173.8254999999995 +2025-03-10 11:34:44,368 - INFO - CLOSED long at 2141.7 | PnL: 0.00% | $-4.23 +2025-03-10 11:34:44,421 - INFO - OPENED SHORT at 2141.7 | Stop loss: 2152.4084999999995 | Take profit: 2109.5744999999997 +2025-03-10 11:34:44,480 - INFO - CLOSED short at 2141.7 | PnL: 0.00% | $-3.85 +2025-03-10 11:39:55,800 - INFO - Fetching initial 60 candles for ETH/USDT... +2025-03-10 11:40:01,941 - INFO - Successfully fetched 60 initial candles +2025-03-10 11:40:02,064 - INFO - Model size: 4,056,837 parameters +2025-03-10 11:40:06,776 - WARNING - No model found at models/trading_agent.pt +2025-03-10 11:40:06,779 - INFO - Starting training mode +2025-03-10 11:40:06,779 - INFO - Starting training... +2025-03-10 11:40:07,074 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:07,076 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:40:07,076 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:07,081 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:40:07,084 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:07,084 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:40:07,086 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:07,086 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:40:07,088 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:07,090 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:40:07,090 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:07,092 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:40:07,092 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:07,092 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:40:07,096 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:07,098 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:40:07,098 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:07,098 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:40:07,098 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:07,098 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:40:07,104 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:07,192 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:40:07,245 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:07,358 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:40:07,460 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:07,600 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:40:07,646 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:07,916 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:40:08,014 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:08,192 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:40:08,237 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:08,468 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:40:08,520 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:08,568 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:40:08,855 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:08,994 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:40:09,041 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:09,089 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:40:09,182 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:09,512 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:40:09,694 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:09,745 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:40:09,840 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:09,883 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:40:10,026 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:10,816 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:40:10,870 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:10,966 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:40:11,099 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:11,199 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:40:11,253 - INFO - Episode 0: Reward=-3.40, Balance=$9.46, Win Rate=0.0%, Trades=25, Episode PnL=$-3.40, Total PnL=$-3.40, Max Drawdown=89.6% +2025-03-10 11:40:11,388 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 11:40:11,514 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 11:40:11,647 - INFO - Model saved to models/trading_agent_episode_0.pt +2025-03-10 11:40:11,794 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:11,970 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:40:12,033 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:12,383 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:40:12,525 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:12,588 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:40:12,755 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:12,943 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:40:13,037 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:13,296 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:40:13,342 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:13,541 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:40:13,593 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:13,658 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:40:13,751 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:13,800 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:40:13,941 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:14,279 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:40:14,331 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:14,755 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:40:14,866 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:14,959 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:40:15,000 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:15,050 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:40:15,154 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:15,252 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:40:15,300 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:15,630 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:40:15,813 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:16,100 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:40:16,159 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:16,208 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:40:16,346 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:17,008 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:40:17,104 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:17,161 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:40:17,256 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:17,351 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:40:17,403 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:17,804 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:40:17,847 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:17,943 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:40:17,993 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:18,085 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:40:18,132 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:18,428 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:40:18,483 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:18,883 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:40:18,929 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:19,257 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:40:19,311 - INFO - Episode 1: Reward=-3.30, Balance=$9.46, Win Rate=0.0%, Trades=50, Episode PnL=$-3.30, Total PnL=$-6.70, Max Drawdown=89.6% +2025-03-10 11:40:19,460 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 11:40:19,589 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 11:40:19,720 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:19,777 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:40:19,829 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:20,168 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:40:20,379 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:20,482 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:40:20,523 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:20,780 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:40:20,832 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:20,885 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:40:20,979 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:21,687 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:40:21,737 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:21,786 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:40:21,833 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:22,161 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:40:22,251 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:22,399 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:40:22,453 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:22,498 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:40:22,590 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:22,927 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:40:22,973 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:23,018 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:40:23,109 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:23,445 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:40:23,589 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:23,633 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:40:23,683 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:23,726 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:40:23,914 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:24,065 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:40:24,166 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:24,261 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:40:24,409 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:24,639 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:40:24,691 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:24,888 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:40:24,980 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:25,347 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:40:25,446 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:25,505 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:40:25,551 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:25,603 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:40:25,655 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:25,916 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:40:26,194 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:26,383 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:40:26,470 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:27,058 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:40:27,109 - INFO - Episode 2: Reward=-4.20, Balance=$9.46, Win Rate=0.0%, Trades=75, Episode PnL=$-4.20, Total PnL=$-10.90, Max Drawdown=89.6% +2025-03-10 11:40:27,249 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:27,301 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:40:27,593 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:27,641 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:40:27,690 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:27,930 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:40:28,079 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:28,362 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:40:28,507 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:28,649 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:40:28,836 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:29,028 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:40:29,161 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:29,208 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:40:29,259 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:29,357 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:40:29,457 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:29,553 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:40:29,846 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:29,941 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:40:29,989 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:30,226 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:40:30,324 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:30,428 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:40:30,478 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:30,825 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:40:30,877 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:31,488 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:40:31,725 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:31,907 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:40:31,957 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:32,006 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:40:32,097 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:32,380 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:40:32,466 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:32,566 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:40:32,703 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:32,747 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:40:32,832 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:33,076 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:40:33,358 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:33,410 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:40:33,458 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:33,507 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:40:33,607 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:33,707 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:40:33,753 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:33,856 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:40:33,918 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:34,365 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:40:34,412 - INFO - Episode 3: Reward=-3.60, Balance=$9.46, Win Rate=0.0%, Trades=100, Episode PnL=$-3.60, Total PnL=$-14.50, Max Drawdown=89.6% +2025-03-10 11:40:34,859 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:34,904 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:40:34,999 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:35,083 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:40:35,138 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:35,188 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:40:35,230 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:35,615 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:40:35,665 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:35,715 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:40:35,817 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:35,953 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:40:36,003 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:36,062 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:40:36,204 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:36,247 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:40:36,384 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:36,661 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:40:36,718 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:37,041 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:40:37,094 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:37,243 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:40:37,382 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:37,726 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:40:37,772 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:37,999 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:40:38,099 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:38,148 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:40:38,199 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:38,893 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:40:39,069 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:39,321 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:40:39,465 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:40,396 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:40:40,557 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:40,940 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:40:41,034 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:41,191 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:40:41,326 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:41,465 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:40:41,510 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:41,555 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:40:41,643 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:41,886 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:40:41,938 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:42,077 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:40:42,127 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:42,637 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:40:42,792 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:43,076 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:40:43,129 - INFO - Episode 4: Reward=-5.20, Balance=$9.46, Win Rate=0.0%, Trades=125, Episode PnL=$-5.20, Total PnL=$-19.70, Max Drawdown=89.6% +2025-03-10 11:40:43,354 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:43,875 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:40:43,967 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:44,107 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:40:44,292 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:44,392 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:40:44,486 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:44,593 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:40:44,700 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:45,262 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:40:45,455 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:45,598 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:40:45,918 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:45,962 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:40:46,144 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:46,585 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:40:46,636 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:46,689 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:40:46,736 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:47,020 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:40:47,210 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:47,780 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:40:47,970 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:48,021 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:40:48,072 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:48,157 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:40:48,200 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:48,676 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:40:48,775 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:49,007 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:40:49,055 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:49,103 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:40:49,153 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:49,585 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:40:49,632 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:49,737 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:40:49,873 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:49,919 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:40:50,108 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:50,152 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:40:50,243 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:50,290 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:40:50,533 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:50,625 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:40:50,681 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:51,047 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:40:51,097 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:51,237 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:40:51,427 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:51,575 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:40:51,622 - INFO - Episode 5: Reward=-4.70, Balance=$9.46, Win Rate=0.0%, Trades=150, Episode PnL=$-4.70, Total PnL=$-24.40, Max Drawdown=89.6% +2025-03-10 11:40:51,918 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:52,009 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:40:52,058 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:52,336 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:40:52,526 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:52,727 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:40:52,823 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:52,869 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:40:52,917 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:52,960 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:40:53,007 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:53,048 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:40:53,101 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:53,302 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:40:53,352 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:53,651 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:40:53,708 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:53,801 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:40:53,851 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:53,944 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:40:54,085 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:54,254 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:40:54,306 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:54,730 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:40:54,822 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:55,157 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:40:55,350 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:55,453 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:40:55,507 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:55,611 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:40:55,715 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:55,813 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:40:55,906 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:55,954 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:40:55,999 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:56,053 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:40:56,233 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:56,475 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:40:56,782 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:56,870 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:40:57,109 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:57,495 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:40:57,550 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:57,678 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:40:57,721 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:57,764 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:40:57,929 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:58,011 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:40:58,052 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:58,383 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:40:58,433 - INFO - Episode 6: Reward=-1.90, Balance=$9.46, Win Rate=0.0%, Trades=175, Episode PnL=$-1.90, Total PnL=$-26.30, Max Drawdown=89.6% +2025-03-10 11:40:58,578 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 11:40:58,711 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 11:40:59,358 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:40:59,458 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:40:59,549 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:40:59,827 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:40:59,883 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:00,421 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:41:00,618 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:00,773 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:41:00,867 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:01,208 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:41:01,256 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:01,876 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:41:01,925 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:02,261 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:41:02,352 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:03,202 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:41:03,302 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:03,356 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:41:03,610 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:03,866 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:41:03,913 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:04,104 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:41:04,205 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:04,306 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:41:04,363 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:04,518 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:41:04,668 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:05,131 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:41:05,181 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:05,373 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:41:05,769 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:06,074 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:41:06,570 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:07,172 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:41:07,220 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:07,271 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:41:07,323 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:07,430 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:41:07,537 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:07,648 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:41:07,701 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:07,795 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:41:07,839 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:08,087 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:41:08,187 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:08,397 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:41:08,495 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:08,778 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:41:08,885 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:09,187 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:41:09,240 - INFO - Episode 7: Reward=-6.30, Balance=$9.46, Win Rate=0.0%, Trades=200, Episode PnL=$-6.30, Total PnL=$-32.60, Max Drawdown=89.6% +2025-03-10 11:41:09,451 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:09,741 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:41:09,791 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:09,903 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:41:10,048 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:10,349 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:41:10,400 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:10,542 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:41:10,641 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:10,839 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:41:11,081 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:11,174 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:41:11,277 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:11,332 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:41:11,429 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:11,790 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:41:11,840 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:12,053 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:41:12,154 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:12,499 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:41:12,548 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:12,646 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:41:12,710 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:12,860 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:41:12,915 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:13,267 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:41:13,314 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:13,413 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:41:13,465 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:13,559 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:41:13,613 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:13,818 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:41:14,061 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:14,269 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:41:14,366 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:14,521 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:41:14,571 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:15,338 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:41:15,435 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:15,685 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:41:15,792 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:15,841 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:41:15,893 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:16,037 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:41:16,175 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:16,381 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:41:16,437 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:16,585 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:41:16,636 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:16,740 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:41:16,794 - INFO - Episode 8: Reward=-2.30, Balance=$9.46, Win Rate=0.0%, Trades=225, Episode PnL=$-2.30, Total PnL=$-34.90, Max Drawdown=89.6% +2025-03-10 11:41:16,925 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:17,221 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:41:17,273 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:17,510 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:41:17,557 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:17,697 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:41:18,082 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:18,327 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:41:18,526 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:18,723 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:41:19,119 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:19,412 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:41:19,461 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:19,913 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:41:19,964 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:20,203 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:41:20,364 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:20,711 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:41:20,763 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:20,960 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:41:21,202 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:21,302 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:41:21,353 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:21,403 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:41:21,493 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:21,845 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:41:21,940 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:22,188 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:41:22,241 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:22,399 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:41:22,447 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:22,689 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:41:22,947 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:23,049 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:41:23,099 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:23,192 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:41:23,297 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:23,400 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:41:23,498 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:23,696 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:41:23,806 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:23,960 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:41:24,009 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:24,160 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:41:24,211 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:24,560 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:41:24,608 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:25,233 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:41:25,285 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:25,643 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:41:25,692 - INFO - Episode 9: Reward=-4.10, Balance=$9.46, Win Rate=0.0%, Trades=250, Episode PnL=$-4.10, Total PnL=$-39.00, Max Drawdown=89.6% +2025-03-10 11:41:25,829 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:25,920 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:41:25,973 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:26,020 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:41:26,126 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:26,282 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:41:26,337 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:26,487 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:41:26,541 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:26,641 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:41:26,748 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:27,002 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:41:27,148 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:27,494 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:41:27,594 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:27,985 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:41:28,176 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:28,428 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:41:28,480 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:28,962 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:41:29,011 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:29,057 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:41:29,206 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:29,305 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:41:29,453 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:29,549 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:41:29,761 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:30,221 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:41:30,272 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:30,516 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:41:30,613 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:30,865 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:41:31,130 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:31,540 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:41:31,590 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:31,876 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:41:31,972 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:32,018 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:41:32,072 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:32,223 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:41:32,377 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:32,427 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:41:32,591 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:32,688 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:41:32,740 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:32,888 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:41:32,939 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:33,192 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:41:33,294 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:34,141 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:41:34,201 - INFO - Episode 10: Reward=-3.60, Balance=$9.46, Win Rate=0.0%, Trades=275, Episode PnL=$-3.60, Total PnL=$-42.60, Max Drawdown=89.6% +2025-03-10 11:41:34,349 - INFO - Model saved to models/trading_agent_episode_10.pt +2025-03-10 11:41:34,532 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:34,668 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:41:34,882 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:35,594 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:41:35,834 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:36,048 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:41:36,149 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:36,255 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:41:36,360 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:36,861 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:41:36,962 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:37,162 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:41:37,213 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:37,519 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:41:37,670 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:37,982 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:41:38,086 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:38,234 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:41:38,396 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:38,887 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:41:38,983 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:39,031 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:41:39,127 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:39,222 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:41:39,319 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:39,563 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:41:39,767 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:39,915 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:41:39,963 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:40,260 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:41:40,312 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:40,459 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:41:40,505 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:40,883 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:41:41,291 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:41,435 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:41:41,486 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:41,728 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:41:41,769 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:42,021 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:41:42,070 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:42,305 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:41:42,403 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:43,053 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:41:43,241 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:43,289 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:41:44,085 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:44,190 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:41:44,332 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:44,616 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:41:44,663 - INFO - Episode 11: Reward=-4.60, Balance=$9.46, Win Rate=0.0%, Trades=300, Episode PnL=$-4.60, Total PnL=$-47.20, Max Drawdown=89.6% +2025-03-10 11:41:44,795 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:44,846 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:41:44,895 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:45,047 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:41:45,096 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:45,146 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:41:45,410 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:45,648 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:41:45,836 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:46,032 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:41:46,134 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:46,232 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:41:46,324 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:46,885 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:41:47,048 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:47,300 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:41:47,634 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:47,791 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:41:47,940 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:48,334 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:41:48,391 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:48,486 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:41:48,534 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:48,841 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:41:48,897 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:49,096 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:41:49,200 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:49,409 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:41:49,660 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:49,921 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:41:50,446 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:50,746 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:41:50,993 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:51,142 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:41:51,343 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:51,444 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:41:51,600 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:51,802 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:41:51,852 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:51,901 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:41:52,007 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:52,153 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:41:52,539 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:52,925 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:41:52,972 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:53,565 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:41:53,813 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:53,865 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:41:53,918 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:54,017 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:41:54,070 - INFO - Episode 12: Reward=-4.00, Balance=$9.46, Win Rate=0.0%, Trades=325, Episode PnL=$-4.00, Total PnL=$-51.20, Max Drawdown=89.6% +2025-03-10 11:41:54,213 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:54,359 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:41:54,514 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:54,659 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:41:54,757 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:55,192 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:41:55,240 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:55,289 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:41:55,625 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:55,873 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:41:56,028 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:56,672 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:41:56,726 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:57,065 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:41:57,215 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:57,264 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:41:57,315 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:57,469 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:41:57,574 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:57,717 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:41:57,765 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:58,175 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:41:58,479 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:58,618 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:41:58,771 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:41:58,879 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:41:58,933 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:41:59,578 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:41:59,743 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:00,693 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:42:00,895 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:01,095 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:42:01,293 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:01,340 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:42:01,390 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:01,648 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:42:01,700 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:01,903 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:42:01,950 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:02,141 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:42:02,189 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:02,493 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:42:02,588 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:02,791 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:42:02,841 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:03,140 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:42:03,388 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:03,829 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:42:03,877 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:04,078 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:42:04,129 - INFO - Episode 13: Reward=-5.90, Balance=$9.46, Win Rate=0.0%, Trades=350, Episode PnL=$-5.90, Total PnL=$-57.10, Max Drawdown=89.6% +2025-03-10 11:42:04,416 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:04,910 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:42:05,161 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:05,713 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:42:05,763 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:05,919 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:42:06,118 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:06,174 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:42:06,353 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:06,685 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:42:06,734 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:06,988 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:42:07,085 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:08,002 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:42:08,100 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:08,342 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:42:08,545 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:08,731 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:42:08,831 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:08,981 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:42:09,080 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:09,386 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:42:09,631 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:09,730 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:42:09,782 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:10,030 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:42:10,177 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:10,275 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:42:10,595 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:10,944 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:42:11,193 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:11,352 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:42:11,403 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:11,562 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:42:11,610 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:11,817 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:42:11,865 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:12,682 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:42:13,091 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:13,283 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:42:13,338 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:13,907 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:42:13,959 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:14,164 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:42:14,210 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:14,409 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:42:14,714 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:14,916 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:42:15,115 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:15,163 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:42:15,212 - INFO - Episode 14: Reward=-5.00, Balance=$9.46, Win Rate=0.0%, Trades=375, Episode PnL=$-5.00, Total PnL=$-62.10, Max Drawdown=89.6% +2025-03-10 11:42:15,400 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:15,608 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:42:15,657 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:15,753 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:42:15,801 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:15,948 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:42:16,047 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:16,099 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:42:16,146 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:16,244 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:42:16,401 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:16,784 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:42:16,931 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:17,035 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:42:17,085 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:17,448 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:42:17,495 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:18,294 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:42:18,402 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:18,557 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:42:18,599 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:18,916 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:42:19,224 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:19,275 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:42:19,324 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:19,520 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:42:19,629 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:19,731 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:42:19,778 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:20,078 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:42:20,279 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:21,491 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:42:21,639 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:21,945 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:42:22,198 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:22,589 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:42:22,689 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:22,891 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:42:22,989 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:23,038 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:42:23,136 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:23,456 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:42:23,502 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:23,847 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:42:23,897 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:23,941 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:42:23,996 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:24,046 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:42:24,354 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:24,508 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:42:24,557 - INFO - Episode 15: Reward=-3.80, Balance=$9.46, Win Rate=0.0%, Trades=400, Episode PnL=$-3.80, Total PnL=$-65.90, Max Drawdown=89.6% +2025-03-10 11:42:24,688 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:25,138 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:42:25,299 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:26,290 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:42:26,399 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:26,449 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:42:26,495 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:26,548 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:42:26,597 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:27,249 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:42:27,351 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:27,452 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:42:27,550 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:27,600 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:42:27,675 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:27,832 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:42:27,983 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:28,082 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:42:28,231 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:28,278 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:42:28,385 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:28,692 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:42:28,798 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:29,098 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:42:29,458 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:29,717 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:42:29,865 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:30,107 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:42:30,451 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:30,502 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:42:30,597 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:30,898 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:42:30,999 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:31,289 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:42:31,343 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:31,680 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:42:31,739 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:32,541 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:42:32,592 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:33,314 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:42:33,427 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:33,629 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:42:33,719 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:33,825 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:42:33,917 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:34,015 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:42:34,069 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:34,118 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:42:34,263 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:34,461 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:42:34,507 - INFO - Episode 16: Reward=-4.40, Balance=$9.46, Win Rate=0.0%, Trades=425, Episode PnL=$-4.40, Total PnL=$-70.30, Max Drawdown=89.6% +2025-03-10 11:42:34,646 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:34,694 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:42:35,065 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:35,322 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:42:35,522 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:35,668 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:42:35,719 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:35,964 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:42:36,111 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:36,936 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:42:36,990 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:37,141 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:42:37,248 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:37,294 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:42:37,651 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:37,702 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:42:37,797 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:37,951 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:42:38,048 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:38,148 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:42:38,296 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:38,835 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:42:38,882 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:39,258 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:42:39,582 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:40,026 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:42:40,123 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:40,313 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:42:40,372 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:40,424 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:42:40,470 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:40,957 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:42:41,009 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:41,355 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:42:41,515 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:41,779 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:42:41,831 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:42,052 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:42:42,152 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:42,202 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:42:42,250 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:42,603 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:42:42,651 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:44,004 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:42:44,054 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:44,101 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:42:44,149 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:44,340 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:42:44,540 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:45,038 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:42:45,085 - INFO - Episode 17: Reward=-3.90, Balance=$9.46, Win Rate=0.0%, Trades=450, Episode PnL=$-3.90, Total PnL=$-74.20, Max Drawdown=89.6% +2025-03-10 11:42:45,321 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:45,573 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:42:45,620 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:45,669 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:42:46,089 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:46,598 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:42:46,645 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:46,746 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:42:46,849 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:46,963 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:42:47,107 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:47,311 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:42:47,463 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:48,188 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:42:48,291 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:48,643 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:42:48,688 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:48,796 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:42:49,248 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:49,497 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:42:49,594 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:49,736 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:42:50,035 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:50,084 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:42:50,135 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:50,436 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:42:50,535 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:50,581 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:42:50,632 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:50,679 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:42:50,726 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:50,824 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:42:50,919 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:51,122 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:42:51,214 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:51,262 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:42:51,315 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:51,415 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:42:51,668 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:51,995 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:42:52,345 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:52,394 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:42:52,599 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:53,322 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:42:53,425 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:53,473 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:42:53,522 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:53,614 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:42:53,721 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:54,556 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:42:54,609 - INFO - Episode 18: Reward=-2.80, Balance=$9.46, Win Rate=0.0%, Trades=475, Episode PnL=$-2.80, Total PnL=$-77.00, Max Drawdown=89.6% +2025-03-10 11:42:54,800 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:54,850 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:42:54,957 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:55,212 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:42:55,426 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:55,583 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:42:55,631 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:55,723 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:42:55,879 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:56,897 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:42:57,106 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:57,612 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:42:57,668 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:58,028 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:42:58,119 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:42:58,623 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:42:58,678 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:59,020 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:42:59,375 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:59,469 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:42:59,656 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:42:59,812 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:43:00,181 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:00,237 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:43:00,332 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:00,541 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:43:00,760 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:00,856 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:43:00,904 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:00,957 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:43:01,056 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:01,302 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:43:01,404 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:01,654 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:43:01,809 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:01,958 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:43:02,009 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:02,254 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:43:02,301 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:02,585 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:43:02,753 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:02,797 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:43:02,842 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:02,961 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:43:02,990 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:03,050 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:43:03,085 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:03,253 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:43:03,283 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:03,347 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:43:03,382 - INFO - Episode 19: Reward=-2.20, Balance=$9.46, Win Rate=0.0%, Trades=500, Episode PnL=$-2.20, Total PnL=$-79.20, Max Drawdown=89.6% +2025-03-10 11:43:03,529 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:03,627 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:43:03,661 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:03,755 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:43:03,821 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:04,122 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:43:04,245 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:04,276 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:43:04,374 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:04,404 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:43:04,549 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:04,581 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:43:04,613 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:05,142 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:43:05,393 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:05,452 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:43:05,510 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:05,606 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:43:05,764 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:05,793 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:43:05,823 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:05,892 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:43:05,996 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:06,352 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:43:06,395 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:06,688 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:43:06,718 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:06,974 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:43:07,005 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:07,100 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:43:07,255 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:07,566 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:43:07,633 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:07,760 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:43:07,856 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:07,886 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:43:07,915 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:08,009 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:43:08,155 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:08,635 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:43:08,799 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:09,164 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:43:09,254 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:09,388 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:43:09,445 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:09,540 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:43:09,569 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:09,601 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:43:09,660 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:09,863 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:43:09,895 - INFO - Episode 20: Reward=-2.70, Balance=$9.46, Win Rate=0.0%, Trades=525, Episode PnL=$-2.70, Total PnL=$-81.90, Max Drawdown=89.6% +2025-03-10 11:43:09,984 - INFO - Model saved to models/trading_agent_episode_20.pt +2025-03-10 11:43:10,243 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:10,306 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:43:10,338 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:10,375 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:43:10,406 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:10,600 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:43:10,630 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:10,662 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:43:10,725 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:10,786 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:43:10,846 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:10,874 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:43:10,906 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:10,999 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:43:11,057 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:11,178 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:43:11,237 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:11,455 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:43:11,486 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:11,518 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:43:11,548 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:11,681 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:43:11,746 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:11,994 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:43:12,028 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:12,129 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:43:12,197 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:12,464 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:43:12,499 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:12,567 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:43:12,637 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:13,005 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:43:13,035 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:13,385 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:43:13,573 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:13,602 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:43:13,630 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:13,870 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:43:13,901 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:14,384 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:43:14,435 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:14,517 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:43:14,609 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:14,828 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:43:14,958 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:14,989 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:43:15,052 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:15,084 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:43:15,115 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:15,200 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:43:15,230 - INFO - Episode 21: Reward=-1.50, Balance=$9.46, Win Rate=0.0%, Trades=550, Episode PnL=$-1.50, Total PnL=$-83.40, Max Drawdown=89.6% +2025-03-10 11:43:15,302 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 11:43:15,383 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 11:43:15,512 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:15,570 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:43:15,718 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:15,806 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:43:15,984 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:16,013 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:43:16,339 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:16,373 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:43:16,434 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:16,521 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:43:16,702 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:16,974 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:43:17,025 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:17,089 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:43:17,120 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:17,407 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:43:17,553 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:18,347 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:43:18,415 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:18,978 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:43:19,007 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:19,123 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:43:19,153 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:19,384 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:43:19,551 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:19,698 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:43:19,858 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:19,887 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:43:20,048 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:20,246 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:43:20,305 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:20,381 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:43:20,411 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:20,610 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:43:20,702 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:20,861 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:43:20,959 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:21,060 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:43:21,127 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:21,234 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:43:21,362 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:21,533 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:43:21,694 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:21,727 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:43:21,762 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:22,098 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:43:22,373 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:22,405 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:43:22,436 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:22,557 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:43:22,589 - INFO - Episode 22: Reward=-3.70, Balance=$9.46, Win Rate=0.0%, Trades=575, Episode PnL=$-3.70, Total PnL=$-87.10, Max Drawdown=89.6% +2025-03-10 11:43:22,677 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:22,900 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:43:22,935 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:23,002 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:43:23,064 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:23,129 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:43:23,276 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:23,603 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:43:23,630 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:23,660 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:43:23,715 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:24,124 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:43:24,221 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:24,308 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:43:24,464 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:24,757 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:43:24,810 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:24,838 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:43:25,082 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:25,479 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:43:25,573 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:25,752 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:43:25,985 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:26,074 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:43:26,158 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:26,220 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:43:26,420 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:26,678 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:43:26,934 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:27,054 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:43:27,201 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:27,258 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:43:27,321 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:27,547 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:43:27,607 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:28,403 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:43:28,461 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:28,709 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:43:28,822 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:28,853 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:43:28,970 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:29,059 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:43:29,119 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:29,330 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:43:29,360 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:29,624 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:43:29,721 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:29,783 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:43:29,841 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:29,867 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:43:29,896 - INFO - Episode 23: Reward=-3.40, Balance=$9.46, Win Rate=0.0%, Trades=600, Episode PnL=$-3.40, Total PnL=$-90.50, Max Drawdown=89.6% +2025-03-10 11:43:29,976 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:30,247 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:43:30,276 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:30,547 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:43:30,667 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:30,940 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:43:30,971 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:31,032 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:43:31,150 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:31,179 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:43:31,323 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:31,459 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:43:31,516 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:31,547 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:43:31,633 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:31,899 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:43:32,031 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:32,600 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:43:32,661 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:32,689 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:43:32,753 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:33,011 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:43:33,099 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:33,126 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:43:33,156 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:33,182 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:43:33,211 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:33,301 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:43:33,461 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:33,519 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:43:33,579 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:33,608 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:43:33,669 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:34,052 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:43:34,107 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:34,728 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:43:34,760 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:34,820 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:43:34,891 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:34,953 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:43:35,068 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:35,185 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:43:35,212 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:35,242 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:43:35,450 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:35,674 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:43:35,917 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:36,010 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:43:36,102 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:36,191 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:43:36,220 - INFO - Episode 24: Reward=-3.20, Balance=$9.46, Win Rate=0.0%, Trades=625, Episode PnL=$-3.20, Total PnL=$-93.70, Max Drawdown=89.6% +2025-03-10 11:43:36,298 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:36,457 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:43:36,519 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:36,690 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:43:36,749 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:37,039 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:43:37,211 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:37,269 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:43:37,390 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:37,658 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:43:37,720 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:37,781 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:43:37,845 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:37,877 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:43:37,970 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:38,089 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:43:38,240 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:38,356 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:43:38,446 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:38,701 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:43:38,761 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:39,064 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:43:39,093 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:39,125 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:43:39,312 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:39,436 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:43:39,467 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:39,736 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:43:39,847 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:39,992 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:43:40,111 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:40,589 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:43:40,855 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:41,048 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:43:41,115 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:41,147 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:43:41,207 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:41,266 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:43:41,298 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:41,625 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:43:41,655 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:41,932 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:43:42,136 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:42,286 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:43:42,533 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:42,751 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:43:42,779 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:42,808 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:43:42,902 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:42,964 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:43:42,996 - INFO - Episode 25: Reward=-2.50, Balance=$9.46, Win Rate=0.0%, Trades=650, Episode PnL=$-2.50, Total PnL=$-96.20, Max Drawdown=89.6% +2025-03-10 11:43:43,291 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:44,103 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:43:44,135 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:44,168 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:43:44,258 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:44,312 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:43:44,377 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:44,464 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:43:44,526 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:44,622 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:43:44,704 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:44,767 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:43:44,862 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:45,044 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:43:45,071 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:45,721 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:43:45,752 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:45,867 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:43:45,930 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:46,171 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:43:46,202 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:46,287 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:43:46,314 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:46,441 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:43:46,689 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:46,778 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:43:46,931 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:46,962 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:43:47,143 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:47,318 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:43:47,348 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:47,377 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:43:47,436 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:47,810 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:43:47,840 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:47,958 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:43:47,988 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:48,043 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:43:48,075 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:48,403 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:43:48,466 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:48,745 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:43:48,996 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:49,419 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:43:49,546 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:49,776 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:43:49,809 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:49,837 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:43:49,867 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:49,984 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:43:50,012 - INFO - Episode 26: Reward=-2.90, Balance=$9.46, Win Rate=0.0%, Trades=675, Episode PnL=$-2.90, Total PnL=$-99.10, Max Drawdown=89.6% +2025-03-10 11:43:50,091 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:50,148 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:43:50,177 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:50,420 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:43:50,627 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:51,502 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:43:51,562 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:51,652 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:43:51,682 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:51,991 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:43:52,109 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:52,171 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:43:52,230 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:52,909 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:43:53,039 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:53,211 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:43:53,300 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:53,356 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:43:53,566 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:53,743 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:43:53,801 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:53,889 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:43:53,917 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:53,977 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:43:54,061 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:54,149 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:43:54,259 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:54,286 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:43:54,405 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:54,520 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:43:54,791 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:55,032 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:43:55,189 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:55,217 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:43:55,275 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:55,478 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:43:55,536 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:55,786 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:43:55,934 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:55,965 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:43:56,086 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:56,207 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:43:56,236 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:56,594 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:43:56,621 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:56,648 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:43:56,675 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:56,733 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:43:56,815 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:56,936 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:43:56,967 - INFO - Episode 27: Reward=-2.20, Balance=$9.46, Win Rate=0.0%, Trades=700, Episode PnL=$-2.20, Total PnL=$-101.30, Max Drawdown=89.6% +2025-03-10 11:43:57,051 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:57,654 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:43:57,934 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:58,080 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:43:58,107 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:58,135 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:43:58,222 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:58,411 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:43:58,470 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:58,641 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:43:58,671 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:59,000 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:43:59,031 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:59,143 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:43:59,170 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:59,284 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:43:59,317 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:43:59,460 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:43:59,829 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:43:59,885 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:44:00,005 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:00,128 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:44:00,215 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:00,271 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:44:00,388 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:00,583 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:44:00,905 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:01,087 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:44:01,143 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:01,174 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:44:01,229 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:01,446 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:44:01,478 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:01,507 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:44:01,536 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:01,795 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:44:01,856 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:01,946 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:44:02,062 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:02,490 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:44:02,569 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:02,800 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:44:02,891 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:02,987 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:44:03,100 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:03,368 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:44:03,516 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:03,798 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:44:04,239 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:04,333 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:44:04,363 - INFO - Episode 28: Reward=-4.40, Balance=$9.46, Win Rate=0.0%, Trades=725, Episode PnL=$-4.40, Total PnL=$-105.70, Max Drawdown=89.6% +2025-03-10 11:44:04,844 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:05,218 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:44:05,310 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:05,487 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:44:05,683 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:06,065 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:44:06,265 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:06,524 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:44:06,669 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:07,010 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:44:07,124 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:07,180 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:44:07,262 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:07,325 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:44:07,434 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:07,595 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:44:07,799 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:08,227 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:44:08,256 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:08,315 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:44:08,341 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:08,542 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:44:08,631 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:08,716 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:44:08,744 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:08,858 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:44:09,025 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:09,113 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:44:09,234 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:09,415 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:44:09,537 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:09,626 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:44:09,892 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:10,350 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:44:10,474 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:11,259 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:44:11,289 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:11,727 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:44:11,812 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:11,843 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:44:11,876 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:11,998 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:44:12,150 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:12,277 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:44:12,689 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:12,804 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:44:12,858 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:12,917 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:44:13,037 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:13,227 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:44:13,256 - INFO - Episode 29: Reward=-4.90, Balance=$9.46, Win Rate=0.0%, Trades=750, Episode PnL=$-4.90, Total PnL=$-110.60, Max Drawdown=89.6% +2025-03-10 11:44:13,336 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:13,395 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:44:13,508 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:13,622 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:44:13,748 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:14,096 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:44:14,125 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:14,262 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:44:14,412 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:14,505 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:44:14,534 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:14,601 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:44:14,632 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:14,663 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:44:14,729 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:14,843 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:44:14,909 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:15,007 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:44:15,093 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:15,281 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:44:15,305 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:15,601 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:44:15,631 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:16,329 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:44:16,360 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:16,478 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:44:16,534 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:16,736 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:44:16,823 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:16,852 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:44:16,935 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:17,057 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:44:17,225 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:17,444 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:44:17,477 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:17,586 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:44:17,617 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:18,342 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:44:18,373 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:18,543 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:44:18,571 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:18,921 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:44:19,099 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:19,273 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:44:19,299 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:19,698 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:44:19,847 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:19,935 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:44:19,991 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:20,080 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:44:20,111 - INFO - Episode 30: Reward=-4.20, Balance=$9.46, Win Rate=0.0%, Trades=775, Episode PnL=$-4.20, Total PnL=$-114.80, Max Drawdown=89.6% +2025-03-10 11:44:20,192 - INFO - Model saved to models/trading_agent_episode_30.pt +2025-03-10 11:44:20,531 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:20,742 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:44:20,905 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:21,229 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:44:21,375 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:22,012 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:44:22,197 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:22,410 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:44:22,504 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:22,809 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:44:22,839 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:23,017 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:44:23,076 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:23,379 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:44:23,467 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:23,576 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:44:24,159 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:24,456 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:44:24,517 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:24,921 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:44:25,072 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:25,154 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:44:25,272 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:25,656 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:44:25,718 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:25,751 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:44:25,897 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:25,957 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:44:26,022 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:26,176 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:44:26,437 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:26,622 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:44:26,772 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:26,859 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:44:26,887 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:26,998 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:44:27,027 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:27,406 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:44:27,434 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:27,667 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:44:27,693 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:27,751 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:44:27,810 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:27,840 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:44:27,869 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:28,078 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:44:28,136 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:28,221 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:44:28,251 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:28,450 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:44:28,477 - INFO - Episode 31: Reward=-3.60, Balance=$9.46, Win Rate=0.0%, Trades=800, Episode PnL=$-3.60, Total PnL=$-118.40, Max Drawdown=89.6% +2025-03-10 11:44:28,656 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:28,965 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:44:29,028 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:29,056 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:44:29,086 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:29,591 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:44:29,714 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:29,859 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:44:29,887 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:30,030 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:44:30,060 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:30,115 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:44:30,204 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:31,961 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:44:31,993 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:32,086 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:44:32,118 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:32,181 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:44:32,368 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:32,501 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:44:32,533 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:32,878 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:44:32,942 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:33,093 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:44:33,123 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:33,784 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:44:33,812 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:33,998 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:44:34,059 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:34,235 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:44:34,464 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:35,073 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:44:35,234 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:35,261 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:44:35,294 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:35,902 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:44:35,995 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:36,323 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:44:36,456 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:36,985 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:44:37,047 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:37,822 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:44:38,103 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:38,482 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:44:38,539 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:38,655 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:44:38,712 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:38,960 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:44:39,135 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:39,220 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:44:39,250 - INFO - Episode 32: Reward=-6.20, Balance=$9.46, Win Rate=0.0%, Trades=825, Episode PnL=$-6.20, Total PnL=$-124.60, Max Drawdown=89.6% +2025-03-10 11:44:39,330 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:39,512 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:44:39,568 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:39,678 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:44:39,884 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:39,974 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:44:40,160 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:41,177 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:44:41,300 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:41,331 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:44:41,364 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:41,396 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:44:41,633 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:41,752 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:44:41,843 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:42,143 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:44:42,265 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:42,897 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:44:42,980 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:43,243 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:44:43,270 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:43,457 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:44:43,694 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:44,618 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:44:44,648 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:44,681 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:44:44,920 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:45,963 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:44:46,139 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:46,169 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:44:46,279 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:46,584 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:44:46,679 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:46,926 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:44:46,956 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:47,116 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:44:47,175 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:47,298 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:44:47,328 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:47,391 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:44:47,515 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:47,605 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:44:47,758 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:48,196 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:44:48,491 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:48,730 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:44:48,826 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:48,976 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:44:49,228 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:50,065 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:44:50,095 - INFO - Episode 33: Reward=-6.10, Balance=$9.46, Win Rate=0.0%, Trades=850, Episode PnL=$-6.10, Total PnL=$-130.70, Max Drawdown=89.6% +2025-03-10 11:44:50,265 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:50,872 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:44:50,930 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:50,958 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:44:51,018 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:51,078 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:44:51,315 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:52,007 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:44:52,067 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:52,127 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:44:52,277 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:52,526 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:44:52,556 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:52,643 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:44:52,762 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:52,792 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:44:52,886 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:53,219 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:44:53,337 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:53,763 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:44:53,792 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:53,880 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:44:53,971 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:54,061 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:44:54,122 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:54,353 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:44:54,431 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:54,654 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:44:54,780 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:54,811 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:44:55,436 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:55,517 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:44:55,637 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:55,667 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:44:55,818 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:56,233 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:44:56,323 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:56,715 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:44:56,741 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:57,266 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:44:57,351 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:57,677 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:44:57,887 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:58,043 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:44:58,166 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:58,196 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:44:58,291 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:58,379 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:44:58,410 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:58,961 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:44:58,989 - INFO - Episode 34: Reward=-3.50, Balance=$9.46, Win Rate=0.0%, Trades=875, Episode PnL=$-3.50, Total PnL=$-134.20, Max Drawdown=89.6% +2025-03-10 11:44:59,072 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:44:59,406 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:44:59,559 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:59,590 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:44:59,617 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:44:59,675 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:44:59,894 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:00,078 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:45:00,346 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:00,523 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:45:00,613 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:01,356 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:45:01,508 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:01,844 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:45:02,112 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:02,281 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:45:02,345 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:02,374 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:45:02,664 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:03,258 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:45:03,322 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:03,352 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:45:03,450 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:03,551 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:45:03,671 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:03,845 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:45:03,967 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:03,992 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:45:04,151 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:04,357 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:45:04,387 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:04,528 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:45:04,735 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:04,920 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:45:04,977 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:06,199 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:45:06,231 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:06,441 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:45:06,472 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:06,712 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:45:06,740 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:06,769 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:45:06,831 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:06,892 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:45:07,101 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:07,304 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:45:07,598 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:07,749 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:45:07,780 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:08,241 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:45:08,270 - INFO - Episode 35: Reward=-3.90, Balance=$9.46, Win Rate=0.0%, Trades=900, Episode PnL=$-3.90, Total PnL=$-138.10, Max Drawdown=89.6% +2025-03-10 11:45:08,441 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:08,564 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:45:08,657 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:09,920 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:45:10,056 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:10,125 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:45:10,882 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:10,940 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:45:11,033 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:11,651 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:45:11,745 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:12,261 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:45:12,318 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:12,566 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:45:12,748 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:12,897 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:45:13,098 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:13,434 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:45:13,597 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:14,164 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:45:14,348 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:14,802 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:45:15,020 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:15,259 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:45:15,491 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:16,003 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:45:16,032 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:16,158 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:45:16,184 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:16,447 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:45:16,544 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:16,779 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:45:16,994 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:17,526 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:45:17,640 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:17,895 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:45:18,250 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:18,477 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:45:18,541 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:18,574 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:45:18,607 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:19,262 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.36 +2025-03-10 11:45:19,477 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:19,850 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.24 +2025-03-10 11:45:20,104 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:20,843 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.13 +2025-03-10 11:45:20,936 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:21,061 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.03 +2025-03-10 11:45:21,246 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:21,439 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-0.94 +2025-03-10 11:45:21,467 - INFO - Episode 36: Reward=-6.50, Balance=$9.46, Win Rate=0.0%, Trades=925, Episode PnL=$-6.50, Total PnL=$-144.60, Max Drawdown=89.6% +2025-03-10 11:45:21,782 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:22,466 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-9.00 +2025-03-10 11:45:22,496 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:23,160 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-8.19 +2025-03-10 11:45:23,190 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:23,251 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-7.45 +2025-03-10 11:45:23,385 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:23,756 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-6.78 +2025-03-10 11:45:23,792 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:24,416 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-6.17 +2025-03-10 11:45:24,831 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:25,120 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-5.62 +2025-03-10 11:45:25,149 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:25,444 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-5.11 +2025-03-10 11:45:25,499 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:25,561 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.65 +2025-03-10 11:45:25,619 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:25,889 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-4.23 +2025-03-10 11:45:26,047 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:26,435 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.85 +2025-03-10 11:45:26,494 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:26,554 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.50 +2025-03-10 11:45:26,680 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:26,713 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-3.19 +2025-03-10 11:45:26,775 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:26,869 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.90 +2025-03-10 11:45:26,944 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:27,178 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-2.64 +2025-03-10 11:45:27,437 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:27,496 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.40 +2025-03-10 11:45:27,707 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:27,885 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-2.19 +2025-03-10 11:45:28,052 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 11:45:28,084 - INFO - CLOSED long at 2107.43 | PnL: 0.00% | $-1.99 +2025-03-10 11:45:28,149 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:28,304 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.81 +2025-03-10 11:45:28,653 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:30,211 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.65 +2025-03-10 11:45:30,243 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 11:45:30,371 - INFO - CLOSED short at 2107.43 | PnL: 0.00% | $-1.50 +2025-03-10 11:47:23,608 - INFO - Fetching initial 60 candles for ETH/USDT... +2025-03-10 11:47:27,268 - INFO - Successfully fetched 60 initial candles +2025-03-10 11:47:27,342 - INFO - Model size: 4,056,837 parameters +2025-03-10 11:47:29,737 - WARNING - No model found at models/trading_agent.pt +2025-03-10 11:47:29,737 - INFO - Starting training mode +2025-03-10 11:47:29,737 - INFO - Starting training... +2025-03-10 11:47:29,749 - ERROR - Error in episode 0: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,753 - ERROR - Error in episode 1: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,755 - ERROR - Error in episode 2: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,759 - ERROR - Error in episode 3: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,761 - ERROR - Error in episode 4: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,764 - ERROR - Error in episode 5: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,766 - ERROR - Error in episode 6: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,768 - ERROR - Error in episode 7: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,772 - ERROR - Error in episode 8: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,774 - ERROR - Error in episode 9: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,776 - ERROR - Error in episode 10: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,779 - ERROR - Error in episode 11: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,780 - ERROR - Error in episode 12: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,783 - ERROR - Error in episode 13: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,785 - ERROR - Error in episode 14: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,788 - ERROR - Error in episode 15: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,791 - ERROR - Error in episode 16: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,793 - ERROR - Error in episode 17: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,796 - ERROR - Error in episode 18: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,798 - ERROR - Error in episode 19: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,801 - ERROR - Error in episode 20: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,805 - ERROR - Error in episode 21: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,808 - ERROR - Error in episode 22: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,810 - ERROR - Error in episode 23: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,812 - ERROR - Error in episode 24: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,817 - ERROR - Error in episode 25: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,819 - ERROR - Error in episode 26: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,822 - ERROR - Error in episode 27: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,825 - ERROR - Error in episode 28: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,828 - ERROR - Error in episode 29: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,831 - ERROR - Error in episode 30: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,834 - ERROR - Error in episode 31: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,836 - ERROR - Error in episode 32: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,839 - ERROR - Error in episode 33: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,841 - ERROR - Error in episode 34: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,844 - ERROR - Error in episode 35: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,847 - ERROR - Error in episode 36: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,849 - ERROR - Error in episode 37: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,852 - ERROR - Error in episode 38: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,854 - ERROR - Error in episode 39: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,858 - ERROR - Error in episode 40: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,860 - ERROR - Error in episode 41: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,862 - ERROR - Error in episode 42: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,865 - ERROR - Error in episode 43: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,867 - ERROR - Error in episode 44: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,869 - ERROR - Error in episode 45: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,874 - ERROR - Error in episode 46: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,877 - ERROR - Error in episode 47: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,879 - ERROR - Error in episode 48: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,881 - ERROR - Error in episode 49: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,884 - ERROR - Error in episode 50: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,886 - ERROR - Error in episode 51: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,889 - ERROR - Error in episode 52: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,892 - ERROR - Error in episode 53: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,894 - ERROR - Error in episode 54: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,897 - ERROR - Error in episode 55: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,900 - ERROR - Error in episode 56: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,903 - ERROR - Error in episode 57: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,907 - ERROR - Error in episode 58: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,909 - ERROR - Error in episode 59: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,912 - ERROR - Error in episode 60: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,913 - ERROR - Error in episode 61: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,917 - ERROR - Error in episode 62: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,920 - ERROR - Error in episode 63: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,923 - ERROR - Error in episode 64: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,925 - ERROR - Error in episode 65: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,927 - ERROR - Error in episode 66: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,930 - ERROR - Error in episode 67: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,932 - ERROR - Error in episode 68: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,935 - ERROR - Error in episode 69: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,937 - ERROR - Error in episode 70: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,939 - ERROR - Error in episode 71: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,942 - ERROR - Error in episode 72: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,944 - ERROR - Error in episode 73: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,947 - ERROR - Error in episode 74: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,950 - ERROR - Error in episode 75: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,953 - ERROR - Error in episode 76: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,955 - ERROR - Error in episode 77: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,958 - ERROR - Error in episode 78: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,961 - ERROR - Error in episode 79: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,964 - ERROR - Error in episode 80: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,966 - ERROR - Error in episode 81: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,969 - ERROR - Error in episode 82: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,972 - ERROR - Error in episode 83: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,975 - ERROR - Error in episode 84: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,978 - ERROR - Error in episode 85: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,982 - ERROR - Error in episode 86: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,985 - ERROR - Error in episode 87: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,987 - ERROR - Error in episode 88: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,989 - ERROR - Error in episode 89: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,993 - ERROR - Error in episode 90: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,996 - ERROR - Error in episode 91: name 'find_local_extrema' is not defined +2025-03-10 11:47:29,999 - ERROR - Error in episode 92: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,001 - ERROR - Error in episode 93: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,004 - ERROR - Error in episode 94: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,008 - ERROR - Error in episode 95: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,010 - ERROR - Error in episode 96: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,013 - ERROR - Error in episode 97: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,016 - ERROR - Error in episode 98: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,018 - ERROR - Error in episode 99: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,019 - ERROR - Error in episode 100: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,023 - ERROR - Error in episode 101: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,025 - ERROR - Error in episode 102: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,028 - ERROR - Error in episode 103: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,031 - ERROR - Error in episode 104: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,033 - ERROR - Error in episode 105: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,036 - ERROR - Error in episode 106: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,039 - ERROR - Error in episode 107: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,042 - ERROR - Error in episode 108: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,044 - ERROR - Error in episode 109: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,046 - ERROR - Error in episode 110: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,048 - ERROR - Error in episode 111: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,051 - ERROR - Error in episode 112: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,054 - ERROR - Error in episode 113: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,056 - ERROR - Error in episode 114: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,060 - ERROR - Error in episode 115: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,062 - ERROR - Error in episode 116: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,064 - ERROR - Error in episode 117: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,067 - ERROR - Error in episode 118: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,070 - ERROR - Error in episode 119: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,073 - ERROR - Error in episode 120: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,076 - ERROR - Error in episode 121: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,078 - ERROR - Error in episode 122: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,081 - ERROR - Error in episode 123: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,084 - ERROR - Error in episode 124: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,086 - ERROR - Error in episode 125: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,088 - ERROR - Error in episode 126: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,091 - ERROR - Error in episode 127: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,094 - ERROR - Error in episode 128: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,097 - ERROR - Error in episode 129: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,100 - ERROR - Error in episode 130: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,102 - ERROR - Error in episode 131: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,105 - ERROR - Error in episode 132: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,108 - ERROR - Error in episode 133: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,111 - ERROR - Error in episode 134: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,113 - ERROR - Error in episode 135: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,115 - ERROR - Error in episode 136: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,118 - ERROR - Error in episode 137: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,120 - ERROR - Error in episode 138: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,123 - ERROR - Error in episode 139: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,125 - ERROR - Error in episode 140: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,128 - ERROR - Error in episode 141: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,131 - ERROR - Error in episode 142: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,133 - ERROR - Error in episode 143: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,136 - ERROR - Error in episode 144: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,140 - ERROR - Error in episode 145: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,142 - ERROR - Error in episode 146: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,145 - ERROR - Error in episode 147: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,147 - ERROR - Error in episode 148: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,150 - ERROR - Error in episode 149: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,154 - ERROR - Error in episode 150: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,157 - ERROR - Error in episode 151: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,159 - ERROR - Error in episode 152: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,161 - ERROR - Error in episode 153: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,163 - ERROR - Error in episode 154: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,167 - ERROR - Error in episode 155: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,169 - ERROR - Error in episode 156: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,172 - ERROR - Error in episode 157: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,174 - ERROR - Error in episode 158: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,177 - ERROR - Error in episode 159: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,179 - ERROR - Error in episode 160: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,182 - ERROR - Error in episode 161: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,184 - ERROR - Error in episode 162: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,187 - ERROR - Error in episode 163: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,189 - ERROR - Error in episode 164: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,192 - ERROR - Error in episode 165: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,194 - ERROR - Error in episode 166: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,197 - ERROR - Error in episode 167: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,200 - ERROR - Error in episode 168: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,202 - ERROR - Error in episode 169: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,206 - ERROR - Error in episode 170: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,208 - ERROR - Error in episode 171: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,210 - ERROR - Error in episode 172: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,213 - ERROR - Error in episode 173: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,216 - ERROR - Error in episode 174: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,218 - ERROR - Error in episode 175: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,220 - ERROR - Error in episode 176: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,222 - ERROR - Error in episode 177: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,226 - ERROR - Error in episode 178: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,229 - ERROR - Error in episode 179: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,231 - ERROR - Error in episode 180: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,234 - ERROR - Error in episode 181: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,236 - ERROR - Error in episode 182: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,237 - ERROR - Error in episode 183: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,241 - ERROR - Error in episode 184: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,243 - ERROR - Error in episode 185: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,245 - ERROR - Error in episode 186: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,247 - ERROR - Error in episode 187: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,250 - ERROR - Error in episode 188: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,253 - ERROR - Error in episode 189: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,256 - ERROR - Error in episode 190: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,258 - ERROR - Error in episode 191: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,261 - ERROR - Error in episode 192: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,263 - ERROR - Error in episode 193: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,266 - ERROR - Error in episode 194: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,268 - ERROR - Error in episode 195: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,272 - ERROR - Error in episode 196: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,275 - ERROR - Error in episode 197: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,277 - ERROR - Error in episode 198: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,280 - ERROR - Error in episode 199: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,283 - ERROR - Error in episode 200: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,285 - ERROR - Error in episode 201: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,288 - ERROR - Error in episode 202: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,290 - ERROR - Error in episode 203: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,293 - ERROR - Error in episode 204: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,295 - ERROR - Error in episode 205: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,297 - ERROR - Error in episode 206: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,300 - ERROR - Error in episode 207: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,303 - ERROR - Error in episode 208: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,306 - ERROR - Error in episode 209: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,308 - ERROR - Error in episode 210: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,310 - ERROR - Error in episode 211: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,313 - ERROR - Error in episode 212: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,316 - ERROR - Error in episode 213: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,318 - ERROR - Error in episode 214: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,320 - ERROR - Error in episode 215: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,323 - ERROR - Error in episode 216: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,326 - ERROR - Error in episode 217: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,329 - ERROR - Error in episode 218: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,331 - ERROR - Error in episode 219: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,334 - ERROR - Error in episode 220: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,337 - ERROR - Error in episode 221: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,340 - ERROR - Error in episode 222: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,342 - ERROR - Error in episode 223: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,344 - ERROR - Error in episode 224: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,347 - ERROR - Error in episode 225: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,351 - ERROR - Error in episode 226: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,354 - ERROR - Error in episode 227: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,358 - ERROR - Error in episode 228: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,361 - ERROR - Error in episode 229: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,364 - ERROR - Error in episode 230: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,366 - ERROR - Error in episode 231: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,369 - ERROR - Error in episode 232: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,372 - ERROR - Error in episode 233: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,375 - ERROR - Error in episode 234: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,378 - ERROR - Error in episode 235: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,380 - ERROR - Error in episode 236: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,382 - ERROR - Error in episode 237: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,385 - ERROR - Error in episode 238: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,387 - ERROR - Error in episode 239: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,390 - ERROR - Error in episode 240: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,392 - ERROR - Error in episode 241: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,395 - ERROR - Error in episode 242: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,397 - ERROR - Error in episode 243: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,401 - ERROR - Error in episode 244: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,403 - ERROR - Error in episode 245: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,407 - ERROR - Error in episode 246: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,409 - ERROR - Error in episode 247: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,411 - ERROR - Error in episode 248: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,413 - ERROR - Error in episode 249: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,416 - ERROR - Error in episode 250: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,417 - ERROR - Error in episode 251: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,419 - ERROR - Error in episode 252: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,422 - ERROR - Error in episode 253: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,426 - ERROR - Error in episode 254: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,428 - ERROR - Error in episode 255: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,431 - ERROR - Error in episode 256: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,432 - ERROR - Error in episode 257: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,435 - ERROR - Error in episode 258: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,438 - ERROR - Error in episode 259: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,441 - ERROR - Error in episode 260: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,443 - ERROR - Error in episode 261: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,446 - ERROR - Error in episode 262: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,448 - ERROR - Error in episode 263: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,451 - ERROR - Error in episode 264: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,453 - ERROR - Error in episode 265: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,456 - ERROR - Error in episode 266: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,458 - ERROR - Error in episode 267: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,460 - ERROR - Error in episode 268: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,461 - ERROR - Error in episode 269: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,464 - ERROR - Error in episode 270: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,468 - ERROR - Error in episode 271: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,471 - ERROR - Error in episode 272: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,473 - ERROR - Error in episode 273: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,475 - ERROR - Error in episode 274: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,477 - ERROR - Error in episode 275: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,479 - ERROR - Error in episode 276: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,482 - ERROR - Error in episode 277: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,484 - ERROR - Error in episode 278: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,486 - ERROR - Error in episode 279: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,489 - ERROR - Error in episode 280: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,491 - ERROR - Error in episode 281: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,493 - ERROR - Error in episode 282: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,496 - ERROR - Error in episode 283: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,499 - ERROR - Error in episode 284: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,501 - ERROR - Error in episode 285: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,505 - ERROR - Error in episode 286: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,507 - ERROR - Error in episode 287: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,509 - ERROR - Error in episode 288: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,513 - ERROR - Error in episode 289: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,515 - ERROR - Error in episode 290: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,518 - ERROR - Error in episode 291: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,520 - ERROR - Error in episode 292: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,523 - ERROR - Error in episode 293: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,526 - ERROR - Error in episode 294: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,528 - ERROR - Error in episode 295: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,530 - ERROR - Error in episode 296: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,533 - ERROR - Error in episode 297: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,535 - ERROR - Error in episode 298: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,538 - ERROR - Error in episode 299: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,541 - ERROR - Error in episode 300: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,544 - ERROR - Error in episode 301: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,546 - ERROR - Error in episode 302: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,548 - ERROR - Error in episode 303: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,551 - ERROR - Error in episode 304: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,554 - ERROR - Error in episode 305: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,556 - ERROR - Error in episode 306: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,559 - ERROR - Error in episode 307: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,562 - ERROR - Error in episode 308: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,565 - ERROR - Error in episode 309: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,567 - ERROR - Error in episode 310: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,570 - ERROR - Error in episode 311: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,573 - ERROR - Error in episode 312: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,576 - ERROR - Error in episode 313: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,579 - ERROR - Error in episode 314: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,583 - ERROR - Error in episode 315: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,586 - ERROR - Error in episode 316: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,589 - ERROR - Error in episode 317: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,591 - ERROR - Error in episode 318: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,595 - ERROR - Error in episode 319: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,598 - ERROR - Error in episode 320: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,600 - ERROR - Error in episode 321: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,603 - ERROR - Error in episode 322: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,606 - ERROR - Error in episode 323: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,610 - ERROR - Error in episode 324: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,613 - ERROR - Error in episode 325: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,616 - ERROR - Error in episode 326: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,619 - ERROR - Error in episode 327: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,621 - ERROR - Error in episode 328: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,624 - ERROR - Error in episode 329: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,627 - ERROR - Error in episode 330: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,629 - ERROR - Error in episode 331: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,632 - ERROR - Error in episode 332: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,635 - ERROR - Error in episode 333: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,638 - ERROR - Error in episode 334: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,641 - ERROR - Error in episode 335: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,643 - ERROR - Error in episode 336: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,646 - ERROR - Error in episode 337: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,647 - ERROR - Error in episode 338: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,651 - ERROR - Error in episode 339: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,653 - ERROR - Error in episode 340: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,656 - ERROR - Error in episode 341: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,659 - ERROR - Error in episode 342: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,661 - ERROR - Error in episode 343: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,663 - ERROR - Error in episode 344: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,667 - ERROR - Error in episode 345: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,669 - ERROR - Error in episode 346: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,672 - ERROR - Error in episode 347: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,674 - ERROR - Error in episode 348: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,677 - ERROR - Error in episode 349: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,679 - ERROR - Error in episode 350: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,683 - ERROR - Error in episode 351: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,685 - ERROR - Error in episode 352: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,688 - ERROR - Error in episode 353: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,691 - ERROR - Error in episode 354: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,693 - ERROR - Error in episode 355: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,698 - ERROR - Error in episode 356: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,700 - ERROR - Error in episode 357: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,704 - ERROR - Error in episode 358: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,706 - ERROR - Error in episode 359: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,709 - ERROR - Error in episode 360: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,712 - ERROR - Error in episode 361: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,714 - ERROR - Error in episode 362: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,717 - ERROR - Error in episode 363: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,720 - ERROR - Error in episode 364: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,722 - ERROR - Error in episode 365: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,724 - ERROR - Error in episode 366: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,727 - ERROR - Error in episode 367: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,730 - ERROR - Error in episode 368: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,733 - ERROR - Error in episode 369: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,736 - ERROR - Error in episode 370: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,738 - ERROR - Error in episode 371: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,741 - ERROR - Error in episode 372: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,743 - ERROR - Error in episode 373: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,746 - ERROR - Error in episode 374: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,748 - ERROR - Error in episode 375: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,750 - ERROR - Error in episode 376: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,754 - ERROR - Error in episode 377: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,756 - ERROR - Error in episode 378: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,759 - ERROR - Error in episode 379: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,762 - ERROR - Error in episode 380: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,763 - ERROR - Error in episode 381: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,768 - ERROR - Error in episode 382: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,771 - ERROR - Error in episode 383: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,773 - ERROR - Error in episode 384: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,775 - ERROR - Error in episode 385: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,778 - ERROR - Error in episode 386: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,780 - ERROR - Error in episode 387: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,782 - ERROR - Error in episode 388: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,786 - ERROR - Error in episode 389: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,787 - ERROR - Error in episode 390: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,789 - ERROR - Error in episode 391: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,792 - ERROR - Error in episode 392: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,796 - ERROR - Error in episode 393: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,800 - ERROR - Error in episode 394: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,802 - ERROR - Error in episode 395: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,804 - ERROR - Error in episode 396: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,806 - ERROR - Error in episode 397: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,809 - ERROR - Error in episode 398: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,811 - ERROR - Error in episode 399: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,813 - ERROR - Error in episode 400: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,817 - ERROR - Error in episode 401: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,819 - ERROR - Error in episode 402: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,821 - ERROR - Error in episode 403: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,824 - ERROR - Error in episode 404: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,827 - ERROR - Error in episode 405: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,828 - ERROR - Error in episode 406: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,831 - ERROR - Error in episode 407: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,834 - ERROR - Error in episode 408: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,837 - ERROR - Error in episode 409: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,840 - ERROR - Error in episode 410: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,842 - ERROR - Error in episode 411: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,844 - ERROR - Error in episode 412: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,847 - ERROR - Error in episode 413: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,849 - ERROR - Error in episode 414: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,852 - ERROR - Error in episode 415: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,854 - ERROR - Error in episode 416: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,857 - ERROR - Error in episode 417: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,859 - ERROR - Error in episode 418: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,861 - ERROR - Error in episode 419: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,864 - ERROR - Error in episode 420: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,866 - ERROR - Error in episode 421: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,870 - ERROR - Error in episode 422: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,872 - ERROR - Error in episode 423: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,874 - ERROR - Error in episode 424: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,876 - ERROR - Error in episode 425: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,879 - ERROR - Error in episode 426: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,881 - ERROR - Error in episode 427: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,883 - ERROR - Error in episode 428: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,885 - ERROR - Error in episode 429: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,887 - ERROR - Error in episode 430: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,889 - ERROR - Error in episode 431: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,892 - ERROR - Error in episode 432: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,894 - ERROR - Error in episode 433: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,896 - ERROR - Error in episode 434: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,898 - ERROR - Error in episode 435: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,901 - ERROR - Error in episode 436: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,905 - ERROR - Error in episode 437: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,906 - ERROR - Error in episode 438: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,909 - ERROR - Error in episode 439: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,912 - ERROR - Error in episode 440: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,915 - ERROR - Error in episode 441: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,917 - ERROR - Error in episode 442: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,920 - ERROR - Error in episode 443: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,922 - ERROR - Error in episode 444: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,925 - ERROR - Error in episode 445: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,927 - ERROR - Error in episode 446: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,929 - ERROR - Error in episode 447: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,931 - ERROR - Error in episode 448: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,932 - ERROR - Error in episode 449: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,936 - ERROR - Error in episode 450: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,938 - ERROR - Error in episode 451: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,940 - ERROR - Error in episode 452: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,944 - ERROR - Error in episode 453: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,947 - ERROR - Error in episode 454: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,950 - ERROR - Error in episode 455: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,953 - ERROR - Error in episode 456: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,954 - ERROR - Error in episode 457: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,958 - ERROR - Error in episode 458: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,960 - ERROR - Error in episode 459: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,962 - ERROR - Error in episode 460: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,964 - ERROR - Error in episode 461: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,967 - ERROR - Error in episode 462: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,971 - ERROR - Error in episode 463: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,972 - ERROR - Error in episode 464: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,976 - ERROR - Error in episode 465: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,978 - ERROR - Error in episode 466: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,981 - ERROR - Error in episode 467: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,984 - ERROR - Error in episode 468: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,987 - ERROR - Error in episode 469: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,989 - ERROR - Error in episode 470: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,993 - ERROR - Error in episode 471: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,995 - ERROR - Error in episode 472: name 'find_local_extrema' is not defined +2025-03-10 11:47:30,998 - ERROR - Error in episode 473: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,001 - ERROR - Error in episode 474: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,003 - ERROR - Error in episode 475: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,006 - ERROR - Error in episode 476: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,009 - ERROR - Error in episode 477: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,012 - ERROR - Error in episode 478: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,014 - ERROR - Error in episode 479: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,017 - ERROR - Error in episode 480: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,020 - ERROR - Error in episode 481: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,022 - ERROR - Error in episode 482: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,025 - ERROR - Error in episode 483: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,028 - ERROR - Error in episode 484: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,030 - ERROR - Error in episode 485: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,033 - ERROR - Error in episode 486: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,035 - ERROR - Error in episode 487: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,038 - ERROR - Error in episode 488: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,039 - ERROR - Error in episode 489: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,043 - ERROR - Error in episode 490: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,045 - ERROR - Error in episode 491: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,047 - ERROR - Error in episode 492: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,049 - ERROR - Error in episode 493: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,052 - ERROR - Error in episode 494: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,055 - ERROR - Error in episode 495: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,057 - ERROR - Error in episode 496: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,060 - ERROR - Error in episode 497: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,062 - ERROR - Error in episode 498: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,065 - ERROR - Error in episode 499: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,067 - ERROR - Error in episode 500: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,070 - ERROR - Error in episode 501: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,071 - ERROR - Error in episode 502: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,075 - ERROR - Error in episode 503: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,078 - ERROR - Error in episode 504: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,080 - ERROR - Error in episode 505: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,082 - ERROR - Error in episode 506: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,085 - ERROR - Error in episode 507: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,087 - ERROR - Error in episode 508: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,089 - ERROR - Error in episode 509: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,091 - ERROR - Error in episode 510: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,093 - ERROR - Error in episode 511: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,096 - ERROR - Error in episode 512: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,099 - ERROR - Error in episode 513: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,102 - ERROR - Error in episode 514: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,104 - ERROR - Error in episode 515: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,106 - ERROR - Error in episode 516: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,110 - ERROR - Error in episode 517: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,113 - ERROR - Error in episode 518: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,115 - ERROR - Error in episode 519: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,118 - ERROR - Error in episode 520: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,121 - ERROR - Error in episode 521: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,124 - ERROR - Error in episode 522: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,127 - ERROR - Error in episode 523: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,129 - ERROR - Error in episode 524: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,132 - ERROR - Error in episode 525: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,134 - ERROR - Error in episode 526: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,136 - ERROR - Error in episode 527: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,138 - ERROR - Error in episode 528: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,141 - ERROR - Error in episode 529: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,144 - ERROR - Error in episode 530: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,146 - ERROR - Error in episode 531: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,148 - ERROR - Error in episode 532: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,151 - ERROR - Error in episode 533: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,154 - ERROR - Error in episode 534: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,156 - ERROR - Error in episode 535: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,159 - ERROR - Error in episode 536: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,161 - ERROR - Error in episode 537: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,164 - ERROR - Error in episode 538: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,166 - ERROR - Error in episode 539: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,170 - ERROR - Error in episode 540: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,172 - ERROR - Error in episode 541: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,175 - ERROR - Error in episode 542: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,177 - ERROR - Error in episode 543: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,180 - ERROR - Error in episode 544: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,182 - ERROR - Error in episode 545: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,185 - ERROR - Error in episode 546: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,187 - ERROR - Error in episode 547: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,190 - ERROR - Error in episode 548: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,191 - ERROR - Error in episode 549: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,193 - ERROR - Error in episode 550: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,197 - ERROR - Error in episode 551: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,199 - ERROR - Error in episode 552: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,202 - ERROR - Error in episode 553: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,205 - ERROR - Error in episode 554: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,207 - ERROR - Error in episode 555: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,210 - ERROR - Error in episode 556: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,213 - ERROR - Error in episode 557: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,215 - ERROR - Error in episode 558: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,218 - ERROR - Error in episode 559: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,221 - ERROR - Error in episode 560: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,224 - ERROR - Error in episode 561: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,226 - ERROR - Error in episode 562: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,229 - ERROR - Error in episode 563: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,231 - ERROR - Error in episode 564: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,234 - ERROR - Error in episode 565: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,237 - ERROR - Error in episode 566: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,239 - ERROR - Error in episode 567: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,241 - ERROR - Error in episode 568: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,244 - ERROR - Error in episode 569: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,246 - ERROR - Error in episode 570: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,250 - ERROR - Error in episode 571: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,252 - ERROR - Error in episode 572: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,255 - ERROR - Error in episode 573: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,258 - ERROR - Error in episode 574: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,261 - ERROR - Error in episode 575: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,263 - ERROR - Error in episode 576: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,265 - ERROR - Error in episode 577: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,268 - ERROR - Error in episode 578: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,270 - ERROR - Error in episode 579: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,273 - ERROR - Error in episode 580: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,276 - ERROR - Error in episode 581: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,278 - ERROR - Error in episode 582: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,280 - ERROR - Error in episode 583: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,283 - ERROR - Error in episode 584: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,285 - ERROR - Error in episode 585: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,287 - ERROR - Error in episode 586: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,289 - ERROR - Error in episode 587: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,292 - ERROR - Error in episode 588: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,294 - ERROR - Error in episode 589: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,297 - ERROR - Error in episode 590: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,299 - ERROR - Error in episode 591: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,302 - ERROR - Error in episode 592: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,305 - ERROR - Error in episode 593: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,306 - ERROR - Error in episode 594: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,308 - ERROR - Error in episode 595: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,311 - ERROR - Error in episode 596: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,314 - ERROR - Error in episode 597: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,317 - ERROR - Error in episode 598: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,319 - ERROR - Error in episode 599: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,321 - ERROR - Error in episode 600: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,324 - ERROR - Error in episode 601: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,328 - ERROR - Error in episode 602: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,330 - ERROR - Error in episode 603: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,333 - ERROR - Error in episode 604: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,335 - ERROR - Error in episode 605: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,337 - ERROR - Error in episode 606: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,339 - ERROR - Error in episode 607: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,342 - ERROR - Error in episode 608: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,344 - ERROR - Error in episode 609: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,347 - ERROR - Error in episode 610: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,349 - ERROR - Error in episode 611: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,352 - ERROR - Error in episode 612: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,355 - ERROR - Error in episode 613: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,358 - ERROR - Error in episode 614: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,361 - ERROR - Error in episode 615: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,363 - ERROR - Error in episode 616: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,365 - ERROR - Error in episode 617: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,368 - ERROR - Error in episode 618: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,371 - ERROR - Error in episode 619: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,374 - ERROR - Error in episode 620: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,376 - ERROR - Error in episode 621: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,378 - ERROR - Error in episode 622: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,381 - ERROR - Error in episode 623: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,384 - ERROR - Error in episode 624: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,387 - ERROR - Error in episode 625: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,390 - ERROR - Error in episode 626: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,393 - ERROR - Error in episode 627: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,395 - ERROR - Error in episode 628: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,398 - ERROR - Error in episode 629: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,401 - ERROR - Error in episode 630: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,404 - ERROR - Error in episode 631: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,407 - ERROR - Error in episode 632: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,409 - ERROR - Error in episode 633: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,413 - ERROR - Error in episode 634: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,415 - ERROR - Error in episode 635: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,417 - ERROR - Error in episode 636: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,420 - ERROR - Error in episode 637: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,422 - ERROR - Error in episode 638: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,424 - ERROR - Error in episode 639: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,427 - ERROR - Error in episode 640: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,430 - ERROR - Error in episode 641: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,432 - ERROR - Error in episode 642: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,435 - ERROR - Error in episode 643: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,437 - ERROR - Error in episode 644: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,439 - ERROR - Error in episode 645: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,442 - ERROR - Error in episode 646: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,444 - ERROR - Error in episode 647: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,447 - ERROR - Error in episode 648: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,449 - ERROR - Error in episode 649: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,452 - ERROR - Error in episode 650: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,454 - ERROR - Error in episode 651: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,457 - ERROR - Error in episode 652: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,460 - ERROR - Error in episode 653: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,464 - ERROR - Error in episode 654: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,466 - ERROR - Error in episode 655: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,470 - ERROR - Error in episode 656: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,472 - ERROR - Error in episode 657: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,475 - ERROR - Error in episode 658: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,478 - ERROR - Error in episode 659: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,481 - ERROR - Error in episode 660: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,484 - ERROR - Error in episode 661: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,486 - ERROR - Error in episode 662: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,489 - ERROR - Error in episode 663: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,492 - ERROR - Error in episode 664: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,495 - ERROR - Error in episode 665: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,498 - ERROR - Error in episode 666: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,500 - ERROR - Error in episode 667: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,502 - ERROR - Error in episode 668: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,505 - ERROR - Error in episode 669: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,508 - ERROR - Error in episode 670: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,511 - ERROR - Error in episode 671: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,513 - ERROR - Error in episode 672: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,516 - ERROR - Error in episode 673: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,518 - ERROR - Error in episode 674: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,521 - ERROR - Error in episode 675: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,523 - ERROR - Error in episode 676: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,525 - ERROR - Error in episode 677: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,527 - ERROR - Error in episode 678: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,531 - ERROR - Error in episode 679: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,533 - ERROR - Error in episode 680: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,535 - ERROR - Error in episode 681: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,538 - ERROR - Error in episode 682: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,541 - ERROR - Error in episode 683: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,543 - ERROR - Error in episode 684: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,545 - ERROR - Error in episode 685: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,548 - ERROR - Error in episode 686: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,552 - ERROR - Error in episode 687: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,555 - ERROR - Error in episode 688: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,558 - ERROR - Error in episode 689: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,560 - ERROR - Error in episode 690: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,563 - ERROR - Error in episode 691: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,566 - ERROR - Error in episode 692: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,568 - ERROR - Error in episode 693: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,571 - ERROR - Error in episode 694: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,574 - ERROR - Error in episode 695: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,576 - ERROR - Error in episode 696: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,579 - ERROR - Error in episode 697: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,582 - ERROR - Error in episode 698: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,584 - ERROR - Error in episode 699: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,586 - ERROR - Error in episode 700: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,590 - ERROR - Error in episode 701: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,592 - ERROR - Error in episode 702: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,595 - ERROR - Error in episode 703: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,598 - ERROR - Error in episode 704: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,600 - ERROR - Error in episode 705: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,603 - ERROR - Error in episode 706: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,605 - ERROR - Error in episode 707: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,608 - ERROR - Error in episode 708: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,611 - ERROR - Error in episode 709: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,613 - ERROR - Error in episode 710: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,616 - ERROR - Error in episode 711: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,619 - ERROR - Error in episode 712: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,621 - ERROR - Error in episode 713: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,624 - ERROR - Error in episode 714: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,627 - ERROR - Error in episode 715: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,629 - ERROR - Error in episode 716: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,632 - ERROR - Error in episode 717: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,634 - ERROR - Error in episode 718: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,638 - ERROR - Error in episode 719: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,641 - ERROR - Error in episode 720: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,643 - ERROR - Error in episode 721: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,646 - ERROR - Error in episode 722: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,649 - ERROR - Error in episode 723: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,651 - ERROR - Error in episode 724: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,653 - ERROR - Error in episode 725: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,656 - ERROR - Error in episode 726: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,658 - ERROR - Error in episode 727: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,660 - ERROR - Error in episode 728: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,663 - ERROR - Error in episode 729: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,665 - ERROR - Error in episode 730: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,667 - ERROR - Error in episode 731: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,669 - ERROR - Error in episode 732: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,672 - ERROR - Error in episode 733: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,674 - ERROR - Error in episode 734: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,677 - ERROR - Error in episode 735: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,680 - ERROR - Error in episode 736: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,682 - ERROR - Error in episode 737: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,685 - ERROR - Error in episode 738: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,688 - ERROR - Error in episode 739: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,690 - ERROR - Error in episode 740: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,692 - ERROR - Error in episode 741: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,694 - ERROR - Error in episode 742: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,698 - ERROR - Error in episode 743: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,699 - ERROR - Error in episode 744: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,702 - ERROR - Error in episode 745: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,705 - ERROR - Error in episode 746: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,707 - ERROR - Error in episode 747: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,710 - ERROR - Error in episode 748: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,713 - ERROR - Error in episode 749: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,717 - ERROR - Error in episode 750: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,720 - ERROR - Error in episode 751: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,722 - ERROR - Error in episode 752: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,726 - ERROR - Error in episode 753: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,730 - ERROR - Error in episode 754: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,732 - ERROR - Error in episode 755: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,735 - ERROR - Error in episode 756: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,737 - ERROR - Error in episode 757: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,740 - ERROR - Error in episode 758: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,742 - ERROR - Error in episode 759: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,745 - ERROR - Error in episode 760: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,748 - ERROR - Error in episode 761: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,750 - ERROR - Error in episode 762: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,752 - ERROR - Error in episode 763: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,755 - ERROR - Error in episode 764: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,758 - ERROR - Error in episode 765: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,760 - ERROR - Error in episode 766: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,763 - ERROR - Error in episode 767: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,766 - ERROR - Error in episode 768: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,768 - ERROR - Error in episode 769: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,771 - ERROR - Error in episode 770: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,772 - ERROR - Error in episode 771: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,776 - ERROR - Error in episode 772: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,779 - ERROR - Error in episode 773: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,781 - ERROR - Error in episode 774: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,784 - ERROR - Error in episode 775: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,786 - ERROR - Error in episode 776: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,790 - ERROR - Error in episode 777: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,793 - ERROR - Error in episode 778: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,796 - ERROR - Error in episode 779: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,798 - ERROR - Error in episode 780: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,801 - ERROR - Error in episode 781: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,804 - ERROR - Error in episode 782: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,807 - ERROR - Error in episode 783: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,810 - ERROR - Error in episode 784: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,812 - ERROR - Error in episode 785: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,816 - ERROR - Error in episode 786: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,818 - ERROR - Error in episode 787: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,820 - ERROR - Error in episode 788: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,823 - ERROR - Error in episode 789: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,826 - ERROR - Error in episode 790: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,828 - ERROR - Error in episode 791: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,831 - ERROR - Error in episode 792: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,833 - ERROR - Error in episode 793: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,835 - ERROR - Error in episode 794: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,837 - ERROR - Error in episode 795: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,839 - ERROR - Error in episode 796: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,842 - ERROR - Error in episode 797: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,845 - ERROR - Error in episode 798: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,847 - ERROR - Error in episode 799: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,854 - ERROR - Error in episode 800: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,859 - ERROR - Error in episode 801: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,863 - ERROR - Error in episode 802: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,866 - ERROR - Error in episode 803: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,869 - ERROR - Error in episode 804: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,872 - ERROR - Error in episode 805: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,875 - ERROR - Error in episode 806: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,877 - ERROR - Error in episode 807: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,880 - ERROR - Error in episode 808: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,883 - ERROR - Error in episode 809: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,886 - ERROR - Error in episode 810: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,889 - ERROR - Error in episode 811: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,892 - ERROR - Error in episode 812: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,896 - ERROR - Error in episode 813: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,899 - ERROR - Error in episode 814: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,903 - ERROR - Error in episode 815: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,906 - ERROR - Error in episode 816: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,910 - ERROR - Error in episode 817: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,913 - ERROR - Error in episode 818: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,916 - ERROR - Error in episode 819: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,919 - ERROR - Error in episode 820: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,923 - ERROR - Error in episode 821: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,926 - ERROR - Error in episode 822: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,929 - ERROR - Error in episode 823: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,933 - ERROR - Error in episode 824: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,934 - ERROR - Error in episode 825: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,938 - ERROR - Error in episode 826: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,940 - ERROR - Error in episode 827: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,942 - ERROR - Error in episode 828: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,945 - ERROR - Error in episode 829: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,949 - ERROR - Error in episode 830: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,953 - ERROR - Error in episode 831: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,957 - ERROR - Error in episode 832: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,961 - ERROR - Error in episode 833: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,965 - ERROR - Error in episode 834: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,968 - ERROR - Error in episode 835: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,970 - ERROR - Error in episode 836: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,972 - ERROR - Error in episode 837: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,974 - ERROR - Error in episode 838: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,977 - ERROR - Error in episode 839: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,979 - ERROR - Error in episode 840: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,982 - ERROR - Error in episode 841: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,985 - ERROR - Error in episode 842: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,987 - ERROR - Error in episode 843: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,991 - ERROR - Error in episode 844: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,994 - ERROR - Error in episode 845: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,997 - ERROR - Error in episode 846: name 'find_local_extrema' is not defined +2025-03-10 11:47:31,999 - ERROR - Error in episode 847: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,002 - ERROR - Error in episode 848: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,004 - ERROR - Error in episode 849: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,007 - ERROR - Error in episode 850: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,010 - ERROR - Error in episode 851: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,012 - ERROR - Error in episode 852: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,014 - ERROR - Error in episode 853: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,017 - ERROR - Error in episode 854: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,020 - ERROR - Error in episode 855: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,023 - ERROR - Error in episode 856: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,025 - ERROR - Error in episode 857: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,028 - ERROR - Error in episode 858: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,031 - ERROR - Error in episode 859: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,033 - ERROR - Error in episode 860: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,035 - ERROR - Error in episode 861: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,038 - ERROR - Error in episode 862: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,041 - ERROR - Error in episode 863: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,043 - ERROR - Error in episode 864: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,045 - ERROR - Error in episode 865: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,048 - ERROR - Error in episode 866: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,050 - ERROR - Error in episode 867: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,052 - ERROR - Error in episode 868: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,054 - ERROR - Error in episode 869: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,057 - ERROR - Error in episode 870: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,059 - ERROR - Error in episode 871: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,062 - ERROR - Error in episode 872: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,065 - ERROR - Error in episode 873: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,068 - ERROR - Error in episode 874: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,071 - ERROR - Error in episode 875: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,075 - ERROR - Error in episode 876: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,078 - ERROR - Error in episode 877: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,080 - ERROR - Error in episode 878: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,083 - ERROR - Error in episode 879: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,086 - ERROR - Error in episode 880: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,087 - ERROR - Error in episode 881: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,090 - ERROR - Error in episode 882: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,092 - ERROR - Error in episode 883: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,094 - ERROR - Error in episode 884: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,096 - ERROR - Error in episode 885: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,099 - ERROR - Error in episode 886: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,101 - ERROR - Error in episode 887: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,103 - ERROR - Error in episode 888: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,106 - ERROR - Error in episode 889: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,109 - ERROR - Error in episode 890: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,111 - ERROR - Error in episode 891: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,114 - ERROR - Error in episode 892: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,116 - ERROR - Error in episode 893: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,119 - ERROR - Error in episode 894: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,121 - ERROR - Error in episode 895: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,123 - ERROR - Error in episode 896: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,126 - ERROR - Error in episode 897: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,129 - ERROR - Error in episode 898: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,132 - ERROR - Error in episode 899: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,134 - ERROR - Error in episode 900: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,136 - ERROR - Error in episode 901: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,140 - ERROR - Error in episode 902: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,142 - ERROR - Error in episode 903: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,145 - ERROR - Error in episode 904: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,148 - ERROR - Error in episode 905: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,150 - ERROR - Error in episode 906: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,153 - ERROR - Error in episode 907: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,155 - ERROR - Error in episode 908: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,158 - ERROR - Error in episode 909: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,160 - ERROR - Error in episode 910: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,162 - ERROR - Error in episode 911: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,164 - ERROR - Error in episode 912: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,168 - ERROR - Error in episode 913: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,171 - ERROR - Error in episode 914: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,173 - ERROR - Error in episode 915: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,176 - ERROR - Error in episode 916: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,177 - ERROR - Error in episode 917: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,180 - ERROR - Error in episode 918: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,183 - ERROR - Error in episode 919: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,185 - ERROR - Error in episode 920: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,188 - ERROR - Error in episode 921: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,191 - ERROR - Error in episode 922: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,193 - ERROR - Error in episode 923: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,196 - ERROR - Error in episode 924: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,198 - ERROR - Error in episode 925: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,202 - ERROR - Error in episode 926: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,204 - ERROR - Error in episode 927: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,206 - ERROR - Error in episode 928: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,209 - ERROR - Error in episode 929: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,212 - ERROR - Error in episode 930: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,214 - ERROR - Error in episode 931: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,216 - ERROR - Error in episode 932: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,219 - ERROR - Error in episode 933: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,221 - ERROR - Error in episode 934: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,224 - ERROR - Error in episode 935: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,226 - ERROR - Error in episode 936: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,229 - ERROR - Error in episode 937: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,232 - ERROR - Error in episode 938: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,234 - ERROR - Error in episode 939: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,236 - ERROR - Error in episode 940: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,240 - ERROR - Error in episode 941: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,242 - ERROR - Error in episode 942: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,245 - ERROR - Error in episode 943: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,247 - ERROR - Error in episode 944: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,250 - ERROR - Error in episode 945: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,252 - ERROR - Error in episode 946: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,255 - ERROR - Error in episode 947: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,258 - ERROR - Error in episode 948: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,260 - ERROR - Error in episode 949: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,262 - ERROR - Error in episode 950: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,265 - ERROR - Error in episode 951: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,268 - ERROR - Error in episode 952: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,270 - ERROR - Error in episode 953: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,273 - ERROR - Error in episode 954: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,275 - ERROR - Error in episode 955: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,278 - ERROR - Error in episode 956: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,280 - ERROR - Error in episode 957: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,283 - ERROR - Error in episode 958: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,285 - ERROR - Error in episode 959: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,288 - ERROR - Error in episode 960: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,292 - ERROR - Error in episode 961: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,294 - ERROR - Error in episode 962: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,297 - ERROR - Error in episode 963: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,299 - ERROR - Error in episode 964: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,302 - ERROR - Error in episode 965: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,305 - ERROR - Error in episode 966: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,308 - ERROR - Error in episode 967: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,312 - ERROR - Error in episode 968: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,315 - ERROR - Error in episode 969: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,317 - ERROR - Error in episode 970: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,320 - ERROR - Error in episode 971: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,322 - ERROR - Error in episode 972: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,324 - ERROR - Error in episode 973: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,328 - ERROR - Error in episode 974: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,330 - ERROR - Error in episode 975: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,332 - ERROR - Error in episode 976: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,335 - ERROR - Error in episode 977: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,338 - ERROR - Error in episode 978: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,341 - ERROR - Error in episode 979: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,343 - ERROR - Error in episode 980: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,346 - ERROR - Error in episode 981: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,348 - ERROR - Error in episode 982: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,350 - ERROR - Error in episode 983: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,353 - ERROR - Error in episode 984: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,355 - ERROR - Error in episode 985: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,358 - ERROR - Error in episode 986: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,361 - ERROR - Error in episode 987: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,364 - ERROR - Error in episode 988: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,366 - ERROR - Error in episode 989: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,369 - ERROR - Error in episode 990: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,371 - ERROR - Error in episode 991: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,374 - ERROR - Error in episode 992: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,377 - ERROR - Error in episode 993: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,379 - ERROR - Error in episode 994: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,382 - ERROR - Error in episode 995: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,384 - ERROR - Error in episode 996: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,386 - ERROR - Error in episode 997: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,389 - ERROR - Error in episode 998: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,392 - ERROR - Error in episode 999: name 'find_local_extrema' is not defined +2025-03-10 11:47:32,435 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 11:47:33,802 - INFO - Training statistics saved to training_stats.csv and training_results.png +2025-03-10 11:49:32,388 - INFO - Fetching initial 60 candles for ETH/USDT... +2025-03-10 11:49:35,913 - INFO - Successfully fetched 60 initial candles +2025-03-10 11:49:35,970 - INFO - Model size: 4,056,837 parameters +2025-03-10 11:49:38,170 - WARNING - No model found at models/trading_agent.pt +2025-03-10 11:49:38,170 - INFO - Starting training mode +2025-03-10 11:49:38,172 - INFO - Starting training... +2025-03-10 11:49:38,181 - ERROR - Error in episode 0: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,185 - ERROR - Error in episode 1: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,187 - ERROR - Error in episode 2: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,190 - ERROR - Error in episode 3: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,193 - ERROR - Error in episode 4: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,197 - ERROR - Error in episode 5: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,199 - ERROR - Error in episode 6: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,202 - ERROR - Error in episode 7: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,206 - ERROR - Error in episode 8: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,208 - ERROR - Error in episode 9: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,210 - ERROR - Error in episode 10: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,213 - ERROR - Error in episode 11: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,216 - ERROR - Error in episode 12: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,218 - ERROR - Error in episode 13: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,220 - ERROR - Error in episode 14: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,224 - ERROR - Error in episode 15: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,226 - ERROR - Error in episode 16: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,229 - ERROR - Error in episode 17: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,231 - ERROR - Error in episode 18: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,234 - ERROR - Error in episode 19: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,236 - ERROR - Error in episode 20: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,238 - ERROR - Error in episode 21: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,240 - ERROR - Error in episode 22: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,242 - ERROR - Error in episode 23: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,244 - ERROR - Error in episode 24: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,247 - ERROR - Error in episode 25: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,249 - ERROR - Error in episode 26: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,252 - ERROR - Error in episode 27: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,255 - ERROR - Error in episode 28: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,257 - ERROR - Error in episode 29: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,260 - ERROR - Error in episode 30: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,262 - ERROR - Error in episode 31: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,265 - ERROR - Error in episode 32: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,267 - ERROR - Error in episode 33: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,270 - ERROR - Error in episode 34: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,272 - ERROR - Error in episode 35: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,274 - ERROR - Error in episode 36: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,276 - ERROR - Error in episode 37: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,279 - ERROR - Error in episode 38: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,282 - ERROR - Error in episode 39: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,285 - ERROR - Error in episode 40: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,287 - ERROR - Error in episode 41: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,290 - ERROR - Error in episode 42: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,293 - ERROR - Error in episode 43: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,296 - ERROR - Error in episode 44: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,299 - ERROR - Error in episode 45: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,302 - ERROR - Error in episode 46: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,304 - ERROR - Error in episode 47: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,306 - ERROR - Error in episode 48: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,310 - ERROR - Error in episode 49: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,313 - ERROR - Error in episode 50: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,315 - ERROR - Error in episode 51: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,317 - ERROR - Error in episode 52: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,320 - ERROR - Error in episode 53: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,323 - ERROR - Error in episode 54: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,325 - ERROR - Error in episode 55: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,329 - ERROR - Error in episode 56: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,332 - ERROR - Error in episode 57: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,335 - ERROR - Error in episode 58: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,338 - ERROR - Error in episode 59: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,340 - ERROR - Error in episode 60: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,343 - ERROR - Error in episode 61: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,346 - ERROR - Error in episode 62: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,348 - ERROR - Error in episode 63: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,351 - ERROR - Error in episode 64: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,354 - ERROR - Error in episode 65: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,357 - ERROR - Error in episode 66: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,360 - ERROR - Error in episode 67: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,363 - ERROR - Error in episode 68: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,366 - ERROR - Error in episode 69: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,369 - ERROR - Error in episode 70: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,371 - ERROR - Error in episode 71: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,374 - ERROR - Error in episode 72: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,376 - ERROR - Error in episode 73: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,379 - ERROR - Error in episode 74: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,382 - ERROR - Error in episode 75: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,384 - ERROR - Error in episode 76: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,387 - ERROR - Error in episode 77: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,390 - ERROR - Error in episode 78: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,392 - ERROR - Error in episode 79: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,395 - ERROR - Error in episode 80: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,398 - ERROR - Error in episode 81: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,401 - ERROR - Error in episode 82: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,403 - ERROR - Error in episode 83: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,406 - ERROR - Error in episode 84: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,409 - ERROR - Error in episode 85: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,413 - ERROR - Error in episode 86: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,415 - ERROR - Error in episode 87: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,419 - ERROR - Error in episode 88: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,422 - ERROR - Error in episode 89: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,425 - ERROR - Error in episode 90: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,429 - ERROR - Error in episode 91: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,432 - ERROR - Error in episode 92: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,435 - ERROR - Error in episode 93: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,439 - ERROR - Error in episode 94: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,441 - ERROR - Error in episode 95: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,444 - ERROR - Error in episode 96: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,447 - ERROR - Error in episode 97: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,450 - ERROR - Error in episode 98: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,453 - ERROR - Error in episode 99: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,457 - ERROR - Error in episode 100: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,460 - ERROR - Error in episode 101: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,462 - ERROR - Error in episode 102: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,465 - ERROR - Error in episode 103: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,467 - ERROR - Error in episode 104: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,470 - ERROR - Error in episode 105: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,473 - ERROR - Error in episode 106: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,476 - ERROR - Error in episode 107: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,479 - ERROR - Error in episode 108: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,481 - ERROR - Error in episode 109: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,484 - ERROR - Error in episode 110: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,486 - ERROR - Error in episode 111: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,489 - ERROR - Error in episode 112: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,490 - ERROR - Error in episode 113: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,493 - ERROR - Error in episode 114: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,496 - ERROR - Error in episode 115: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,498 - ERROR - Error in episode 116: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,501 - ERROR - Error in episode 117: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,505 - ERROR - Error in episode 118: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,507 - ERROR - Error in episode 119: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,511 - ERROR - Error in episode 120: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,513 - ERROR - Error in episode 121: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,516 - ERROR - Error in episode 122: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,518 - ERROR - Error in episode 123: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,521 - ERROR - Error in episode 124: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,524 - ERROR - Error in episode 125: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,527 - ERROR - Error in episode 126: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,530 - ERROR - Error in episode 127: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,532 - ERROR - Error in episode 128: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,536 - ERROR - Error in episode 129: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,539 - ERROR - Error in episode 130: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,542 - ERROR - Error in episode 131: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,546 - ERROR - Error in episode 132: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,548 - ERROR - Error in episode 133: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,551 - ERROR - Error in episode 134: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,554 - ERROR - Error in episode 135: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,556 - ERROR - Error in episode 136: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,560 - ERROR - Error in episode 137: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,563 - ERROR - Error in episode 138: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,565 - ERROR - Error in episode 139: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,567 - ERROR - Error in episode 140: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,570 - ERROR - Error in episode 141: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,573 - ERROR - Error in episode 142: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,576 - ERROR - Error in episode 143: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,579 - ERROR - Error in episode 144: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,582 - ERROR - Error in episode 145: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,585 - ERROR - Error in episode 146: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,588 - ERROR - Error in episode 147: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,591 - ERROR - Error in episode 148: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,594 - ERROR - Error in episode 149: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,596 - ERROR - Error in episode 150: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,599 - ERROR - Error in episode 151: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,601 - ERROR - Error in episode 152: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,604 - ERROR - Error in episode 153: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,606 - ERROR - Error in episode 154: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,610 - ERROR - Error in episode 155: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,613 - ERROR - Error in episode 156: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,617 - ERROR - Error in episode 157: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,619 - ERROR - Error in episode 158: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,622 - ERROR - Error in episode 159: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,625 - ERROR - Error in episode 160: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,627 - ERROR - Error in episode 161: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,630 - ERROR - Error in episode 162: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,634 - ERROR - Error in episode 163: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,636 - ERROR - Error in episode 164: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,639 - ERROR - Error in episode 165: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,642 - ERROR - Error in episode 166: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,645 - ERROR - Error in episode 167: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,648 - ERROR - Error in episode 168: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,650 - ERROR - Error in episode 169: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,653 - ERROR - Error in episode 170: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,655 - ERROR - Error in episode 171: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,658 - ERROR - Error in episode 172: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,661 - ERROR - Error in episode 173: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,663 - ERROR - Error in episode 174: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,667 - ERROR - Error in episode 175: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,669 - ERROR - Error in episode 176: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,672 - ERROR - Error in episode 177: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,674 - ERROR - Error in episode 178: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,676 - ERROR - Error in episode 179: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,678 - ERROR - Error in episode 180: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,680 - ERROR - Error in episode 181: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,683 - ERROR - Error in episode 182: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,685 - ERROR - Error in episode 183: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,687 - ERROR - Error in episode 184: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,690 - ERROR - Error in episode 185: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,692 - ERROR - Error in episode 186: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,694 - ERROR - Error in episode 187: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,697 - ERROR - Error in episode 188: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,699 - ERROR - Error in episode 189: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,701 - ERROR - Error in episode 190: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,704 - ERROR - Error in episode 191: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,706 - ERROR - Error in episode 192: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,709 - ERROR - Error in episode 193: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,711 - ERROR - Error in episode 194: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,714 - ERROR - Error in episode 195: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,716 - ERROR - Error in episode 196: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,719 - ERROR - Error in episode 197: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,722 - ERROR - Error in episode 198: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,725 - ERROR - Error in episode 199: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,727 - ERROR - Error in episode 200: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,729 - ERROR - Error in episode 201: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,733 - ERROR - Error in episode 202: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,736 - ERROR - Error in episode 203: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,738 - ERROR - Error in episode 204: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,741 - ERROR - Error in episode 205: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,743 - ERROR - Error in episode 206: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,746 - ERROR - Error in episode 207: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,749 - ERROR - Error in episode 208: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,752 - ERROR - Error in episode 209: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,755 - ERROR - Error in episode 210: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,757 - ERROR - Error in episode 211: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,759 - ERROR - Error in episode 212: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,763 - ERROR - Error in episode 213: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,765 - ERROR - Error in episode 214: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,768 - ERROR - Error in episode 215: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,771 - ERROR - Error in episode 216: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,773 - ERROR - Error in episode 217: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,775 - ERROR - Error in episode 218: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,778 - ERROR - Error in episode 219: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,781 - ERROR - Error in episode 220: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,784 - ERROR - Error in episode 221: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,786 - ERROR - Error in episode 222: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,789 - ERROR - Error in episode 223: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,792 - ERROR - Error in episode 224: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,794 - ERROR - Error in episode 225: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,797 - ERROR - Error in episode 226: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,799 - ERROR - Error in episode 227: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,802 - ERROR - Error in episode 228: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,805 - ERROR - Error in episode 229: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,807 - ERROR - Error in episode 230: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,810 - ERROR - Error in episode 231: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,812 - ERROR - Error in episode 232: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,815 - ERROR - Error in episode 233: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,818 - ERROR - Error in episode 234: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,821 - ERROR - Error in episode 235: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,823 - ERROR - Error in episode 236: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,826 - ERROR - Error in episode 237: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,828 - ERROR - Error in episode 238: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,831 - ERROR - Error in episode 239: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,833 - ERROR - Error in episode 240: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,835 - ERROR - Error in episode 241: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,836 - ERROR - Error in episode 242: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,840 - ERROR - Error in episode 243: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,842 - ERROR - Error in episode 244: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,844 - ERROR - Error in episode 245: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,847 - ERROR - Error in episode 246: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,849 - ERROR - Error in episode 247: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,851 - ERROR - Error in episode 248: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,852 - ERROR - Error in episode 249: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,855 - ERROR - Error in episode 250: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,857 - ERROR - Error in episode 251: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,859 - ERROR - Error in episode 252: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,862 - ERROR - Error in episode 253: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,864 - ERROR - Error in episode 254: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,867 - ERROR - Error in episode 255: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,868 - ERROR - Error in episode 256: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,871 - ERROR - Error in episode 257: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,874 - ERROR - Error in episode 258: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,876 - ERROR - Error in episode 259: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,878 - ERROR - Error in episode 260: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,880 - ERROR - Error in episode 261: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,882 - ERROR - Error in episode 262: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,884 - ERROR - Error in episode 263: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,887 - ERROR - Error in episode 264: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,889 - ERROR - Error in episode 265: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,891 - ERROR - Error in episode 266: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,894 - ERROR - Error in episode 267: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,896 - ERROR - Error in episode 268: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,900 - ERROR - Error in episode 269: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,902 - ERROR - Error in episode 270: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,904 - ERROR - Error in episode 271: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,907 - ERROR - Error in episode 272: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,909 - ERROR - Error in episode 273: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,912 - ERROR - Error in episode 274: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,914 - ERROR - Error in episode 275: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,917 - ERROR - Error in episode 276: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,919 - ERROR - Error in episode 277: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,923 - ERROR - Error in episode 278: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,925 - ERROR - Error in episode 279: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,927 - ERROR - Error in episode 280: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,929 - ERROR - Error in episode 281: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,931 - ERROR - Error in episode 282: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,934 - ERROR - Error in episode 283: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,936 - ERROR - Error in episode 284: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,939 - ERROR - Error in episode 285: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,942 - ERROR - Error in episode 286: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,944 - ERROR - Error in episode 287: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,947 - ERROR - Error in episode 288: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,949 - ERROR - Error in episode 289: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,951 - ERROR - Error in episode 290: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,953 - ERROR - Error in episode 291: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,955 - ERROR - Error in episode 292: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,958 - ERROR - Error in episode 293: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,960 - ERROR - Error in episode 294: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,962 - ERROR - Error in episode 295: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,964 - ERROR - Error in episode 296: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,967 - ERROR - Error in episode 297: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,969 - ERROR - Error in episode 298: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,972 - ERROR - Error in episode 299: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,974 - ERROR - Error in episode 300: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,976 - ERROR - Error in episode 301: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,979 - ERROR - Error in episode 302: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,981 - ERROR - Error in episode 303: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,983 - ERROR - Error in episode 304: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,985 - ERROR - Error in episode 305: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,988 - ERROR - Error in episode 306: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,990 - ERROR - Error in episode 307: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,993 - ERROR - Error in episode 308: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,995 - ERROR - Error in episode 309: name 'find_local_extrema' is not defined +2025-03-10 11:49:38,998 - ERROR - Error in episode 310: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,001 - ERROR - Error in episode 311: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,003 - ERROR - Error in episode 312: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,005 - ERROR - Error in episode 313: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,008 - ERROR - Error in episode 314: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,010 - ERROR - Error in episode 315: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,013 - ERROR - Error in episode 316: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,016 - ERROR - Error in episode 317: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,018 - ERROR - Error in episode 318: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,021 - ERROR - Error in episode 319: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,024 - ERROR - Error in episode 320: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,026 - ERROR - Error in episode 321: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,029 - ERROR - Error in episode 322: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,031 - ERROR - Error in episode 323: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,033 - ERROR - Error in episode 324: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,036 - ERROR - Error in episode 325: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,039 - ERROR - Error in episode 326: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,042 - ERROR - Error in episode 327: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,044 - ERROR - Error in episode 328: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,047 - ERROR - Error in episode 329: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,050 - ERROR - Error in episode 330: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,053 - ERROR - Error in episode 331: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,055 - ERROR - Error in episode 332: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,058 - ERROR - Error in episode 333: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,061 - ERROR - Error in episode 334: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,063 - ERROR - Error in episode 335: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,066 - ERROR - Error in episode 336: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,068 - ERROR - Error in episode 337: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,071 - ERROR - Error in episode 338: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,074 - ERROR - Error in episode 339: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,076 - ERROR - Error in episode 340: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,079 - ERROR - Error in episode 341: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,081 - ERROR - Error in episode 342: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,083 - ERROR - Error in episode 343: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,085 - ERROR - Error in episode 344: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,088 - ERROR - Error in episode 345: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,090 - ERROR - Error in episode 346: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,093 - ERROR - Error in episode 347: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,096 - ERROR - Error in episode 348: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,098 - ERROR - Error in episode 349: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,100 - ERROR - Error in episode 350: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,103 - ERROR - Error in episode 351: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,105 - ERROR - Error in episode 352: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,108 - ERROR - Error in episode 353: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,110 - ERROR - Error in episode 354: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,112 - ERROR - Error in episode 355: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,115 - ERROR - Error in episode 356: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,117 - ERROR - Error in episode 357: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,120 - ERROR - Error in episode 358: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,123 - ERROR - Error in episode 359: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,125 - ERROR - Error in episode 360: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,128 - ERROR - Error in episode 361: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,131 - ERROR - Error in episode 362: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,133 - ERROR - Error in episode 363: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,135 - ERROR - Error in episode 364: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,138 - ERROR - Error in episode 365: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,140 - ERROR - Error in episode 366: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,142 - ERROR - Error in episode 367: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,145 - ERROR - Error in episode 368: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,148 - ERROR - Error in episode 369: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,150 - ERROR - Error in episode 370: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,152 - ERROR - Error in episode 371: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,154 - ERROR - Error in episode 372: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,157 - ERROR - Error in episode 373: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,159 - ERROR - Error in episode 374: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,163 - ERROR - Error in episode 375: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,166 - ERROR - Error in episode 376: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,169 - ERROR - Error in episode 377: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,171 - ERROR - Error in episode 378: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,174 - ERROR - Error in episode 379: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,176 - ERROR - Error in episode 380: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,178 - ERROR - Error in episode 381: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,180 - ERROR - Error in episode 382: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,183 - ERROR - Error in episode 383: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,185 - ERROR - Error in episode 384: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,187 - ERROR - Error in episode 385: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,189 - ERROR - Error in episode 386: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,192 - ERROR - Error in episode 387: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,194 - ERROR - Error in episode 388: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,196 - ERROR - Error in episode 389: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,198 - ERROR - Error in episode 390: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,201 - ERROR - Error in episode 391: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,204 - ERROR - Error in episode 392: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,207 - ERROR - Error in episode 393: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,209 - ERROR - Error in episode 394: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,211 - ERROR - Error in episode 395: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,215 - ERROR - Error in episode 396: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,217 - ERROR - Error in episode 397: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,220 - ERROR - Error in episode 398: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,222 - ERROR - Error in episode 399: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,225 - ERROR - Error in episode 400: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,228 - ERROR - Error in episode 401: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,231 - ERROR - Error in episode 402: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,233 - ERROR - Error in episode 403: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,235 - ERROR - Error in episode 404: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,237 - ERROR - Error in episode 405: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,239 - ERROR - Error in episode 406: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,242 - ERROR - Error in episode 407: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,244 - ERROR - Error in episode 408: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,248 - ERROR - Error in episode 409: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,250 - ERROR - Error in episode 410: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,253 - ERROR - Error in episode 411: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,255 - ERROR - Error in episode 412: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,257 - ERROR - Error in episode 413: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,260 - ERROR - Error in episode 414: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,262 - ERROR - Error in episode 415: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,264 - ERROR - Error in episode 416: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,267 - ERROR - Error in episode 417: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,269 - ERROR - Error in episode 418: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,273 - ERROR - Error in episode 419: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,275 - ERROR - Error in episode 420: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,277 - ERROR - Error in episode 421: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,280 - ERROR - Error in episode 422: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,283 - ERROR - Error in episode 423: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,285 - ERROR - Error in episode 424: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,288 - ERROR - Error in episode 425: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,291 - ERROR - Error in episode 426: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,294 - ERROR - Error in episode 427: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,296 - ERROR - Error in episode 428: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,298 - ERROR - Error in episode 429: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,301 - ERROR - Error in episode 430: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,303 - ERROR - Error in episode 431: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,306 - ERROR - Error in episode 432: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,308 - ERROR - Error in episode 433: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,311 - ERROR - Error in episode 434: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,314 - ERROR - Error in episode 435: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,316 - ERROR - Error in episode 436: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,320 - ERROR - Error in episode 437: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,322 - ERROR - Error in episode 438: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,325 - ERROR - Error in episode 439: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,328 - ERROR - Error in episode 440: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,330 - ERROR - Error in episode 441: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,332 - ERROR - Error in episode 442: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,336 - ERROR - Error in episode 443: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,339 - ERROR - Error in episode 444: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,342 - ERROR - Error in episode 445: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,345 - ERROR - Error in episode 446: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,347 - ERROR - Error in episode 447: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,349 - ERROR - Error in episode 448: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,352 - ERROR - Error in episode 449: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,356 - ERROR - Error in episode 450: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,359 - ERROR - Error in episode 451: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,361 - ERROR - Error in episode 452: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,364 - ERROR - Error in episode 453: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,368 - ERROR - Error in episode 454: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,370 - ERROR - Error in episode 455: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,373 - ERROR - Error in episode 456: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,377 - ERROR - Error in episode 457: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,379 - ERROR - Error in episode 458: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,382 - ERROR - Error in episode 459: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,385 - ERROR - Error in episode 460: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,387 - ERROR - Error in episode 461: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,390 - ERROR - Error in episode 462: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,393 - ERROR - Error in episode 463: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,395 - ERROR - Error in episode 464: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,398 - ERROR - Error in episode 465: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,401 - ERROR - Error in episode 466: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,404 - ERROR - Error in episode 467: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,407 - ERROR - Error in episode 468: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,410 - ERROR - Error in episode 469: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,414 - ERROR - Error in episode 470: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,417 - ERROR - Error in episode 471: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,420 - ERROR - Error in episode 472: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,424 - ERROR - Error in episode 473: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,427 - ERROR - Error in episode 474: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,429 - ERROR - Error in episode 475: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,433 - ERROR - Error in episode 476: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,436 - ERROR - Error in episode 477: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,438 - ERROR - Error in episode 478: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,441 - ERROR - Error in episode 479: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,444 - ERROR - Error in episode 480: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,447 - ERROR - Error in episode 481: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,449 - ERROR - Error in episode 482: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,451 - ERROR - Error in episode 483: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,453 - ERROR - Error in episode 484: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,456 - ERROR - Error in episode 485: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,458 - ERROR - Error in episode 486: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,462 - ERROR - Error in episode 487: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,465 - ERROR - Error in episode 488: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,467 - ERROR - Error in episode 489: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,471 - ERROR - Error in episode 490: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,474 - ERROR - Error in episode 491: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,477 - ERROR - Error in episode 492: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,480 - ERROR - Error in episode 493: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,482 - ERROR - Error in episode 494: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,485 - ERROR - Error in episode 495: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,487 - ERROR - Error in episode 496: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,489 - ERROR - Error in episode 497: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,492 - ERROR - Error in episode 498: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,494 - ERROR - Error in episode 499: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,497 - ERROR - Error in episode 500: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,499 - ERROR - Error in episode 501: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,502 - ERROR - Error in episode 502: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,504 - ERROR - Error in episode 503: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,507 - ERROR - Error in episode 504: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,509 - ERROR - Error in episode 505: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,512 - ERROR - Error in episode 506: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,515 - ERROR - Error in episode 507: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,517 - ERROR - Error in episode 508: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,520 - ERROR - Error in episode 509: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,522 - ERROR - Error in episode 510: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,525 - ERROR - Error in episode 511: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,527 - ERROR - Error in episode 512: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,530 - ERROR - Error in episode 513: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,533 - ERROR - Error in episode 514: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,536 - ERROR - Error in episode 515: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,538 - ERROR - Error in episode 516: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,541 - ERROR - Error in episode 517: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,544 - ERROR - Error in episode 518: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,547 - ERROR - Error in episode 519: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,551 - ERROR - Error in episode 520: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,554 - ERROR - Error in episode 521: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,556 - ERROR - Error in episode 522: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,558 - ERROR - Error in episode 523: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,560 - ERROR - Error in episode 524: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,563 - ERROR - Error in episode 525: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,565 - ERROR - Error in episode 526: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,567 - ERROR - Error in episode 527: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,570 - ERROR - Error in episode 528: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,572 - ERROR - Error in episode 529: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,575 - ERROR - Error in episode 530: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,577 - ERROR - Error in episode 531: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,579 - ERROR - Error in episode 532: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,582 - ERROR - Error in episode 533: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,584 - ERROR - Error in episode 534: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,587 - ERROR - Error in episode 535: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,589 - ERROR - Error in episode 536: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,592 - ERROR - Error in episode 537: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,595 - ERROR - Error in episode 538: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,597 - ERROR - Error in episode 539: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,600 - ERROR - Error in episode 540: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,603 - ERROR - Error in episode 541: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,606 - ERROR - Error in episode 542: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,608 - ERROR - Error in episode 543: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,610 - ERROR - Error in episode 544: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,614 - ERROR - Error in episode 545: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,616 - ERROR - Error in episode 546: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,619 - ERROR - Error in episode 547: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,620 - ERROR - Error in episode 548: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,624 - ERROR - Error in episode 549: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,625 - ERROR - Error in episode 550: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,629 - ERROR - Error in episode 551: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,632 - ERROR - Error in episode 552: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,634 - ERROR - Error in episode 553: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,636 - ERROR - Error in episode 554: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,638 - ERROR - Error in episode 555: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,641 - ERROR - Error in episode 556: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,643 - ERROR - Error in episode 557: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,645 - ERROR - Error in episode 558: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,647 - ERROR - Error in episode 559: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,650 - ERROR - Error in episode 560: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,652 - ERROR - Error in episode 561: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,654 - ERROR - Error in episode 562: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,656 - ERROR - Error in episode 563: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,659 - ERROR - Error in episode 564: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,661 - ERROR - Error in episode 565: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,664 - ERROR - Error in episode 566: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,667 - ERROR - Error in episode 567: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,670 - ERROR - Error in episode 568: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,673 - ERROR - Error in episode 569: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,676 - ERROR - Error in episode 570: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,679 - ERROR - Error in episode 571: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,682 - ERROR - Error in episode 572: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,684 - ERROR - Error in episode 573: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,687 - ERROR - Error in episode 574: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,689 - ERROR - Error in episode 575: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,692 - ERROR - Error in episode 576: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,694 - ERROR - Error in episode 577: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,697 - ERROR - Error in episode 578: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,699 - ERROR - Error in episode 579: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,701 - ERROR - Error in episode 580: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,704 - ERROR - Error in episode 581: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,706 - ERROR - Error in episode 582: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,708 - ERROR - Error in episode 583: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,711 - ERROR - Error in episode 584: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,714 - ERROR - Error in episode 585: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,716 - ERROR - Error in episode 586: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,718 - ERROR - Error in episode 587: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,721 - ERROR - Error in episode 588: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,723 - ERROR - Error in episode 589: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,726 - ERROR - Error in episode 590: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,727 - ERROR - Error in episode 591: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,729 - ERROR - Error in episode 592: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,732 - ERROR - Error in episode 593: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,734 - ERROR - Error in episode 594: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,736 - ERROR - Error in episode 595: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,739 - ERROR - Error in episode 596: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,742 - ERROR - Error in episode 597: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,744 - ERROR - Error in episode 598: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,747 - ERROR - Error in episode 599: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,750 - ERROR - Error in episode 600: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,752 - ERROR - Error in episode 601: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,755 - ERROR - Error in episode 602: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,757 - ERROR - Error in episode 603: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,759 - ERROR - Error in episode 604: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,762 - ERROR - Error in episode 605: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,765 - ERROR - Error in episode 606: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,767 - ERROR - Error in episode 607: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,769 - ERROR - Error in episode 608: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,773 - ERROR - Error in episode 609: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,775 - ERROR - Error in episode 610: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,778 - ERROR - Error in episode 611: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,780 - ERROR - Error in episode 612: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,783 - ERROR - Error in episode 613: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,786 - ERROR - Error in episode 614: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,789 - ERROR - Error in episode 615: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,791 - ERROR - Error in episode 616: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,793 - ERROR - Error in episode 617: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,796 - ERROR - Error in episode 618: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,799 - ERROR - Error in episode 619: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,802 - ERROR - Error in episode 620: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,804 - ERROR - Error in episode 621: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,806 - ERROR - Error in episode 622: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,808 - ERROR - Error in episode 623: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,812 - ERROR - Error in episode 624: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,815 - ERROR - Error in episode 625: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,816 - ERROR - Error in episode 626: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,820 - ERROR - Error in episode 627: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,823 - ERROR - Error in episode 628: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,826 - ERROR - Error in episode 629: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,829 - ERROR - Error in episode 630: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,832 - ERROR - Error in episode 631: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,834 - ERROR - Error in episode 632: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,837 - ERROR - Error in episode 633: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,840 - ERROR - Error in episode 634: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,842 - ERROR - Error in episode 635: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,845 - ERROR - Error in episode 636: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,847 - ERROR - Error in episode 637: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,851 - ERROR - Error in episode 638: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,853 - ERROR - Error in episode 639: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,857 - ERROR - Error in episode 640: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,859 - ERROR - Error in episode 641: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,861 - ERROR - Error in episode 642: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,864 - ERROR - Error in episode 643: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,866 - ERROR - Error in episode 644: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,869 - ERROR - Error in episode 645: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,872 - ERROR - Error in episode 646: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,874 - ERROR - Error in episode 647: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,877 - ERROR - Error in episode 648: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,879 - ERROR - Error in episode 649: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,883 - ERROR - Error in episode 650: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,885 - ERROR - Error in episode 651: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,887 - ERROR - Error in episode 652: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,890 - ERROR - Error in episode 653: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,893 - ERROR - Error in episode 654: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,894 - ERROR - Error in episode 655: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,897 - ERROR - Error in episode 656: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,900 - ERROR - Error in episode 657: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,902 - ERROR - Error in episode 658: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,905 - ERROR - Error in episode 659: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,908 - ERROR - Error in episode 660: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,911 - ERROR - Error in episode 661: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,913 - ERROR - Error in episode 662: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,916 - ERROR - Error in episode 663: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,919 - ERROR - Error in episode 664: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,921 - ERROR - Error in episode 665: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,924 - ERROR - Error in episode 666: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,926 - ERROR - Error in episode 667: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,928 - ERROR - Error in episode 668: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,932 - ERROR - Error in episode 669: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,934 - ERROR - Error in episode 670: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,937 - ERROR - Error in episode 671: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,940 - ERROR - Error in episode 672: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,943 - ERROR - Error in episode 673: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,945 - ERROR - Error in episode 674: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,948 - ERROR - Error in episode 675: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,951 - ERROR - Error in episode 676: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,952 - ERROR - Error in episode 677: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,955 - ERROR - Error in episode 678: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,957 - ERROR - Error in episode 679: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,960 - ERROR - Error in episode 680: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,963 - ERROR - Error in episode 681: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,965 - ERROR - Error in episode 682: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,968 - ERROR - Error in episode 683: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,971 - ERROR - Error in episode 684: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,973 - ERROR - Error in episode 685: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,975 - ERROR - Error in episode 686: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,978 - ERROR - Error in episode 687: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,980 - ERROR - Error in episode 688: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,983 - ERROR - Error in episode 689: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,986 - ERROR - Error in episode 690: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,988 - ERROR - Error in episode 691: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,990 - ERROR - Error in episode 692: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,993 - ERROR - Error in episode 693: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,996 - ERROR - Error in episode 694: name 'find_local_extrema' is not defined +2025-03-10 11:49:39,998 - ERROR - Error in episode 695: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,001 - ERROR - Error in episode 696: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,003 - ERROR - Error in episode 697: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,005 - ERROR - Error in episode 698: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,008 - ERROR - Error in episode 699: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,010 - ERROR - Error in episode 700: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,013 - ERROR - Error in episode 701: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,015 - ERROR - Error in episode 702: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,018 - ERROR - Error in episode 703: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,022 - ERROR - Error in episode 704: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,024 - ERROR - Error in episode 705: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,027 - ERROR - Error in episode 706: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,029 - ERROR - Error in episode 707: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,031 - ERROR - Error in episode 708: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,034 - ERROR - Error in episode 709: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,036 - ERROR - Error in episode 710: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,039 - ERROR - Error in episode 711: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,041 - ERROR - Error in episode 712: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,044 - ERROR - Error in episode 713: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,047 - ERROR - Error in episode 714: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,050 - ERROR - Error in episode 715: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,053 - ERROR - Error in episode 716: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,055 - ERROR - Error in episode 717: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,058 - ERROR - Error in episode 718: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,061 - ERROR - Error in episode 719: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,064 - ERROR - Error in episode 720: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,066 - ERROR - Error in episode 721: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,068 - ERROR - Error in episode 722: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,070 - ERROR - Error in episode 723: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,073 - ERROR - Error in episode 724: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,076 - ERROR - Error in episode 725: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,079 - ERROR - Error in episode 726: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,082 - ERROR - Error in episode 727: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,084 - ERROR - Error in episode 728: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,087 - ERROR - Error in episode 729: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,090 - ERROR - Error in episode 730: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,092 - ERROR - Error in episode 731: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,095 - ERROR - Error in episode 732: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,098 - ERROR - Error in episode 733: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,101 - ERROR - Error in episode 734: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,103 - ERROR - Error in episode 735: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,106 - ERROR - Error in episode 736: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,109 - ERROR - Error in episode 737: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,111 - ERROR - Error in episode 738: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,114 - ERROR - Error in episode 739: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,117 - ERROR - Error in episode 740: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,119 - ERROR - Error in episode 741: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,122 - ERROR - Error in episode 742: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,124 - ERROR - Error in episode 743: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,127 - ERROR - Error in episode 744: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,130 - ERROR - Error in episode 745: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,133 - ERROR - Error in episode 746: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,135 - ERROR - Error in episode 747: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,138 - ERROR - Error in episode 748: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,141 - ERROR - Error in episode 749: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,144 - ERROR - Error in episode 750: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,146 - ERROR - Error in episode 751: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,149 - ERROR - Error in episode 752: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,152 - ERROR - Error in episode 753: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,155 - ERROR - Error in episode 754: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,157 - ERROR - Error in episode 755: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,160 - ERROR - Error in episode 756: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,162 - ERROR - Error in episode 757: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,165 - ERROR - Error in episode 758: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,168 - ERROR - Error in episode 759: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,171 - ERROR - Error in episode 760: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,174 - ERROR - Error in episode 761: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,177 - ERROR - Error in episode 762: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,180 - ERROR - Error in episode 763: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,183 - ERROR - Error in episode 764: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,185 - ERROR - Error in episode 765: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,188 - ERROR - Error in episode 766: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,191 - ERROR - Error in episode 767: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,194 - ERROR - Error in episode 768: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,196 - ERROR - Error in episode 769: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,199 - ERROR - Error in episode 770: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,201 - ERROR - Error in episode 771: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,204 - ERROR - Error in episode 772: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,207 - ERROR - Error in episode 773: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,210 - ERROR - Error in episode 774: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,212 - ERROR - Error in episode 775: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,215 - ERROR - Error in episode 776: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,218 - ERROR - Error in episode 777: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,221 - ERROR - Error in episode 778: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,223 - ERROR - Error in episode 779: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,226 - ERROR - Error in episode 780: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,229 - ERROR - Error in episode 781: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,231 - ERROR - Error in episode 782: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,234 - ERROR - Error in episode 783: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,237 - ERROR - Error in episode 784: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,239 - ERROR - Error in episode 785: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,242 - ERROR - Error in episode 786: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,245 - ERROR - Error in episode 787: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,248 - ERROR - Error in episode 788: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,250 - ERROR - Error in episode 789: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,252 - ERROR - Error in episode 790: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,255 - ERROR - Error in episode 791: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,257 - ERROR - Error in episode 792: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,260 - ERROR - Error in episode 793: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,263 - ERROR - Error in episode 794: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,266 - ERROR - Error in episode 795: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,268 - ERROR - Error in episode 796: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,270 - ERROR - Error in episode 797: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,273 - ERROR - Error in episode 798: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,277 - ERROR - Error in episode 799: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,279 - ERROR - Error in episode 800: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,282 - ERROR - Error in episode 801: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,284 - ERROR - Error in episode 802: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,287 - ERROR - Error in episode 803: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,291 - ERROR - Error in episode 804: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,293 - ERROR - Error in episode 805: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,296 - ERROR - Error in episode 806: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,299 - ERROR - Error in episode 807: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,301 - ERROR - Error in episode 808: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,303 - ERROR - Error in episode 809: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,306 - ERROR - Error in episode 810: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,309 - ERROR - Error in episode 811: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,311 - ERROR - Error in episode 812: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,313 - ERROR - Error in episode 813: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,316 - ERROR - Error in episode 814: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,318 - ERROR - Error in episode 815: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,322 - ERROR - Error in episode 816: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,325 - ERROR - Error in episode 817: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,329 - ERROR - Error in episode 818: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,332 - ERROR - Error in episode 819: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,334 - ERROR - Error in episode 820: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,337 - ERROR - Error in episode 821: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,341 - ERROR - Error in episode 822: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,344 - ERROR - Error in episode 823: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,347 - ERROR - Error in episode 824: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,350 - ERROR - Error in episode 825: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,353 - ERROR - Error in episode 826: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,356 - ERROR - Error in episode 827: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,358 - ERROR - Error in episode 828: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,360 - ERROR - Error in episode 829: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,363 - ERROR - Error in episode 830: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,365 - ERROR - Error in episode 831: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,368 - ERROR - Error in episode 832: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,371 - ERROR - Error in episode 833: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,374 - ERROR - Error in episode 834: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,376 - ERROR - Error in episode 835: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,379 - ERROR - Error in episode 836: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,382 - ERROR - Error in episode 837: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,385 - ERROR - Error in episode 838: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,388 - ERROR - Error in episode 839: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,391 - ERROR - Error in episode 840: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,393 - ERROR - Error in episode 841: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,396 - ERROR - Error in episode 842: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,399 - ERROR - Error in episode 843: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,402 - ERROR - Error in episode 844: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,405 - ERROR - Error in episode 845: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,408 - ERROR - Error in episode 846: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,411 - ERROR - Error in episode 847: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,414 - ERROR - Error in episode 848: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,416 - ERROR - Error in episode 849: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,420 - ERROR - Error in episode 850: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,424 - ERROR - Error in episode 851: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,426 - ERROR - Error in episode 852: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,430 - ERROR - Error in episode 853: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,432 - ERROR - Error in episode 854: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,435 - ERROR - Error in episode 855: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,437 - ERROR - Error in episode 856: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,440 - ERROR - Error in episode 857: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,443 - ERROR - Error in episode 858: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,445 - ERROR - Error in episode 859: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,448 - ERROR - Error in episode 860: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,451 - ERROR - Error in episode 861: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,454 - ERROR - Error in episode 862: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,456 - ERROR - Error in episode 863: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,459 - ERROR - Error in episode 864: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,461 - ERROR - Error in episode 865: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,464 - ERROR - Error in episode 866: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,467 - ERROR - Error in episode 867: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,469 - ERROR - Error in episode 868: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,471 - ERROR - Error in episode 869: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,475 - ERROR - Error in episode 870: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,478 - ERROR - Error in episode 871: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,479 - ERROR - Error in episode 872: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,483 - ERROR - Error in episode 873: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,486 - ERROR - Error in episode 874: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,488 - ERROR - Error in episode 875: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,490 - ERROR - Error in episode 876: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,492 - ERROR - Error in episode 877: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,495 - ERROR - Error in episode 878: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,498 - ERROR - Error in episode 879: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,500 - ERROR - Error in episode 880: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,503 - ERROR - Error in episode 881: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,506 - ERROR - Error in episode 882: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,509 - ERROR - Error in episode 883: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,511 - ERROR - Error in episode 884: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,514 - ERROR - Error in episode 885: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,517 - ERROR - Error in episode 886: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,520 - ERROR - Error in episode 887: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,523 - ERROR - Error in episode 888: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,525 - ERROR - Error in episode 889: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,528 - ERROR - Error in episode 890: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,530 - ERROR - Error in episode 891: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,532 - ERROR - Error in episode 892: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,534 - ERROR - Error in episode 893: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,537 - ERROR - Error in episode 894: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,540 - ERROR - Error in episode 895: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,542 - ERROR - Error in episode 896: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,544 - ERROR - Error in episode 897: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,547 - ERROR - Error in episode 898: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,549 - ERROR - Error in episode 899: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,551 - ERROR - Error in episode 900: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,555 - ERROR - Error in episode 901: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,557 - ERROR - Error in episode 902: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,559 - ERROR - Error in episode 903: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,562 - ERROR - Error in episode 904: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,565 - ERROR - Error in episode 905: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,568 - ERROR - Error in episode 906: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,570 - ERROR - Error in episode 907: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,573 - ERROR - Error in episode 908: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,576 - ERROR - Error in episode 909: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,579 - ERROR - Error in episode 910: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,581 - ERROR - Error in episode 911: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,583 - ERROR - Error in episode 912: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,586 - ERROR - Error in episode 913: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,589 - ERROR - Error in episode 914: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,591 - ERROR - Error in episode 915: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,594 - ERROR - Error in episode 916: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,597 - ERROR - Error in episode 917: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,600 - ERROR - Error in episode 918: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,602 - ERROR - Error in episode 919: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,605 - ERROR - Error in episode 920: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,607 - ERROR - Error in episode 921: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,610 - ERROR - Error in episode 922: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,613 - ERROR - Error in episode 923: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,616 - ERROR - Error in episode 924: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,618 - ERROR - Error in episode 925: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,621 - ERROR - Error in episode 926: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,623 - ERROR - Error in episode 927: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,627 - ERROR - Error in episode 928: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,629 - ERROR - Error in episode 929: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,632 - ERROR - Error in episode 930: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,635 - ERROR - Error in episode 931: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,638 - ERROR - Error in episode 932: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,640 - ERROR - Error in episode 933: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,643 - ERROR - Error in episode 934: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,646 - ERROR - Error in episode 935: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,648 - ERROR - Error in episode 936: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,650 - ERROR - Error in episode 937: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,654 - ERROR - Error in episode 938: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,656 - ERROR - Error in episode 939: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,658 - ERROR - Error in episode 940: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,661 - ERROR - Error in episode 941: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,665 - ERROR - Error in episode 942: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,668 - ERROR - Error in episode 943: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,671 - ERROR - Error in episode 944: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,673 - ERROR - Error in episode 945: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,676 - ERROR - Error in episode 946: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,679 - ERROR - Error in episode 947: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,682 - ERROR - Error in episode 948: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,685 - ERROR - Error in episode 949: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,688 - ERROR - Error in episode 950: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,691 - ERROR - Error in episode 951: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,694 - ERROR - Error in episode 952: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,696 - ERROR - Error in episode 953: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,700 - ERROR - Error in episode 954: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,702 - ERROR - Error in episode 955: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,705 - ERROR - Error in episode 956: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,708 - ERROR - Error in episode 957: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,711 - ERROR - Error in episode 958: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,714 - ERROR - Error in episode 959: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,716 - ERROR - Error in episode 960: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,719 - ERROR - Error in episode 961: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,722 - ERROR - Error in episode 962: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,725 - ERROR - Error in episode 963: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,728 - ERROR - Error in episode 964: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,731 - ERROR - Error in episode 965: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,733 - ERROR - Error in episode 966: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,735 - ERROR - Error in episode 967: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,738 - ERROR - Error in episode 968: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,740 - ERROR - Error in episode 969: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,743 - ERROR - Error in episode 970: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,745 - ERROR - Error in episode 971: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,748 - ERROR - Error in episode 972: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,751 - ERROR - Error in episode 973: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,753 - ERROR - Error in episode 974: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,758 - ERROR - Error in episode 975: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,760 - ERROR - Error in episode 976: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,763 - ERROR - Error in episode 977: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,766 - ERROR - Error in episode 978: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,768 - ERROR - Error in episode 979: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,771 - ERROR - Error in episode 980: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,773 - ERROR - Error in episode 981: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,775 - ERROR - Error in episode 982: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,778 - ERROR - Error in episode 983: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,780 - ERROR - Error in episode 984: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,783 - ERROR - Error in episode 985: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,785 - ERROR - Error in episode 986: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,788 - ERROR - Error in episode 987: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,791 - ERROR - Error in episode 988: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,793 - ERROR - Error in episode 989: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,795 - ERROR - Error in episode 990: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,798 - ERROR - Error in episode 991: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,801 - ERROR - Error in episode 992: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,803 - ERROR - Error in episode 993: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,806 - ERROR - Error in episode 994: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,808 - ERROR - Error in episode 995: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,810 - ERROR - Error in episode 996: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,812 - ERROR - Error in episode 997: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,814 - ERROR - Error in episode 998: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,817 - ERROR - Error in episode 999: name 'find_local_extrema' is not defined +2025-03-10 11:49:40,858 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 11:49:41,917 - INFO - Training statistics saved to training_stats.csv and training_results.png +2025-03-10 11:51:00,174 - INFO - Fetching initial 60 candles for ETH/USDT... +2025-03-10 11:51:04,027 - INFO - Successfully fetched 60 initial candles +2025-03-10 11:51:04,095 - INFO - Model size: 4,056,837 parameters +2025-03-10 11:51:06,805 - WARNING - No model found at models/trading_agent.pt +2025-03-10 11:51:06,805 - INFO - Starting training mode +2025-03-10 11:51:06,806 - INFO - Starting training... +2025-03-10 11:51:06,819 - INFO - Identified 2 optimal buy points and 1 optimal sell points +2025-03-10 11:51:06,907 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:06,908 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-9.00 +2025-03-10 11:51:06,909 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:06,909 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-8.19 +2025-03-10 11:51:06,910 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:06,910 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-7.45 +2025-03-10 11:51:06,912 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:06,913 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-6.78 +2025-03-10 11:51:06,914 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:06,915 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-6.17 +2025-03-10 11:51:06,918 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:06,918 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-5.62 +2025-03-10 11:51:06,920 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:06,920 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-5.11 +2025-03-10 11:51:06,923 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:06,924 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-4.65 +2025-03-10 11:51:06,925 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:06,925 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-4.23 +2025-03-10 11:51:06,927 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:06,928 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.85 +2025-03-10 11:51:06,929 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:06,929 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.50 +2025-03-10 11:51:06,933 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:06,933 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.19 +2025-03-10 11:51:06,934 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:06,934 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.90 +2025-03-10 11:51:06,935 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:06,937 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.64 +2025-03-10 11:51:06,938 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:07,383 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.40 +2025-03-10 11:51:07,415 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:07,446 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.19 +2025-03-10 11:51:07,512 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:07,633 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.99 +2025-03-10 11:51:07,696 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:07,786 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.81 +2025-03-10 11:51:07,849 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:08,282 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.65 +2025-03-10 11:51:08,313 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:08,377 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.50 +2025-03-10 11:51:08,411 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:08,733 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.36 +2025-03-10 11:51:08,794 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:08,824 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.24 +2025-03-10 11:51:08,857 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:09,008 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.13 +2025-03-10 11:51:09,038 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:09,102 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.03 +2025-03-10 11:51:09,132 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:09,294 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-0.94 +2025-03-10 11:51:09,332 - ERROR - Error in episode 0: sequence index must be integer, not 'slice' +2025-03-10 11:51:09,338 - INFO - Identified 2 optimal buy points and 1 optimal sell points +2025-03-10 11:51:09,457 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:09,648 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-9.00 +2025-03-10 11:51:09,776 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:09,928 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-8.19 +2025-03-10 11:51:09,990 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:10,021 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-7.45 +2025-03-10 11:51:10,057 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:10,188 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-6.78 +2025-03-10 11:51:10,253 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:10,350 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-6.17 +2025-03-10 11:51:10,446 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:10,511 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-5.62 +2025-03-10 11:51:10,611 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:10,766 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-5.11 +2025-03-10 11:51:10,799 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:11,118 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-4.65 +2025-03-10 11:51:11,181 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:11,436 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-4.23 +2025-03-10 11:51:11,468 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:11,682 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.85 +2025-03-10 11:51:11,808 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:11,964 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-3.50 +2025-03-10 11:51:11,996 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:12,123 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.19 +2025-03-10 11:51:12,156 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:12,249 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.90 +2025-03-10 11:51:12,314 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:12,345 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.64 +2025-03-10 11:51:12,476 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:12,509 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.40 +2025-03-10 11:51:12,571 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:12,736 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.19 +2025-03-10 11:51:12,800 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:12,865 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.99 +2025-03-10 11:51:12,997 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:13,181 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.81 +2025-03-10 11:51:13,213 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:13,310 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.65 +2025-03-10 11:51:13,377 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:13,410 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.50 +2025-03-10 11:51:13,473 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:13,505 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.36 +2025-03-10 11:51:13,538 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:13,605 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.24 +2025-03-10 11:51:13,667 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:13,759 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.13 +2025-03-10 11:51:13,798 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:14,014 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.03 +2025-03-10 11:51:14,043 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:14,249 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-0.94 +2025-03-10 11:51:14,284 - ERROR - Error in episode 1: sequence index must be integer, not 'slice' +2025-03-10 11:51:14,291 - INFO - Identified 2 optimal buy points and 1 optimal sell points +2025-03-10 11:51:14,384 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:14,420 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-9.00 +2025-03-10 11:51:14,487 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:14,531 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-8.19 +2025-03-10 11:51:14,640 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:14,709 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-7.45 +2025-03-10 11:51:14,808 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:14,904 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-6.78 +2025-03-10 11:51:15,006 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:15,109 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-6.17 +2025-03-10 11:51:15,140 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:15,202 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-5.62 +2025-03-10 11:51:15,234 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:15,493 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-5.11 +2025-03-10 11:51:15,558 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:15,653 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-4.65 +2025-03-10 11:51:15,717 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:15,841 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-4.23 +2025-03-10 11:51:16,040 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:16,140 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-3.85 +2025-03-10 11:51:16,365 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:16,396 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.50 +2025-03-10 11:51:16,563 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:16,847 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.19 +2025-03-10 11:51:16,912 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:17,010 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.90 +2025-03-10 11:51:17,070 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:17,102 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.64 +2025-03-10 11:51:17,136 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:17,168 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.40 +2025-03-10 11:51:17,200 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:17,261 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.19 +2025-03-10 11:51:17,293 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:17,425 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.99 +2025-03-10 11:51:17,457 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:17,647 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.81 +2025-03-10 11:51:17,678 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:17,706 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.65 +2025-03-10 11:51:17,736 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:17,920 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.50 +2025-03-10 11:51:17,955 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:18,019 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.36 +2025-03-10 11:51:18,083 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:18,177 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.24 +2025-03-10 11:51:18,238 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:18,271 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.13 +2025-03-10 11:51:18,333 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:18,365 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.03 +2025-03-10 11:51:18,399 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:18,650 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-0.94 +2025-03-10 11:51:18,683 - ERROR - Error in episode 2: sequence index must be integer, not 'slice' +2025-03-10 11:51:18,689 - INFO - Identified 2 optimal buy points and 1 optimal sell points +2025-03-10 11:51:18,761 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:18,879 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-9.00 +2025-03-10 11:51:18,945 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:18,979 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-8.19 +2025-03-10 11:51:19,013 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:19,135 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-7.45 +2025-03-10 11:51:19,255 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:19,348 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-6.78 +2025-03-10 11:51:19,414 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:19,443 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-6.17 +2025-03-10 11:51:19,544 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:19,575 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-5.62 +2025-03-10 11:51:19,608 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:19,813 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-5.11 +2025-03-10 11:51:19,904 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:20,005 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-4.65 +2025-03-10 11:51:20,036 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:20,126 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-4.23 +2025-03-10 11:51:20,158 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:20,186 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-3.85 +2025-03-10 11:51:20,218 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:20,286 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-3.50 +2025-03-10 11:51:20,357 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:20,397 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-3.19 +2025-03-10 11:51:20,431 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:20,500 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.90 +2025-03-10 11:51:20,598 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:20,715 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.64 +2025-03-10 11:51:20,748 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:20,953 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.40 +2025-03-10 11:51:21,013 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:21,070 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.19 +2025-03-10 11:51:21,100 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:21,456 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.99 +2025-03-10 11:51:21,516 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:21,639 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.81 +2025-03-10 11:51:21,667 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:21,699 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.65 +2025-03-10 11:51:21,757 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:21,845 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.50 +2025-03-10 11:51:21,908 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:22,053 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.36 +2025-03-10 11:51:22,114 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:22,147 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.24 +2025-03-10 11:51:22,176 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:22,317 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.13 +2025-03-10 11:51:22,348 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:22,411 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.03 +2025-03-10 11:51:22,441 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:22,563 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-0.94 +2025-03-10 11:51:22,595 - ERROR - Error in episode 3: sequence index must be integer, not 'slice' +2025-03-10 11:51:22,602 - INFO - Identified 2 optimal buy points and 1 optimal sell points +2025-03-10 11:51:22,651 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:22,709 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-9.00 +2025-03-10 11:51:22,743 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:22,803 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-8.19 +2025-03-10 11:51:22,896 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:22,955 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-7.45 +2025-03-10 11:51:22,988 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:23,042 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-6.78 +2025-03-10 11:51:23,070 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:23,157 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-6.17 +2025-03-10 11:51:23,187 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:23,271 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-5.62 +2025-03-10 11:51:23,299 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:23,361 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-5.11 +2025-03-10 11:51:23,390 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:23,505 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-4.65 +2025-03-10 11:51:23,688 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:23,772 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-4.23 +2025-03-10 11:51:23,801 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:23,833 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-3.85 +2025-03-10 11:51:23,892 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:24,043 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-3.50 +2025-03-10 11:51:24,071 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:24,339 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.19 +2025-03-10 11:51:24,462 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:24,757 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.90 +2025-03-10 11:51:24,840 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:25,010 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.64 +2025-03-10 11:51:25,042 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:25,159 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.40 +2025-03-10 11:51:25,216 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:25,275 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.19 +2025-03-10 11:51:25,338 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:25,451 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.99 +2025-03-10 11:51:25,478 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:25,731 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.81 +2025-03-10 11:51:25,763 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:25,796 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.65 +2025-03-10 11:51:25,828 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:25,859 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.50 +2025-03-10 11:51:25,961 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:26,085 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.36 +2025-03-10 11:51:26,116 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:26,323 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.24 +2025-03-10 11:51:26,352 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:26,482 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.13 +2025-03-10 11:51:26,579 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:26,711 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.03 +2025-03-10 11:51:26,749 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:26,841 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-0.94 +2025-03-10 11:51:26,871 - ERROR - Error in episode 4: sequence index must be integer, not 'slice' +2025-03-10 11:51:26,878 - INFO - Identified 2 optimal buy points and 1 optimal sell points +2025-03-10 11:51:27,025 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:27,202 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-9.00 +2025-03-10 11:51:27,267 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:27,298 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-8.19 +2025-03-10 11:51:27,392 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:27,453 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-7.45 +2025-03-10 11:51:27,480 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:27,604 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-6.78 +2025-03-10 11:51:27,816 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:27,879 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-6.17 +2025-03-10 11:51:27,909 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:27,974 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-5.62 +2025-03-10 11:51:28,060 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:28,116 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-5.11 +2025-03-10 11:51:28,148 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:28,269 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-4.65 +2025-03-10 11:51:28,392 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:28,423 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-4.23 +2025-03-10 11:51:28,489 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:28,620 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.85 +2025-03-10 11:51:28,651 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:28,713 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.50 +2025-03-10 11:51:28,746 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:29,028 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.19 +2025-03-10 11:51:29,110 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:29,175 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.90 +2025-03-10 11:51:29,231 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:29,322 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.64 +2025-03-10 11:51:29,388 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:29,675 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.40 +2025-03-10 11:51:29,709 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:29,966 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.19 +2025-03-10 11:51:30,031 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:30,063 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.99 +2025-03-10 11:51:30,093 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:30,183 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.81 +2025-03-10 11:51:30,210 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:30,241 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.65 +2025-03-10 11:51:30,311 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:30,538 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.50 +2025-03-10 11:51:30,570 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:30,602 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.36 +2025-03-10 11:51:30,725 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:30,754 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.24 +2025-03-10 11:51:30,825 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:31,082 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.13 +2025-03-10 11:51:31,112 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:31,288 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.03 +2025-03-10 11:51:31,353 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:31,389 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-0.94 +2025-03-10 11:51:31,418 - ERROR - Error in episode 5: sequence index must be integer, not 'slice' +2025-03-10 11:51:31,425 - INFO - Identified 2 optimal buy points and 1 optimal sell points +2025-03-10 11:51:31,469 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:31,565 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-9.00 +2025-03-10 11:51:31,595 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:31,866 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-8.19 +2025-03-10 11:51:31,984 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:32,308 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-7.45 +2025-03-10 11:51:32,339 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:32,432 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-6.78 +2025-03-10 11:51:32,613 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:32,642 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-6.17 +2025-03-10 11:51:32,673 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:32,820 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-5.62 +2025-03-10 11:51:32,882 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:33,050 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-5.11 +2025-03-10 11:51:33,079 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:33,196 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-4.65 +2025-03-10 11:51:33,226 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:33,345 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-4.23 +2025-03-10 11:51:33,378 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:33,826 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.85 +2025-03-10 11:51:33,858 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:33,920 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.50 +2025-03-10 11:51:33,949 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:34,263 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-3.19 +2025-03-10 11:51:34,318 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:34,475 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.90 +2025-03-10 11:51:34,506 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:34,684 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.64 +2025-03-10 11:51:34,714 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:35,221 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.40 +2025-03-10 11:51:35,337 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:35,541 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.19 +2025-03-10 11:51:35,685 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:35,861 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.99 +2025-03-10 11:51:35,892 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:35,924 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.81 +2025-03-10 11:51:36,017 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:36,075 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.65 +2025-03-10 11:51:36,103 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:36,265 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.50 +2025-03-10 11:51:36,296 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:36,507 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.36 +2025-03-10 11:51:36,629 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:36,801 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.24 +2025-03-10 11:51:36,895 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:36,955 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.13 +2025-03-10 11:51:37,014 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:37,041 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.03 +2025-03-10 11:51:37,099 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:37,161 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-0.94 +2025-03-10 11:51:37,192 - ERROR - Error in episode 6: sequence index must be integer, not 'slice' +2025-03-10 11:51:37,197 - INFO - Identified 2 optimal buy points and 1 optimal sell points +2025-03-10 11:51:37,239 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:37,427 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-9.00 +2025-03-10 11:51:37,491 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:37,674 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-8.19 +2025-03-10 11:51:37,702 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:37,907 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-7.45 +2025-03-10 11:51:38,029 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:38,175 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-6.78 +2025-03-10 11:51:38,231 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:38,647 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-6.17 +2025-03-10 11:51:38,715 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:39,030 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-5.62 +2025-03-10 11:51:39,063 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:39,130 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-5.11 +2025-03-10 11:51:39,222 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:39,354 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-4.65 +2025-03-10 11:51:39,420 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:39,485 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-4.23 +2025-03-10 11:51:39,515 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:39,615 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.85 +2025-03-10 11:51:39,737 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:39,768 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.50 +2025-03-10 11:51:39,794 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:39,971 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-3.19 +2025-03-10 11:51:40,093 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:40,183 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.90 +2025-03-10 11:51:40,282 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:40,569 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.64 +2025-03-10 11:51:40,629 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:40,758 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.40 +2025-03-10 11:51:40,820 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:40,981 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.19 +2025-03-10 11:51:41,044 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:41,317 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.99 +2025-03-10 11:51:41,344 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:41,532 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.81 +2025-03-10 11:51:41,594 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:41,715 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.65 +2025-03-10 11:51:41,745 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:41,834 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.50 +2025-03-10 11:51:41,863 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:41,961 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.36 +2025-03-10 11:51:41,991 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:42,132 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.24 +2025-03-10 11:51:42,228 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:42,351 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.13 +2025-03-10 11:51:42,383 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:42,415 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.03 +2025-03-10 11:51:42,627 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:42,657 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-0.94 +2025-03-10 11:51:42,689 - ERROR - Error in episode 7: sequence index must be integer, not 'slice' +2025-03-10 11:51:42,696 - INFO - Identified 2 optimal buy points and 1 optimal sell points +2025-03-10 11:51:42,739 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:42,948 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-9.00 +2025-03-10 11:51:42,981 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:43,041 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-8.19 +2025-03-10 11:51:43,110 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:43,239 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-7.45 +2025-03-10 11:51:43,270 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:43,336 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-6.78 +2025-03-10 11:51:43,401 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:43,463 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-6.17 +2025-03-10 11:51:43,662 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:43,764 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-5.62 +2025-03-10 11:51:43,857 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:44,159 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-5.11 +2025-03-10 11:51:44,188 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:44,335 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-4.65 +2025-03-10 11:51:44,370 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:44,431 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-4.23 +2025-03-10 11:51:44,521 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:44,551 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.85 +2025-03-10 11:51:44,709 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:44,826 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-3.50 +2025-03-10 11:51:44,890 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:44,982 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.19 +2025-03-10 11:51:45,073 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:45,103 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.90 +2025-03-10 11:51:45,140 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:45,333 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.64 +2025-03-10 11:51:45,588 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:45,705 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.40 +2025-03-10 11:51:45,790 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:45,852 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.19 +2025-03-10 11:51:45,890 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:45,947 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.99 +2025-03-10 11:51:45,978 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:46,072 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.81 +2025-03-10 11:51:46,133 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:46,253 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.65 +2025-03-10 11:51:46,281 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:46,313 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.50 +2025-03-10 11:51:46,346 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:46,501 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.36 +2025-03-10 11:51:46,531 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:46,739 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.24 +2025-03-10 11:51:46,805 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:46,837 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.13 +2025-03-10 11:51:46,869 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:47,206 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.03 +2025-03-10 11:51:47,237 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:47,579 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-0.94 +2025-03-10 11:51:47,610 - ERROR - Error in episode 8: sequence index must be integer, not 'slice' +2025-03-10 11:51:47,616 - INFO - Identified 2 optimal buy points and 1 optimal sell points +2025-03-10 11:51:47,661 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:48,125 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-9.00 +2025-03-10 11:51:48,160 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:48,262 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-8.19 +2025-03-10 11:51:48,324 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:48,423 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-7.45 +2025-03-10 11:51:48,581 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:48,705 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-6.78 +2025-03-10 11:51:48,802 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:49,078 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-6.17 +2025-03-10 11:51:49,110 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:49,232 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-5.62 +2025-03-10 11:51:49,291 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:49,448 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-5.11 +2025-03-10 11:51:49,534 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:49,716 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-4.65 +2025-03-10 11:51:49,815 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:49,877 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-4.23 +2025-03-10 11:51:49,907 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:50,005 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.85 +2025-03-10 11:51:50,071 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:50,873 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-3.50 +2025-03-10 11:51:51,002 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:51,096 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.19 +2025-03-10 11:51:51,162 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:51,569 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.90 +2025-03-10 11:51:51,599 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:51,720 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.64 +2025-03-10 11:51:51,751 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:51,842 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.40 +2025-03-10 11:51:51,871 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:51,902 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.19 +2025-03-10 11:51:51,931 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:51,991 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.99 +2025-03-10 11:51:52,080 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:52,108 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.81 +2025-03-10 11:51:52,138 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:52,559 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.65 +2025-03-10 11:51:52,632 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:52,704 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.50 +2025-03-10 11:51:52,743 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:52,924 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.36 +2025-03-10 11:51:53,019 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:53,115 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.24 +2025-03-10 11:51:53,236 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:53,327 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.13 +2025-03-10 11:51:53,394 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:53,457 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.03 +2025-03-10 11:51:53,488 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:53,548 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-0.94 +2025-03-10 11:51:53,578 - ERROR - Error in episode 9: sequence index must be integer, not 'slice' +2025-03-10 11:51:53,585 - INFO - Identified 2 optimal buy points and 1 optimal sell points +2025-03-10 11:51:53,631 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:53,769 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-9.00 +2025-03-10 11:51:53,861 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:53,956 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-8.19 +2025-03-10 11:51:54,089 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:54,183 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-7.45 +2025-03-10 11:51:54,216 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:54,409 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-6.78 +2025-03-10 11:51:54,441 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:54,471 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-6.17 +2025-03-10 11:51:54,501 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:54,562 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-5.62 +2025-03-10 11:51:54,632 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:54,809 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-5.11 +2025-03-10 11:51:54,904 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:54,937 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-4.65 +2025-03-10 11:51:55,004 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:55,067 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-4.23 +2025-03-10 11:51:55,100 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:55,163 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-3.85 +2025-03-10 11:51:55,194 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:55,478 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-3.50 +2025-03-10 11:51:55,542 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:55,805 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-3.19 +2025-03-10 11:51:55,871 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:55,904 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.90 +2025-03-10 11:51:55,937 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:56,120 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.64 +2025-03-10 11:51:56,152 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:56,370 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.40 +2025-03-10 11:51:56,403 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:56,582 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.19 +2025-03-10 11:51:56,614 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:56,679 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.99 +2025-03-10 11:51:56,770 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:57,144 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.81 +2025-03-10 11:51:57,203 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:57,447 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.65 +2025-03-10 11:51:57,476 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:57,504 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.50 +2025-03-10 11:51:57,536 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:57,718 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.36 +2025-03-10 11:51:57,755 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:58,035 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.24 +2025-03-10 11:51:58,097 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:58,254 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.13 +2025-03-10 11:51:58,408 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:58,560 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.03 +2025-03-10 11:51:58,709 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:58,797 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-0.94 +2025-03-10 11:51:58,835 - ERROR - Error in episode 10: sequence index must be integer, not 'slice' +2025-03-10 11:51:58,841 - INFO - Identified 2 optimal buy points and 1 optimal sell points +2025-03-10 11:51:58,917 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:59,039 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-9.00 +2025-03-10 11:51:59,200 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:59,266 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-8.19 +2025-03-10 11:51:59,363 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:59,494 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-7.45 +2025-03-10 11:51:59,531 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:59,598 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-6.78 +2025-03-10 11:51:59,782 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:51:59,881 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-6.17 +2025-03-10 11:51:59,917 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:51:59,952 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-5.62 +2025-03-10 11:52:00,059 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:52:00,237 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-5.11 +2025-03-10 11:52:00,335 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:00,510 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-4.65 +2025-03-10 11:52:00,582 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:52:00,690 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-4.23 +2025-03-10 11:52:00,721 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:52:00,847 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-3.85 +2025-03-10 11:52:00,877 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:52:00,968 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-3.50 +2025-03-10 11:52:01,029 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:52:01,153 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-3.19 +2025-03-10 11:52:01,214 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:01,311 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.90 +2025-03-10 11:52:01,401 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:01,524 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.64 +2025-03-10 11:52:01,589 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:52:01,689 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.40 +2025-03-10 11:52:01,756 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:52:01,997 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.19 +2025-03-10 11:52:02,028 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:02,061 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.99 +2025-03-10 11:52:02,093 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:02,254 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.81 +2025-03-10 11:52:02,317 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:02,474 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.65 +2025-03-10 11:52:02,500 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:52:02,558 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.50 +2025-03-10 11:52:02,653 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:02,709 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.36 +2025-03-10 11:52:02,774 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:02,802 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.24 +2025-03-10 11:52:02,831 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:52:02,926 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.13 +2025-03-10 11:52:02,961 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:03,282 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.03 +2025-03-10 11:52:03,313 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:03,413 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-0.94 +2025-03-10 11:52:03,445 - ERROR - Error in episode 11: sequence index must be integer, not 'slice' +2025-03-10 11:52:03,452 - INFO - Identified 2 optimal buy points and 1 optimal sell points +2025-03-10 11:52:03,598 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:52:03,697 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-9.00 +2025-03-10 11:52:03,791 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:52:04,047 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-8.19 +2025-03-10 11:52:04,081 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:04,115 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-7.45 +2025-03-10 11:52:04,150 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:04,186 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-6.78 +2025-03-10 11:52:04,256 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:52:04,536 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-6.17 +2025-03-10 11:52:04,598 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:04,666 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-5.62 +2025-03-10 11:52:04,733 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:52:04,794 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-5.11 +2025-03-10 11:52:04,930 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:52:04,996 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-4.65 +2025-03-10 11:52:05,087 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:05,156 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-4.23 +2025-03-10 11:52:05,189 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:05,386 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.85 +2025-03-10 11:52:05,495 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:52:05,596 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-3.50 +2025-03-10 11:52:05,632 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:05,849 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-3.19 +2025-03-10 11:52:05,886 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:52:05,928 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-2.90 +2025-03-10 11:52:06,076 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:06,412 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.64 +2025-03-10 11:52:06,447 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:06,554 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.40 +2025-03-10 11:52:06,781 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:06,910 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-2.19 +2025-03-10 11:52:06,944 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:52:07,006 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.99 +2025-03-10 11:52:07,068 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:07,136 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.81 +2025-03-10 11:52:07,167 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:52:07,264 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.65 +2025-03-10 11:52:07,390 - INFO - OPENED LONG at 2110.31 | Stop loss: 2099.75845 | Take profit: 2141.96465 +2025-03-10 11:52:07,489 - INFO - CLOSED long at 2110.31 | PnL: 0.00% | $-1.50 +2025-03-10 11:52:07,549 - INFO - OPENED SHORT at 2110.31 | Stop loss: 2120.8615499999996 | Take profit: 2078.65535 +2025-03-10 11:52:07,646 - INFO - CLOSED short at 2110.31 | PnL: 0.00% | $-1.36 +2025-03-10 11:52:50,199 - INFO - Fetching initial 60 candles for ETH/USDT... +2025-03-10 11:52:53,876 - INFO - Successfully fetched 60 initial candles +2025-03-10 11:52:53,932 - INFO - Model size: 4,056,837 parameters +2025-03-10 11:52:56,201 - WARNING - No model found at models/trading_agent.pt +2025-03-10 11:52:56,201 - INFO - Starting training mode +2025-03-10 11:52:56,201 - INFO - Starting training... +2025-03-10 11:52:56,215 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:52:56,297 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:56,298 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:52:56,299 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:56,303 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:52:56,303 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:56,304 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:52:56,305 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:56,308 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:52:56,309 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:56,312 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:52:56,313 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:56,313 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:52:56,314 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:56,314 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:52:56,314 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:56,317 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:52:56,318 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:52:56,321 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:52:56,322 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:56,326 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:52:56,326 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:56,375 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:52:56,494 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:52:56,924 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:52:56,957 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:52:56,990 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:52:57,077 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:57,341 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:52:57,372 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:57,404 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:52:57,494 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:57,645 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:52:57,678 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:52:57,738 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:52:57,913 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:52:58,029 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:52:58,119 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:58,263 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:52:58,320 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:58,356 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:52:58,420 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:52:58,506 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:52:58,657 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:58,690 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:52:58,720 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:52:58,749 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:52:58,837 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:58,870 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:52:58,900 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:58,960 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:52:58,994 - ERROR - Error in episode 0: sequence index must be integer, not 'slice' +2025-03-10 11:52:59,000 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:52:59,042 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:59,104 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:52:59,225 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:59,463 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:52:59,495 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:52:59,527 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:52:59,559 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:52:59,588 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:52:59,617 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:52:59,711 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:52:59,739 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:52:59,889 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:52:59,921 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:00,049 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:53:00,110 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:00,169 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:53:00,198 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:00,229 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:53:00,258 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:00,321 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:53:00,353 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:00,420 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:53:00,479 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:00,543 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:53:00,638 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:00,668 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:53:00,731 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:00,879 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:53:00,940 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:01,030 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:53:01,057 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:01,086 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:53:01,208 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:01,239 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:53:01,269 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:01,327 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:53:01,359 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:01,532 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:53:01,562 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:01,679 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:53:01,740 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:01,802 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:53:01,888 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:02,000 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:53:02,031 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:02,173 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:53:02,234 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:02,416 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:53:02,475 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:02,537 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:53:02,570 - ERROR - Error in episode 1: sequence index must be integer, not 'slice' +2025-03-10 11:53:02,576 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:53:02,748 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:02,811 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:53:02,845 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:02,938 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:53:02,971 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:03,033 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:53:03,063 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:03,090 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:53:03,377 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:03,406 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:53:03,466 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:03,677 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:53:03,767 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:03,826 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:53:04,004 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:04,033 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:53:04,064 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:04,124 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:53:04,156 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:04,266 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:53:04,294 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:04,383 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:53:04,475 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:04,563 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:53:04,655 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:04,717 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:53:04,780 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:05,113 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:53:05,143 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:05,174 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:53:05,204 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:05,495 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:53:05,524 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:05,586 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:53:05,650 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:05,704 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:53:05,734 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:05,927 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:53:05,958 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:05,987 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:53:06,048 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:06,106 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:53:06,198 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:06,257 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:53:06,372 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:06,431 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:53:06,466 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:06,617 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:53:06,687 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:06,908 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:53:06,936 - ERROR - Error in episode 2: sequence index must be integer, not 'slice' +2025-03-10 11:53:06,946 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:53:07,082 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:07,260 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:53:07,292 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:07,382 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:53:07,410 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:07,501 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:53:07,529 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:07,680 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:53:07,710 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:08,104 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:53:08,200 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:08,299 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:53:08,394 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:08,489 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:53:08,556 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:08,590 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:53:08,621 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:08,744 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:53:08,776 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:08,985 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:53:09,016 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:09,108 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:53:09,139 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:09,265 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:53:09,391 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:09,511 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:53:09,634 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:09,757 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:53:09,820 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:09,906 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:53:10,031 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:10,061 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:53:10,124 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:10,534 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:53:10,565 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:10,805 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:53:10,834 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:10,987 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:53:11,024 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:11,274 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:53:11,405 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:11,559 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:53:11,718 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:11,783 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:53:11,814 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:11,939 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:53:12,003 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:12,034 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:53:12,065 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:12,095 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:53:12,127 - ERROR - Error in episode 3: sequence index must be integer, not 'slice' +2025-03-10 11:53:12,133 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:53:12,214 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:12,275 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:53:12,405 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:12,483 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:53:12,514 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:12,736 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:53:12,803 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:12,963 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:53:13,022 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:13,181 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:53:13,216 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:13,341 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:53:13,407 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:13,474 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:53:13,546 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:13,703 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:53:13,737 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:13,798 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:53:13,859 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:14,050 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:53:14,080 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:14,260 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:53:14,290 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:14,350 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:53:14,439 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:14,471 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:53:14,500 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:14,528 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:53:14,557 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:14,680 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:53:14,710 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:14,775 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:53:14,836 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:15,114 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:53:15,143 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:15,618 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:53:15,650 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:15,708 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:53:15,796 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:15,853 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:53:15,884 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:15,975 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:53:16,003 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:16,088 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:53:16,118 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:16,358 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:53:16,391 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:16,488 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:53:16,643 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:16,703 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:53:16,732 - ERROR - Error in episode 4: sequence index must be integer, not 'slice' +2025-03-10 11:53:16,738 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:53:16,783 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:17,040 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:53:17,104 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:17,164 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:53:17,195 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:17,226 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:53:17,258 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:17,319 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:53:17,351 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:17,503 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:53:17,567 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:17,723 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:53:17,754 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:17,875 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:53:18,032 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:18,093 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:53:18,159 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:18,219 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:53:18,283 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:18,388 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:53:18,428 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:18,543 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:53:18,636 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:19,025 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:53:19,056 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:19,206 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:53:19,303 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:19,594 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:53:19,707 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:19,794 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:53:19,908 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:20,029 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:53:20,149 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:20,526 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:53:20,648 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:20,946 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:53:21,004 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:21,099 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:53:21,190 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:21,515 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:53:21,546 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:21,578 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:53:21,786 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:21,814 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:53:21,848 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:22,036 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:53:22,100 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:22,166 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:53:22,229 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:22,261 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:53:22,297 - ERROR - Error in episode 5: sequence index must be integer, not 'slice' +2025-03-10 11:53:22,303 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:53:22,492 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:22,717 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:53:22,785 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:22,990 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:53:23,024 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:23,109 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:53:23,136 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:23,349 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:53:23,383 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:23,444 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:53:23,477 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:23,574 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:53:23,747 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:23,960 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:53:24,079 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:24,142 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:53:24,173 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:24,295 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:53:24,327 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:24,391 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:53:24,420 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:24,603 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:53:24,634 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:24,833 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:53:24,919 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:25,007 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:53:25,297 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:25,511 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:53:25,542 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:25,949 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:53:25,981 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:26,013 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:53:26,100 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:26,193 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:53:26,293 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:26,359 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:53:26,391 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:26,481 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:53:26,597 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:26,684 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:53:26,776 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:26,864 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:53:26,982 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:27,011 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:53:27,042 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:27,155 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:53:27,183 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:27,220 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:53:27,249 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:27,277 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:53:27,307 - ERROR - Error in episode 6: sequence index must be integer, not 'slice' +2025-03-10 11:53:27,313 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:53:27,480 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:27,601 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:53:27,723 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:27,965 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:53:27,997 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:28,145 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:53:28,230 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:28,359 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:53:28,507 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:28,625 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:53:28,656 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:28,806 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:53:28,896 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:28,925 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:53:29,131 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:29,339 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:53:29,370 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:29,498 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:53:29,556 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:29,586 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:53:29,678 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:29,741 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:53:29,839 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:30,087 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:53:30,363 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:30,395 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:53:30,643 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:31,073 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:53:31,144 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:31,201 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:53:31,230 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:31,264 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:53:31,295 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:31,326 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:53:31,424 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:31,518 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:53:31,548 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:31,644 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:53:31,680 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:31,994 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:53:32,057 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:32,116 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:53:32,149 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:32,394 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:53:32,512 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:32,543 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:53:32,650 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:33,064 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:53:33,091 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:33,477 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:53:33,510 - ERROR - Error in episode 7: sequence index must be integer, not 'slice' +2025-03-10 11:53:33,516 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:53:33,566 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:33,690 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:53:33,727 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:33,760 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:53:33,795 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:33,827 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:53:33,961 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:33,991 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:53:34,144 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:34,305 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:53:34,335 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:34,895 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:53:34,925 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:35,110 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:53:35,173 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:35,202 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:53:35,264 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:35,385 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:53:35,473 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:35,587 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:53:35,720 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:35,843 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:53:35,906 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:36,239 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:53:36,270 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:36,395 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:53:36,509 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:36,539 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:53:36,571 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:36,694 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:53:36,776 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:36,840 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:53:36,871 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:37,118 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:53:37,206 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:37,238 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:53:37,268 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:37,307 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:53:37,336 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:37,367 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:53:37,434 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:37,555 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:53:37,589 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:37,750 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:53:37,872 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:38,208 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:53:38,270 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:38,394 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:53:38,429 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:38,585 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:53:38,617 - ERROR - Error in episode 8: sequence index must be integer, not 'slice' +2025-03-10 11:53:38,623 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:53:38,666 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:38,702 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:53:38,734 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:38,824 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:53:38,911 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:39,035 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:53:39,092 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:39,182 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:53:39,342 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:39,374 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:53:39,405 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:39,501 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:53:39,597 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:39,663 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:53:39,696 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:39,760 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:53:39,793 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:39,887 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:53:39,918 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:40,039 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:53:40,100 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:40,194 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:53:40,255 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:40,431 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:53:40,463 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:40,720 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:53:40,810 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:40,926 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:53:40,958 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:40,991 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:53:41,056 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:41,309 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:53:41,340 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:41,482 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:53:41,512 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:41,540 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:53:41,725 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:41,969 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:53:42,123 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:42,151 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:53:42,185 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:42,452 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:53:42,483 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:42,544 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:53:42,724 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:42,815 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:53:42,881 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:42,940 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:53:43,028 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:43,087 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:53:43,117 - ERROR - Error in episode 9: sequence index must be integer, not 'slice' +2025-03-10 11:53:43,125 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:53:43,196 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:43,784 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:53:43,851 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:43,922 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:53:44,061 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:44,095 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:53:44,164 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:44,530 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:53:44,592 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:44,713 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:53:44,831 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:45,097 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:53:45,127 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:45,166 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:53:45,209 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:45,413 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:53:45,506 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:45,559 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:53:45,805 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:45,952 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:53:45,982 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:46,630 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:53:46,661 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:46,690 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:53:46,753 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:46,787 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:53:46,945 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:47,208 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:53:47,328 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:47,422 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:53:47,481 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:47,545 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:53:47,660 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:47,691 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:53:47,748 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:47,808 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:53:47,953 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:48,284 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:53:48,402 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:48,487 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:53:48,588 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:48,649 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:53:48,679 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:48,771 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:53:48,875 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:48,903 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:53:49,060 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:49,149 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:53:49,178 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:49,298 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:53:49,334 - ERROR - Error in episode 10: sequence index must be integer, not 'slice' +2025-03-10 11:53:49,339 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:53:49,383 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:49,601 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:53:49,688 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:49,776 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:53:49,840 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:50,048 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:53:50,327 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:50,532 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:53:50,659 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:50,861 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:53:50,891 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:51,065 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:53:51,157 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:51,185 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:53:51,273 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:51,331 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:53:51,429 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:51,517 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:53:51,581 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:51,824 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:53:51,854 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:51,885 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:53:51,973 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:52,225 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:53:52,283 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:52,341 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:53:52,373 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:52,497 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:53:52,719 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:52,954 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:53:53,015 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:53,044 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:53:53,102 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:53,130 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:53:53,188 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:53,421 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:53:53,452 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:53,494 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:53:53,530 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:53,757 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:53:53,818 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:53,847 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:53:53,877 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:54,029 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:53:54,059 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:54,148 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:53:54,179 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:54,305 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:53:54,555 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:54,617 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:53:54,647 - ERROR - Error in episode 11: sequence index must be integer, not 'slice' +2025-03-10 11:53:54,653 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:53:54,763 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:54,796 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:53:54,885 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:55,064 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:53:55,123 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:55,296 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:53:55,389 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:55,511 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:53:55,541 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:55,572 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:53:55,601 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:55,669 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:53:55,835 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:55,925 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:53:56,015 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:56,206 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:53:56,275 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:56,439 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:53:56,562 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:56,655 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:53:56,712 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:56,742 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:53:56,771 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:56,832 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:53:56,863 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:56,895 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:53:56,954 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:57,102 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:53:57,192 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:57,255 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:53:57,286 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:57,414 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:53:57,624 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:57,655 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:53:57,714 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:57,779 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:53:57,811 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:57,903 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:53:57,936 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:57,968 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:53:57,999 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:58,032 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:53:58,063 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:58,532 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:53:58,564 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:58,655 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:53:58,690 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:58,751 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:53:58,781 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:59,127 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:53:59,162 - ERROR - Error in episode 12: sequence index must be integer, not 'slice' +2025-03-10 11:53:59,168 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:53:59,335 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:59,370 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:53:59,402 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:53:59,651 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:53:59,830 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:53:59,919 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:53:59,951 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:00,046 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:54:00,076 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:00,367 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:54:00,394 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:00,425 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:54:00,514 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:00,542 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:54:00,661 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:00,688 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:54:00,805 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:00,872 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:54:00,903 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:01,502 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:54:01,596 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:01,783 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:54:01,815 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:02,036 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:54:02,097 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:02,332 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:54:02,365 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:02,492 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:54:02,698 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:02,727 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:54:02,756 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:02,820 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:54:02,851 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:02,880 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:54:02,947 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:03,077 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:54:03,181 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:03,337 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:54:03,367 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:03,429 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:54:03,461 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:03,495 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:54:03,604 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:03,643 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:54:03,800 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:03,985 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:54:04,018 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:04,049 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:54:04,079 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:04,140 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:54:04,169 - ERROR - Error in episode 13: sequence index must be integer, not 'slice' +2025-03-10 11:54:04,176 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:54:04,353 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:04,538 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:54:04,566 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:04,868 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:54:04,896 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:05,011 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:54:05,042 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:05,105 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:54:05,293 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:05,414 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:54:05,446 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:05,566 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:54:05,596 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:05,652 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:54:05,683 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:05,744 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:54:05,774 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:05,836 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:54:05,869 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:05,899 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:54:05,958 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:06,019 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:54:06,145 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:06,260 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:54:06,289 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:06,559 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:54:06,705 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:06,954 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:54:07,191 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:07,370 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:54:07,402 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:07,488 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:54:07,516 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:07,550 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:54:07,734 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:07,891 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:54:08,012 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:08,066 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:54:08,128 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:08,311 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:54:08,429 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:08,490 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:54:08,520 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:08,605 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:54:08,661 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:08,722 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:54:08,755 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:08,908 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:54:08,964 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:09,176 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:54:09,205 - ERROR - Error in episode 14: sequence index must be integer, not 'slice' +2025-03-10 11:54:09,210 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:54:09,289 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:09,432 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:54:09,471 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:09,615 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:54:09,741 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:09,807 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:54:09,839 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:10,039 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:54:10,071 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:10,197 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:54:10,292 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:10,415 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:54:10,446 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:10,801 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:54:10,830 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:10,986 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:54:11,086 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:11,147 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:54:11,210 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:11,325 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:54:11,353 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:11,791 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:54:11,825 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:12,104 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:54:12,193 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:12,224 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:54:12,316 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:12,465 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:54:12,643 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:12,712 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:54:12,832 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:13,046 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:54:13,252 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:13,658 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:54:13,689 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:14,015 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:54:14,080 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:14,442 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:54:14,471 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:14,653 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:54:14,716 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:14,749 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:54:14,814 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:14,955 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:54:15,012 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:15,173 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:54:15,333 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:15,596 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:54:15,781 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:15,945 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:54:15,975 - ERROR - Error in episode 15: sequence index must be integer, not 'slice' +2025-03-10 11:54:15,980 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:54:16,023 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:16,170 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:54:16,229 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:16,285 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:54:16,406 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:16,439 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:54:16,470 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:16,502 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:54:16,752 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:16,990 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:54:17,055 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:17,143 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:54:17,203 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:17,323 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:54:17,356 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:17,415 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:54:17,473 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:17,500 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:54:17,701 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:18,133 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:54:18,164 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:18,283 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:54:18,316 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:18,465 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:54:18,526 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:18,696 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:54:18,726 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:19,039 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:54:19,131 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:19,162 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:54:19,195 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:19,315 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:54:19,385 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:19,873 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:54:19,936 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:19,971 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:54:20,001 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:20,193 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:54:20,224 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:20,349 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:54:20,379 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:20,412 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:54:20,440 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:20,471 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:54:20,590 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:20,707 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:54:20,831 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:20,891 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:54:20,919 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:21,397 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:54:21,429 - ERROR - Error in episode 16: sequence index must be integer, not 'slice' +2025-03-10 11:54:21,436 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:54:21,587 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:21,833 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:54:21,865 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:22,081 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:54:22,398 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:22,525 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:54:22,615 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:22,807 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:54:22,963 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:23,080 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:54:23,231 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:23,448 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:54:23,574 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:23,605 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:54:23,637 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:23,885 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:54:23,918 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:23,975 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:54:24,005 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:24,330 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:54:24,401 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:24,463 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:54:24,494 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:24,611 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:54:24,641 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:24,793 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:54:24,884 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:25,013 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:54:25,044 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:25,151 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:54:25,207 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:25,239 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:54:25,298 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:25,527 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:54:25,657 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:25,839 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:54:25,967 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:26,149 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:54:26,267 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:26,411 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:54:26,479 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:26,632 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:54:26,698 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:26,755 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:54:26,813 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:26,910 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:54:26,971 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:27,027 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:54:27,059 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:27,087 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:54:27,116 - ERROR - Error in episode 17: sequence index must be integer, not 'slice' +2025-03-10 11:54:27,121 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:54:27,165 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:27,284 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:54:27,317 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:27,451 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:54:27,483 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:27,579 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:54:27,643 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:27,739 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:54:27,803 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:27,863 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:54:28,008 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:28,069 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:54:28,100 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:28,134 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:54:28,196 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:28,285 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:54:28,347 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:28,510 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:54:28,541 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:28,579 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:54:28,676 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:28,861 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:54:28,892 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:29,217 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:54:29,247 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:29,307 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:54:29,369 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:29,690 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:54:29,724 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:29,782 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:54:29,813 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:30,038 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:54:30,133 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:30,419 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:54:30,450 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:30,480 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:54:30,542 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:30,574 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:54:30,608 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:30,678 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:54:30,802 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:30,939 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:54:31,010 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:31,105 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:54:31,165 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:31,506 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:54:31,644 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:31,673 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:54:31,730 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:31,764 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:54:31,797 - ERROR - Error in episode 18: sequence index must be integer, not 'slice' +2025-03-10 11:54:31,804 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:54:31,920 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:32,008 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:54:32,072 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:32,313 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:54:32,417 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:32,608 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:54:32,639 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:32,788 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:54:32,818 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:33,120 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:54:33,184 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:33,213 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:54:33,363 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:33,481 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:54:33,514 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:33,547 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:54:33,575 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:33,605 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:54:33,639 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:33,789 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:54:34,099 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:34,194 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:54:34,321 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:34,511 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:54:34,545 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:34,694 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:54:34,754 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:34,784 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:54:35,008 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:35,472 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:54:35,534 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:35,628 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:54:35,732 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:35,888 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:54:35,980 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:36,076 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:54:36,231 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:36,326 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:54:36,393 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:36,457 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:54:36,553 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:36,622 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:54:36,778 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:36,905 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:54:36,936 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:37,219 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:54:37,458 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:37,612 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:54:37,644 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:37,679 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:54:37,710 - ERROR - Error in episode 19: sequence index must be integer, not 'slice' +2025-03-10 11:54:37,717 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:54:37,762 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:37,995 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:54:38,025 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:38,056 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:54:38,122 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:38,151 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:54:38,217 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:38,309 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:54:38,408 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:39,150 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:54:39,181 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:39,214 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:54:39,244 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:39,340 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:54:39,441 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:39,473 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:54:39,668 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:39,758 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:54:39,785 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:39,854 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:54:40,043 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:40,107 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:54:40,325 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:40,454 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:54:40,578 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:40,642 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:54:40,699 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:40,733 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:54:40,767 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:40,835 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:54:40,930 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:41,319 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:54:41,448 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:42,000 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:54:42,126 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:42,251 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:54:42,468 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:42,685 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:54:42,931 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:43,084 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:54:43,145 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:43,270 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:54:43,302 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:43,425 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:54:43,516 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:43,674 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:54:43,732 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:43,936 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:54:44,007 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:44,072 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:54:44,109 - ERROR - Error in episode 20: sequence index must be integer, not 'slice' +2025-03-10 11:54:44,116 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:54:44,278 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:44,339 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:54:44,465 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:45,020 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:54:45,052 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:45,151 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:54:45,183 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:45,241 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:54:45,271 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:45,365 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:54:45,399 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:45,461 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:54:45,495 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:45,560 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:54:45,623 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:45,894 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:54:45,956 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:46,717 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:54:46,751 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:46,783 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:54:46,854 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:47,410 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:54:47,445 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:47,516 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:54:47,577 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:47,607 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:54:47,636 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:47,728 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:54:47,827 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:48,089 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:54:48,122 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:48,271 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:54:48,368 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:48,398 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:54:48,431 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:48,493 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:54:48,520 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:49,121 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:54:49,154 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:49,271 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:54:49,302 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:49,496 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:54:49,647 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:49,949 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:54:50,021 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:50,457 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:54:50,489 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:50,518 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:54:50,610 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:50,640 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:54:50,673 - ERROR - Error in episode 21: sequence index must be integer, not 'slice' +2025-03-10 11:54:50,679 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:54:50,721 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:50,818 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:54:50,848 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:50,918 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:54:51,037 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:51,348 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:54:51,559 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:51,588 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:54:51,620 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:51,763 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:54:51,827 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:51,858 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:54:51,926 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:51,956 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:54:51,988 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:52,017 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:54:52,181 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:52,682 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:54:52,739 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:52,951 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:54:52,981 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:53,253 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:54:53,283 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:53,375 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:54:53,433 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:53,650 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:54:53,752 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:53,818 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:54:53,884 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:53,986 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:54:54,314 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:54,919 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:54:55,016 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:55,112 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:54:55,334 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:55,465 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.81 +2025-03-10 11:54:55,621 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:55,971 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.65 +2025-03-10 11:54:56,043 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:56,113 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.50 +2025-03-10 11:54:56,150 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:56,617 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.36 +2025-03-10 11:54:56,647 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:56,780 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-1.24 +2025-03-10 11:54:56,845 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:57,214 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.13 +2025-03-10 11:54:57,244 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:57,340 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.03 +2025-03-10 11:54:57,438 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:57,538 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-0.94 +2025-03-10 11:54:57,568 - ERROR - Error in episode 22: sequence index must be integer, not 'slice' +2025-03-10 11:54:57,576 - INFO - Identified 2 optimal buy points and 2 optimal sell points +2025-03-10 11:54:57,619 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:57,715 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-9.00 +2025-03-10 11:54:57,967 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:58,202 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-8.19 +2025-03-10 11:54:58,448 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:58,700 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-7.45 +2025-03-10 11:54:58,796 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:59,172 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-6.78 +2025-03-10 11:54:59,207 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:59,303 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-6.17 +2025-03-10 11:54:59,337 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:59,372 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.62 +2025-03-10 11:54:59,609 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:54:59,676 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-5.11 +2025-03-10 11:54:59,743 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:54:59,902 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.65 +2025-03-10 11:55:00,092 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:55:00,155 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-4.23 +2025-03-10 11:55:00,185 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:55:00,279 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.85 +2025-03-10 11:55:00,310 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:55:00,436 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.50 +2025-03-10 11:55:00,690 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:55:00,786 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-3.19 +2025-03-10 11:55:01,095 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:55:01,261 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.90 +2025-03-10 11:55:01,373 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:55:01,782 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.64 +2025-03-10 11:55:01,816 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:55:02,128 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-2.40 +2025-03-10 11:55:02,161 - INFO - OPENED SHORT at 2106.6 | Stop loss: 2117.133 | Take profit: 2075.0009999999997 +2025-03-10 11:55:02,353 - INFO - CLOSED short at 2106.6 | PnL: 0.00% | $-2.19 +2025-03-10 11:55:02,387 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:55:02,483 - INFO - CLOSED long at 2106.6 | PnL: 0.00% | $-1.99 +2025-03-10 11:55:02,581 - INFO - OPENED LONG at 2106.6 | Stop loss: 2096.067 | Take profit: 2138.1989999999996 +2025-03-10 11:59:47,542 - INFO - GPU not available, using CPU +2025-03-10 12:01:04,337 - INFO - GPU not available, using CPU +2025-03-10 12:01:04,357 - INFO - Exchange initialized: mexc +2025-03-10 12:01:04,358 - INFO - Fetching historical data for ETH/USDT, timeframe 1m, limit 1000 +2025-03-10 12:01:07,967 - ERROR - Failed to fetch historical data: object list can't be used in 'await' expression +2025-03-10 12:02:46,246 - INFO - GPU not available, using CPU +2025-03-10 12:02:46,265 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 12:02:46,266 - INFO - Fetching historical data for ETH/USDT, timeframe 1m, limit 1000 +2025-03-10 12:02:49,668 - ERROR - Failed to fetch historical data: object list can't be used in 'await' expression +2025-03-10 12:02:49,668 - INFO - Exchange connection closed +2025-03-10 12:07:06,765 - INFO - GPU not available, using CPU +2025-03-10 12:07:06,786 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 12:07:06,787 - INFO - Fetching historical data for ETH/USDT, timeframe 1m, limit 1000 +2025-03-10 12:07:10,349 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 12:07:10,349 - INFO - Exchange connection closed +2025-03-10 12:11:25,088 - INFO - GPU not available, using CPU +2025-03-10 12:11:25,109 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 12:11:25,109 - INFO - Fetching initial data for ETH/USDT +2025-03-10 12:11:28,633 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 12:11:28,651 - INFO - Initialized environment with 500 candles +2025-03-10 12:11:30,927 - INFO - Starting training for 1000 episodes... +2025-03-10 12:11:30,927 - INFO - Starting training on device: cpu +2025-03-10 12:11:30,928 - ERROR - Training failed: 'TradingEnvironment' object has no attribute 'initialize_price_predictor' +2025-03-10 12:11:30,928 - INFO - Exchange connection closed +2025-03-10 12:14:23,761 - INFO - GPU not available, using CPU +2025-03-10 12:14:23,782 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 12:14:23,783 - INFO - Fetching initial data for ETH/USDT +2025-03-10 12:14:27,418 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 12:14:27,439 - INFO - Initialized environment with 500 candles +2025-03-10 12:14:30,022 - INFO - Starting training for 1000 episodes... +2025-03-10 12:14:30,024 - INFO - Starting training on device: cpu +2025-03-10 12:14:30,053 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:30,405 - ERROR - Error in episode 0: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:30,436 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:30,702 - ERROR - Error in episode 1: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:30,724 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:31,003 - ERROR - Error in episode 2: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:31,028 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:31,286 - ERROR - Error in episode 3: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:31,316 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:31,584 - ERROR - Error in episode 4: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:31,611 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:31,884 - ERROR - Error in episode 5: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:31,910 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:32,176 - ERROR - Error in episode 6: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:32,204 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:32,478 - ERROR - Error in episode 7: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:32,507 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:32,773 - ERROR - Error in episode 8: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:32,805 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:33,072 - ERROR - Error in episode 9: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:33,103 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:33,378 - ERROR - Error in episode 10: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:33,408 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:33,678 - ERROR - Error in episode 11: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:33,710 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:33,974 - ERROR - Error in episode 12: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:34,001 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:34,271 - ERROR - Error in episode 13: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:34,297 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:34,567 - ERROR - Error in episode 14: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:34,596 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:34,872 - ERROR - Error in episode 15: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:34,903 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:35,180 - ERROR - Error in episode 16: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:35,212 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:35,480 - ERROR - Error in episode 17: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:35,508 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:35,774 - ERROR - Error in episode 18: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:35,804 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:36,107 - ERROR - Error in episode 19: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:36,137 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:36,408 - ERROR - Error in episode 20: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:36,439 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:36,705 - ERROR - Error in episode 21: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:36,734 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:37,010 - ERROR - Error in episode 22: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:37,040 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:37,318 - ERROR - Error in episode 23: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:37,347 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:37,612 - ERROR - Error in episode 24: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:37,644 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:37,926 - ERROR - Error in episode 25: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:37,956 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:38,229 - ERROR - Error in episode 26: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:38,256 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:38,550 - ERROR - Error in episode 27: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:38,581 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:38,865 - ERROR - Error in episode 28: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:38,895 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:39,174 - ERROR - Error in episode 29: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:39,201 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:39,477 - ERROR - Error in episode 30: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:39,503 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:39,775 - ERROR - Error in episode 31: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:39,805 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:40,087 - ERROR - Error in episode 32: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:40,117 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:40,383 - ERROR - Error in episode 33: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:40,412 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:40,686 - ERROR - Error in episode 34: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:40,715 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:40,984 - ERROR - Error in episode 35: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:41,019 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:41,302 - ERROR - Error in episode 36: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:41,333 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:41,609 - ERROR - Error in episode 37: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:41,640 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:41,914 - ERROR - Error in episode 38: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:41,943 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:42,215 - ERROR - Error in episode 39: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:42,245 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:42,525 - ERROR - Error in episode 40: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:42,554 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:42,832 - ERROR - Error in episode 41: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:42,862 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:43,148 - ERROR - Error in episode 42: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:43,176 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:43,454 - ERROR - Error in episode 43: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:43,479 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:43,772 - ERROR - Error in episode 44: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:43,809 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:44,098 - ERROR - Error in episode 45: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:44,128 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:14:44,389 - ERROR - Error in episode 46: 'TradingEnvironment' object has no attribute 'calculate_position_size' +2025-03-10 12:14:44,418 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:16:17,093 - INFO - GPU not available, using CPU +2025-03-10 12:16:17,115 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 12:16:17,115 - INFO - Fetching initial data for ETH/USDT +2025-03-10 12:16:20,688 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 12:16:20,707 - INFO - Initialized environment with 500 candles +2025-03-10 12:16:22,911 - INFO - Starting training for 1000 episodes... +2025-03-10 12:16:22,911 - INFO - Starting training on device: cpu +2025-03-10 12:16:22,934 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 12:16:23,262 - INFO - OPENED LONG at 2050.97 | Stop loss: 2040.7151499999998 | Take profit: 2081.7345499999997 +2025-03-10 12:16:23,264 - INFO - CLOSED long at 2053.3 | PnL: 0.11% | $0.05 +2025-03-10 12:16:23,264 - INFO - OPENED SHORT at 2053.3 | Stop loss: 2063.5665 | Take profit: 2022.5005 +2025-03-10 12:16:23,264 - INFO - CLOSED short at 2056.0 | PnL: -0.13% | $-0.93 +2025-03-10 12:16:23,264 - INFO - OPENED LONG at 2060.94 | Stop loss: 2050.6353 | Take profit: 2091.8541 +2025-03-10 12:16:23,266 - INFO - CLOSED long at 2062.5 | PnL: 0.08% | $-0.10 +2025-03-10 12:16:23,266 - INFO - OPENED SHORT at 2062.5 | Stop loss: 2072.8125 | Take profit: 2031.5625 +2025-03-10 12:16:23,269 - INFO - CLOSED short at 2065.64 | PnL: -0.15% | $-1.00 +2025-03-10 12:16:23,269 - INFO - OPENED SHORT at 2064.51 | Stop loss: 2074.83255 | Take profit: 2033.5423500000002 +2025-03-10 12:16:23,271 - INFO - CLOSED short at 2062.83 | PnL: 0.08% | $-0.07 +2025-03-10 12:16:23,273 - INFO - OPENED SHORT at 2062.28 | Stop loss: 2072.5914 | Take profit: 2031.3458000000003 +2025-03-10 12:16:23,274 - INFO - CLOSED short at 2062.5 | PnL: -0.01% | $-0.43 +2025-03-10 12:16:23,274 - INFO - OPENED SHORT at 2059.4 | Stop loss: 2069.6969999999997 | Take profit: 2028.509 +2025-03-10 12:16:23,275 - INFO - CLOSED short at 2057.52 | PnL: 0.09% | $-0.03 +2025-03-10 12:16:23,278 - INFO - OPENED SHORT at 2058.51 | Stop loss: 2068.80255 | Take profit: 2027.63235 +2025-03-10 12:16:23,279 - INFO - CLOSED short at 2055.39 | PnL: 0.15% | $0.20 +2025-03-10 12:16:23,279 - INFO - OPENED LONG at 2055.39 | Stop loss: 2045.11305 | Take profit: 2086.2208499999997 +2025-03-10 12:16:23,280 - INFO - CLOSED long at 2053.56 | PnL: -0.09% | $-0.74 +2025-03-10 12:16:23,280 - INFO - OPENED SHORT at 2053.56 | Stop loss: 2063.8277999999996 | Take profit: 2022.7566 +2025-03-10 12:16:23,281 - INFO - CLOSED short at 2052.7 | PnL: 0.04% | $-0.23 +2025-03-10 12:16:23,281 - INFO - OPENED LONG at 2052.7 | Stop loss: 2042.4364999999998 | Take profit: 2083.4904999999994 +2025-03-10 12:16:23,283 - INFO - CLOSED long at 2051.66 | PnL: -0.05% | $-0.58 +2025-03-10 12:16:23,284 - INFO - OPENED SHORT at 2051.66 | Stop loss: 2061.9183 | Take profit: 2020.8850999999997 +2025-03-10 12:16:23,285 - INFO - CLOSED short at 2052.25 | PnL: -0.03% | $-0.50 +2025-03-10 12:16:23,285 - INFO - OPENED LONG at 2052.25 | Stop loss: 2041.98875 | Take profit: 2083.0337499999996 +2025-03-10 12:16:23,285 - INFO - CLOSED long at 2049.49 | PnL: -0.13% | $-0.90 +2025-03-10 12:16:23,287 - INFO - OPENED SHORT at 2049.6 | Stop loss: 2059.8479999999995 | Take profit: 2018.856 +2025-03-10 12:16:23,290 - INFO - CLOSED short at 2049.61 | PnL: -0.00% | $-0.38 +2025-03-10 12:16:23,291 - INFO - OPENED LONG at 2047.4 | Stop loss: 2037.163 | Take profit: 2078.111 +2025-03-10 12:16:23,291 - INFO - CLOSED long at 2045.99 | PnL: -0.07% | $-0.64 +2025-03-10 12:16:23,292 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.2199499999997 | Take profit: 2015.30015 +2025-03-10 12:16:23,292 - INFO - CLOSED short at 2045.79 | PnL: 0.01% | $-0.34 +2025-03-10 12:16:23,295 - INFO - OPENED SHORT at 2048.51 | Stop loss: 2058.75255 | Take profit: 2017.7823500000002 +2025-03-10 12:16:23,316 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,317 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,318 - INFO - CLOSED short at 2050.0 | PnL: -0.07% | $-0.65 +2025-03-10 12:16:23,318 - INFO - OPENED LONG at 2050.0 | Stop loss: 2039.75 | Take profit: 2080.75 +2025-03-10 12:16:23,335 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,336 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,354 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,355 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,372 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,373 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,374 - INFO - CLOSED long at 2051.11 | PnL: 0.05% | $-0.17 +2025-03-10 12:16:23,374 - INFO - OPENED SHORT at 2051.11 | Stop loss: 2061.36555 | Take profit: 2020.34335 +2025-03-10 12:16:23,390 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,391 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,407 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,408 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,410 - INFO - CLOSED short at 2051.89 | PnL: -0.04% | $-0.51 +2025-03-10 12:16:23,410 - INFO - OPENED LONG at 2051.89 | Stop loss: 2041.6305499999999 | Take profit: 2082.6683499999995 +2025-03-10 12:16:23,427 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,428 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,444 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,445 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,448 - INFO - CLOSED long at 2055.69 | PnL: 0.19% | $0.31 +2025-03-10 12:16:23,465 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,466 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,482 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,483 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,484 - INFO - OPENED LONG at 2056.89 | Stop loss: 2046.6055499999998 | Take profit: 2087.7433499999997 +2025-03-10 12:16:23,499 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,502 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,518 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,519 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,534 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,535 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,551 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,552 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,553 - INFO - CLOSED long at 2061.49 | PnL: 0.22% | $0.46 +2025-03-10 12:16:23,570 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,571 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,587 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,588 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,589 - INFO - OPENED LONG at 2064.61 | Stop loss: 2054.28695 | Take profit: 2095.57915 +2025-03-10 12:16:23,604 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,605 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,605 - INFO - CLOSED long at 2063.59 | PnL: -0.05% | $-0.55 +2025-03-10 12:16:23,606 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.90795 | Take profit: 2032.63615 +2025-03-10 12:16:23,621 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,622 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,626 - INFO - CLOSED short at 2061.61 | PnL: 0.10% | $-0.01 +2025-03-10 12:16:23,626 - INFO - OPENED LONG at 2061.61 | Stop loss: 2051.30195 | Take profit: 2092.53415 +2025-03-10 12:16:23,641 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,642 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,642 - INFO - CLOSED long at 2064.69 | PnL: 0.15% | $0.18 +2025-03-10 12:16:23,658 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,659 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,674 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,675 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,691 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,692 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,693 - INFO - OPENED SHORT at 2058.3 | Stop loss: 2068.5915 | Take profit: 2027.4255 +2025-03-10 12:16:23,709 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,711 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,726 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,727 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,728 - INFO - CLOSED short at 2061.89 | PnL: -0.17% | $-1.01 +2025-03-10 12:16:23,743 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,744 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,760 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,761 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,779 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,780 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,794 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,795 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,814 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,814 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,815 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.6005499999999 | Take profit: 2088.7583499999996 +2025-03-10 12:16:23,832 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,833 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,834 - INFO - CLOSED long at 2057.94 | PnL: 0.00% | $-0.36 +2025-03-10 12:16:23,849 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,850 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,865 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,866 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,882 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,883 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,900 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,901 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,919 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,920 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,920 - INFO - OPENED SHORT at 2065.86 | Stop loss: 2076.1893 | Take profit: 2034.8721 +2025-03-10 12:16:23,936 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,937 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,939 - INFO - CLOSED short at 2070.58 | PnL: -0.23% | $-1.20 +2025-03-10 12:16:23,956 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,957 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,979 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:23,981 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:23,984 - INFO - OPENED LONG at 2068.29 | Stop loss: 2057.94855 | Take profit: 2099.3143499999996 +2025-03-10 12:16:24,002 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,003 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,004 - INFO - CLOSED long at 2067.89 | PnL: -0.02% | $-0.43 +2025-03-10 12:16:24,004 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:16:24,022 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,023 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,024 - INFO - CLOSED short at 2071.63 | PnL: -0.18% | $-1.00 +2025-03-10 12:16:24,024 - INFO - OPENED LONG at 2071.63 | Stop loss: 2061.27185 | Take profit: 2102.7044499999997 +2025-03-10 12:16:24,039 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,040 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,041 - INFO - CLOSED long at 2070.99 | PnL: -0.03% | $-0.46 +2025-03-10 12:16:24,056 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,057 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,072 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,074 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,075 - INFO - OPENED LONG at 2068.65 | Stop loss: 2058.30675 | Take profit: 2099.67975 +2025-03-10 12:16:24,092 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,093 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,093 - INFO - CLOSED long at 2068.99 | PnL: 0.02% | $-0.29 +2025-03-10 12:16:24,111 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,112 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,113 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2394999999997 | Take profit: 2036.8815 +2025-03-10 12:16:24,129 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,130 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,131 - INFO - CLOSED short at 2067.69 | PnL: 0.01% | $-0.32 +2025-03-10 12:16:24,131 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.35155 | Take profit: 2098.7053499999997 +2025-03-10 12:16:24,149 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,149 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,150 - INFO - CLOSED long at 2070.26 | PnL: 0.12% | $0.08 +2025-03-10 12:16:24,168 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,169 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,172 - INFO - OPENED LONG at 2071.44 | Stop loss: 2061.0828 | Take profit: 2102.5116 +2025-03-10 12:16:24,189 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,190 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,191 - INFO - CLOSED long at 2073.73 | PnL: 0.11% | $0.04 +2025-03-10 12:16:24,191 - INFO - OPENED SHORT at 2073.73 | Stop loss: 2084.09865 | Take profit: 2042.62405 +2025-03-10 12:16:24,207 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,208 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,209 - INFO - CLOSED short at 2075.1 | PnL: -0.07% | $-0.58 +2025-03-10 12:16:24,225 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,226 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,242 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,242 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,244 - INFO - OPENED SHORT at 2072.33 | Stop loss: 2082.6916499999998 | Take profit: 2041.24505 +2025-03-10 12:16:24,259 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,261 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,262 - INFO - CLOSED short at 2071.38 | PnL: 0.05% | $-0.19 +2025-03-10 12:16:24,277 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,278 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,293 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,294 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,295 - INFO - OPENED SHORT at 2069.37 | Stop loss: 2079.71685 | Take profit: 2038.32945 +2025-03-10 12:16:24,310 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,311 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,327 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,328 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,344 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,345 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,348 - INFO - CLOSED short at 2070.79 | PnL: -0.07% | $-0.58 +2025-03-10 12:16:24,348 - INFO - OPENED LONG at 2070.79 | Stop loss: 2060.43605 | Take profit: 2101.8518499999996 +2025-03-10 12:16:24,366 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,367 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,368 - INFO - CLOSED long at 2070.28 | PnL: -0.02% | $-0.43 +2025-03-10 12:16:24,368 - INFO - OPENED SHORT at 2070.28 | Stop loss: 2080.6313999999998 | Take profit: 2039.2258000000002 +2025-03-10 12:16:24,384 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,385 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,402 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,403 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,418 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,420 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,436 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,437 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,453 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,454 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,468 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,469 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,470 - INFO - CLOSED short at 2069.34 | PnL: 0.05% | $-0.19 +2025-03-10 12:16:24,470 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9933 | Take profit: 2100.3801 +2025-03-10 12:16:24,487 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,488 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,489 - INFO - CLOSED long at 2069.19 | PnL: -0.01% | $-0.37 +2025-03-10 12:16:24,489 - INFO - OPENED SHORT at 2069.19 | Stop loss: 2079.53595 | Take profit: 2038.1521500000001 +2025-03-10 12:16:24,505 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,507 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,522 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,522 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,540 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,540 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,541 - INFO - CLOSED short at 2067.51 | PnL: 0.08% | $-0.06 +2025-03-10 12:16:24,556 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,556 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,558 - INFO - OPENED SHORT at 2069.01 | Stop loss: 2079.35505 | Take profit: 2037.9748500000003 +2025-03-10 12:16:24,573 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,574 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,575 - INFO - CLOSED short at 2066.39 | PnL: 0.13% | $0.09 +2025-03-10 12:16:24,592 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,593 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,610 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,611 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,627 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,628 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,645 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,646 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,647 - INFO - OPENED SHORT at 2065.08 | Stop loss: 2075.4053999999996 | Take profit: 2034.1037999999999 +2025-03-10 12:16:24,663 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,664 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,665 - INFO - CLOSED short at 2066.18 | PnL: -0.05% | $-0.52 +2025-03-10 12:16:24,683 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,684 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,699 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,700 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,717 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,718 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,734 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,735 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,736 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.24705 | Take profit: 2099.61885 +2025-03-10 12:16:24,750 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,751 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,766 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,767 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,768 - INFO - CLOSED long at 2070.4 | PnL: 0.09% | $-0.04 +2025-03-10 12:16:24,768 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.752 | Take profit: 2039.344 +2025-03-10 12:16:24,783 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,784 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,800 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,801 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,817 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,817 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,818 - INFO - CLOSED short at 2071.39 | PnL: -0.05% | $-0.50 +2025-03-10 12:16:24,818 - INFO - OPENED LONG at 2071.39 | Stop loss: 2061.03305 | Take profit: 2102.4608499999995 +2025-03-10 12:16:24,832 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,834 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,850 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,851 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,852 - INFO - CLOSED long at 2072.75 | PnL: 0.07% | $-0.12 +2025-03-10 12:16:24,852 - INFO - OPENED SHORT at 2072.75 | Stop loss: 2083.11375 | Take profit: 2041.65875 +2025-03-10 12:16:24,866 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,867 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,885 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,886 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,887 - INFO - CLOSED short at 2072.7 | PnL: 0.00% | $-0.33 +2025-03-10 12:16:24,887 - INFO - OPENED LONG at 2072.7 | Stop loss: 2062.3365 | Take profit: 2103.7904999999996 +2025-03-10 12:16:24,903 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,903 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,922 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,923 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,923 - INFO - CLOSED long at 2074.29 | PnL: 0.08% | $-0.08 +2025-03-10 12:16:24,924 - INFO - OPENED SHORT at 2074.29 | Stop loss: 2084.6614499999996 | Take profit: 2043.17565 +2025-03-10 12:16:24,937 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,938 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,953 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,954 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,955 - INFO - CLOSED short at 2071.92 | PnL: 0.11% | $0.05 +2025-03-10 12:16:24,969 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,970 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:24,988 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:24,989 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,006 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,007 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,027 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,029 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,029 - INFO - OPENED SHORT at 2069.35 | Stop loss: 2079.6967499999996 | Take profit: 2038.30975 +2025-03-10 12:16:25,046 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,047 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,050 - INFO - CLOSED short at 2068.32 | PnL: 0.05% | $-0.17 +2025-03-10 12:16:25,066 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,067 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,082 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,083 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,098 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,099 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,113 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,114 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,130 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,132 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,132 - INFO - OPENED SHORT at 2065.49 | Stop loss: 2075.8174499999996 | Take profit: 2034.5076499999998 +2025-03-10 12:16:25,149 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,150 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,150 - INFO - CLOSED short at 2063.61 | PnL: 0.09% | $-0.03 +2025-03-10 12:16:25,151 - INFO - OPENED LONG at 2063.61 | Stop loss: 2053.2919500000003 | Take profit: 2094.56415 +2025-03-10 12:16:25,167 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,168 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,184 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,185 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,202 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,203 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,204 - INFO - CLOSED long at 2068.58 | PnL: 0.24% | $0.47 +2025-03-10 12:16:25,220 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,221 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,224 - INFO - OPENED SHORT at 2068.8 | Stop loss: 2079.144 | Take profit: 2037.7680000000003 +2025-03-10 12:16:25,236 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,238 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,253 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,254 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,255 - INFO - CLOSED short at 2067.86 | PnL: 0.05% | $-0.18 +2025-03-10 12:16:25,255 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.5207 | Take profit: 2098.8779 +2025-03-10 12:16:25,271 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,272 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,289 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,290 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,307 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,308 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,327 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,328 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,328 - INFO - CLOSED long at 2071.59 | PnL: 0.18% | $0.27 +2025-03-10 12:16:25,329 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.9479499999998 | Take profit: 2040.5161500000002 +2025-03-10 12:16:25,344 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,345 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,362 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,363 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,364 - INFO - CLOSED short at 2070.4 | PnL: 0.06% | $-0.14 +2025-03-10 12:16:25,364 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0480000000002 | Take profit: 2101.4559999999997 +2025-03-10 12:16:25,382 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,383 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,384 - INFO - CLOSED long at 2070.73 | PnL: 0.02% | $-0.28 +2025-03-10 12:16:25,400 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,401 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,420 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,421 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,436 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,437 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,453 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,454 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,469 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,470 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,485 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,486 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,502 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,503 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,504 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4304999999995 | Take profit: 2035.1084999999998 +2025-03-10 12:16:25,520 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,521 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,537 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,538 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,556 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,557 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,573 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,574 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,577 - INFO - CLOSED short at 2070.04 | PnL: -0.19% | $-0.97 +2025-03-10 12:16:25,593 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,594 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,609 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,611 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,627 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,628 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,646 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,647 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,648 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.5406000000003 | Take profit: 2098.8982 +2025-03-10 12:16:25,664 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,665 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,671 - INFO - CLOSED long at 2064.99 | PnL: -0.14% | $-0.79 +2025-03-10 12:16:25,689 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,689 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,690 - INFO - OPENED LONG at 2065.83 | Stop loss: 2055.50085 | Take profit: 2096.8174499999996 +2025-03-10 12:16:25,706 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,707 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,725 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,726 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,747 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,748 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,764 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,765 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,782 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,783 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,800 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,801 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,816 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,818 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,835 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,836 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,837 - INFO - CLOSED long at 2063.59 | PnL: -0.11% | $-0.68 +2025-03-10 12:16:25,855 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,856 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,857 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.6352 | Take profit: 2095.9343999999996 +2025-03-10 12:16:25,874 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,876 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,876 - INFO - CLOSED long at 2066.24 | PnL: 0.06% | $-0.12 +2025-03-10 12:16:25,892 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,893 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,916 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,917 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,934 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,935 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,952 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,953 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,972 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,973 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,973 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.7596 | Take profit: 2095.0411999999997 +2025-03-10 12:16:25,990 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:25,991 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:25,993 - INFO - CLOSED long at 2062.71 | PnL: -0.07% | $-0.54 +2025-03-10 12:16:25,993 - INFO - OPENED SHORT at 2062.71 | Stop loss: 2073.02355 | Take profit: 2031.76935 +2025-03-10 12:16:26,008 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,009 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,026 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,027 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,027 - INFO - CLOSED short at 2064.5 | PnL: -0.09% | $-0.60 +2025-03-10 12:16:26,044 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,045 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,046 - INFO - OPENED LONG at 2063.5 | Stop loss: 2053.1825 | Take profit: 2094.4525 +2025-03-10 12:16:26,064 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,065 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,080 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,081 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,097 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,098 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,114 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,115 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,134 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,135 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,154 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,155 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,170 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,171 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,185 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,187 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,204 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,205 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,222 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,223 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,224 - INFO - CLOSED long at 2060.91 | PnL: -0.13% | $-0.72 +2025-03-10 12:16:26,242 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,243 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,244 - INFO - OPENED LONG at 2060.3 | Stop loss: 2049.9985 | Take profit: 2091.2045 +2025-03-10 12:16:26,260 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,261 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,278 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,279 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,280 - INFO - CLOSED long at 2061.9 | PnL: 0.08% | $-0.07 +2025-03-10 12:16:26,300 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,301 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,319 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,320 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,340 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,341 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,357 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,358 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,360 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.07305 | Take profit: 2094.3408499999996 +2025-03-10 12:16:26,376 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,377 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,393 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,393 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,409 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,409 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,410 - INFO - CLOSED long at 2063.53 | PnL: 0.01% | $-0.29 +2025-03-10 12:16:26,425 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,426 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,427 - INFO - OPENED SHORT at 2063.0 | Stop loss: 2073.3149999999996 | Take profit: 2032.055 +2025-03-10 12:16:26,443 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,444 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,445 - INFO - CLOSED short at 2062.6 | PnL: 0.02% | $-0.25 +2025-03-10 12:16:26,459 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,461 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,461 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5805499999997 | Take profit: 2092.8183499999996 +2025-03-10 12:16:26,478 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,479 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,479 - INFO - CLOSED long at 2061.7 | PnL: -0.01% | $-0.34 +2025-03-10 12:16:26,480 - INFO - OPENED SHORT at 2061.7 | Stop loss: 2072.0084999999995 | Take profit: 2030.7744999999998 +2025-03-10 12:16:26,494 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,496 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,511 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,512 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,528 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,529 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,544 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,545 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,563 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,564 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,565 - INFO - CLOSED short at 2059.02 | PnL: 0.13% | $0.09 +2025-03-10 12:16:26,581 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,582 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,599 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,600 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,601 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.6602 | Take profit: 2090.8594 +2025-03-10 12:16:26,615 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,616 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,617 - INFO - CLOSED long at 2059.46 | PnL: -0.02% | $-0.39 +2025-03-10 12:16:26,633 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,634 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,651 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,652 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,667 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,668 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,671 - INFO - OPENED LONG at 2056.28 | Stop loss: 2045.9986000000001 | Take profit: 2087.1242 +2025-03-10 12:16:26,684 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,684 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,685 - INFO - CLOSED long at 2055.6 | PnL: -0.03% | $-0.41 +2025-03-10 12:16:26,685 - INFO - OPENED SHORT at 2055.6 | Stop loss: 2065.8779999999997 | Take profit: 2024.7659999999998 +2025-03-10 12:16:26,701 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,702 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,702 - INFO - CLOSED short at 2054.89 | PnL: 0.03% | $-0.20 +2025-03-10 12:16:26,704 - INFO - OPENED LONG at 2054.89 | Stop loss: 2044.6155499999998 | Take profit: 2085.7133499999995 +2025-03-10 12:16:26,719 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,720 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,735 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,737 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,737 - INFO - CLOSED long at 2056.71 | PnL: 0.09% | $-0.04 +2025-03-10 12:16:26,753 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,754 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,770 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,771 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,788 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,789 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,790 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.3516999999997 | Take profit: 2092.5849 +2025-03-10 12:16:26,806 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,807 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,808 - INFO - CLOSED long at 2061.5 | PnL: -0.01% | $-0.33 +2025-03-10 12:16:26,825 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,827 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,827 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.292 | Take profit: 2092.524 +2025-03-10 12:16:26,842 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,843 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,862 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,863 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,869 - INFO - CLOSED long at 2062.69 | PnL: 0.05% | $-0.14 +2025-03-10 12:16:26,887 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,888 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,905 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,906 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,923 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,924 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,924 - INFO - OPENED SHORT at 2066.01 | Stop loss: 2076.34005 | Take profit: 2035.0198500000001 +2025-03-10 12:16:26,942 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,943 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,944 - INFO - CLOSED short at 2063.9 | PnL: 0.10% | $0.01 +2025-03-10 12:16:26,961 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,962 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,963 - INFO - OPENED LONG at 2064.49 | Stop loss: 2054.1675499999997 | Take profit: 2095.4573499999997 +2025-03-10 12:16:26,979 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:26,980 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:26,981 - INFO - CLOSED long at 2066.33 | PnL: 0.09% | $-0.03 +2025-03-10 12:16:26,981 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6616499999996 | Take profit: 2035.33505 +2025-03-10 12:16:27,000 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,001 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,020 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,021 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,022 - INFO - CLOSED short at 2066.79 | PnL: -0.02% | $-0.38 +2025-03-10 12:16:27,040 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,041 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,044 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.9933499999997 | Take profit: 2098.3399499999996 +2025-03-10 12:16:27,058 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,059 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,060 - INFO - CLOSED long at 2067.01 | PnL: -0.02% | $-0.35 +2025-03-10 12:16:27,061 - INFO - OPENED SHORT at 2067.01 | Stop loss: 2077.34505 | Take profit: 2036.0048500000003 +2025-03-10 12:16:27,080 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,081 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,082 - INFO - CLOSED short at 2065.69 | PnL: 0.06% | $-0.11 +2025-03-10 12:16:27,101 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,102 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,103 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.44105 | Take profit: 2100.8368499999997 +2025-03-10 12:16:27,118 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,119 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,137 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,138 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,139 - INFO - CLOSED long at 2074.3 | PnL: 0.22% | $0.36 +2025-03-10 12:16:27,159 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,160 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,178 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,180 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,181 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.38505 | Take profit: 2043.8848500000001 +2025-03-10 12:16:27,197 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,198 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,214 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,215 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,232 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,233 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,236 - INFO - CLOSED short at 2070.01 | PnL: 0.24% | $0.43 +2025-03-10 12:16:27,236 - INFO - OPENED LONG at 2070.01 | Stop loss: 2059.65995 | Take profit: 2101.06015 +2025-03-10 12:16:27,254 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,255 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,255 - INFO - CLOSED long at 2071.6 | PnL: 0.08% | $-0.07 +2025-03-10 12:16:27,256 - INFO - OPENED SHORT at 2071.6 | Stop loss: 2081.9579999999996 | Take profit: 2040.5259999999998 +2025-03-10 12:16:27,272 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,274 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,275 - INFO - CLOSED short at 2073.23 | PnL: -0.08% | $-0.55 +2025-03-10 12:16:27,275 - INFO - OPENED LONG at 2073.23 | Stop loss: 2062.86385 | Take profit: 2104.32845 +2025-03-10 12:16:27,293 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,294 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,318 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,319 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,321 - INFO - CLOSED long at 2068.15 | PnL: -0.25% | $-1.05 +2025-03-10 12:16:27,321 - INFO - OPENED SHORT at 2068.15 | Stop loss: 2078.49075 | Take profit: 2037.12775 +2025-03-10 12:16:27,339 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,340 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,346 - INFO - CLOSED short at 2068.39 | PnL: -0.01% | $-0.33 +2025-03-10 12:16:27,362 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,362 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,380 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,381 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,402 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,403 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,422 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,423 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,441 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,441 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,461 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,462 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,463 - INFO - OPENED LONG at 2071.49 | Stop loss: 2061.13255 | Take profit: 2102.5623499999997 +2025-03-10 12:16:27,479 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,480 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,498 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,499 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,499 - INFO - CLOSED long at 2067.33 | PnL: -0.20% | $-0.90 +2025-03-10 12:16:27,517 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,518 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,537 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,538 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,539 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3714999999997 | Take profit: 2096.6854999999996 +2025-03-10 12:16:27,556 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,557 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,575 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,576 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,577 - INFO - CLOSED long at 2063.95 | PnL: -0.08% | $-0.55 +2025-03-10 12:16:27,595 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,596 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,617 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,618 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,634 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,635 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,639 - INFO - OPENED LONG at 2065.3 | Stop loss: 2054.9735 | Take profit: 2096.2795 +2025-03-10 12:16:27,655 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,656 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,657 - INFO - CLOSED long at 2064.4 | PnL: -0.04% | $-0.42 +2025-03-10 12:16:27,657 - INFO - OPENED SHORT at 2064.4 | Stop loss: 2074.7219999999998 | Take profit: 2033.434 +2025-03-10 12:16:27,674 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,675 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,676 - INFO - CLOSED short at 2064.31 | PnL: 0.00% | $-0.28 +2025-03-10 12:16:27,691 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,692 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,707 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,708 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,709 - INFO - OPENED LONG at 2067.53 | Stop loss: 2057.1923500000003 | Take profit: 2098.54295 +2025-03-10 12:16:27,725 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,726 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,743 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,744 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,762 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,762 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,779 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,780 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,781 - INFO - CLOSED long at 2066.5 | PnL: -0.05% | $-0.43 +2025-03-10 12:16:27,781 - INFO - OPENED SHORT at 2066.5 | Stop loss: 2076.8325 | Take profit: 2035.5025 +2025-03-10 12:16:27,798 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,799 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,817 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,818 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,821 - INFO - CLOSED short at 2071.59 | PnL: -0.25% | $-1.00 +2025-03-10 12:16:27,821 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.23205 | Take profit: 2102.66385 +2025-03-10 12:16:27,838 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,839 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,840 - INFO - CLOSED long at 2070.2 | PnL: -0.07% | $-0.48 +2025-03-10 12:16:27,858 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,859 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,861 - INFO - OPENED LONG at 2071.35 | Stop loss: 2060.99325 | Take profit: 2102.4202499999997 +2025-03-10 12:16:27,876 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,877 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,878 - INFO - CLOSED long at 2070.9 | PnL: -0.02% | $-0.34 +2025-03-10 12:16:27,893 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,894 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,911 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,913 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,913 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3464999999997 | Take profit: 2101.7604999999994 +2025-03-10 12:16:27,934 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,935 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,936 - INFO - CLOSED long at 2070.8 | PnL: 0.00% | $-0.27 +2025-03-10 12:16:27,937 - INFO - OPENED SHORT at 2070.8 | Stop loss: 2081.154 | Take profit: 2039.738 +2025-03-10 12:16:27,954 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,956 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,956 - INFO - CLOSED short at 2070.35 | PnL: 0.02% | $-0.22 +2025-03-10 12:16:27,976 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,977 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,977 - INFO - OPENED LONG at 2070.61 | Stop loss: 2060.25695 | Take profit: 2101.6691499999997 +2025-03-10 12:16:27,994 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:27,995 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:27,996 - INFO - CLOSED long at 2071.99 | PnL: 0.07% | $-0.09 +2025-03-10 12:16:27,996 - INFO - OPENED SHORT at 2071.99 | Stop loss: 2082.3499499999994 | Take profit: 2040.9101499999997 +2025-03-10 12:16:28,024 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,024 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,034 - INFO - CLOSED short at 2068.19 | PnL: 0.18% | $0.23 +2025-03-10 12:16:28,054 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,054 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,073 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,073 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,093 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,096 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,097 - INFO - OPENED SHORT at 2069.78 | Stop loss: 2080.1289 | Take profit: 2038.7333 +2025-03-10 12:16:28,116 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,117 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,138 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,138 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,157 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,158 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,176 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,177 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,195 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,195 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,197 - INFO - CLOSED short at 2073.27 | PnL: -0.17% | $-0.75 +2025-03-10 12:16:28,197 - INFO - OPENED LONG at 2073.27 | Stop loss: 2062.90365 | Take profit: 2104.36905 +2025-03-10 12:16:28,215 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,217 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,218 - INFO - CLOSED long at 2073.99 | PnL: 0.03% | $-0.18 +2025-03-10 12:16:28,235 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,236 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,239 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.9434 | Take profit: 2106.4498 +2025-03-10 12:16:28,256 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,257 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,276 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,277 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,293 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,295 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,311 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,312 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,313 - INFO - CLOSED long at 2074.0 | PnL: -0.06% | $-0.45 +2025-03-10 12:16:28,313 - INFO - OPENED SHORT at 2074.0 | Stop loss: 2084.37 | Take profit: 2042.8899999999999 +2025-03-10 12:16:28,330 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,330 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,331 - INFO - CLOSED short at 2072.09 | PnL: 0.09% | $-0.02 +2025-03-10 12:16:28,331 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.72955 | Take profit: 2103.17135 +2025-03-10 12:16:28,347 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,348 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,349 - INFO - CLOSED long at 2069.97 | PnL: -0.10% | $-0.55 +2025-03-10 12:16:28,366 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,367 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,368 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.0384999999997 | Take profit: 2036.6844999999998 +2025-03-10 12:16:28,384 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,385 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,402 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,403 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,404 - INFO - CLOSED short at 2067.9 | PnL: -0.01% | $-0.30 +2025-03-10 12:16:28,404 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.5605 | Take profit: 2098.9184999999998 +2025-03-10 12:16:28,420 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,421 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,439 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,440 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,440 - INFO - CLOSED long at 2066.89 | PnL: -0.05% | $-0.40 +2025-03-10 12:16:28,441 - INFO - OPENED SHORT at 2066.89 | Stop loss: 2077.2244499999997 | Take profit: 2035.88665 +2025-03-10 12:16:28,458 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,459 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,460 - INFO - CLOSED short at 2067.88 | PnL: -0.05% | $-0.40 +2025-03-10 12:16:28,460 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.5406000000003 | Take profit: 2098.8982 +2025-03-10 12:16:28,477 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,478 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,479 - INFO - CLOSED long at 2065.45 | PnL: -0.12% | $-0.58 +2025-03-10 12:16:28,479 - INFO - OPENED SHORT at 2065.45 | Stop loss: 2075.7772499999996 | Take profit: 2034.46825 +2025-03-10 12:16:28,494 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,495 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,511 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,512 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,529 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,530 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,531 - INFO - CLOSED short at 2070.19 | PnL: -0.23% | $-0.87 +2025-03-10 12:16:28,548 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,549 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,567 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,568 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,584 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,585 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,602 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,603 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,619 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,620 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,621 - INFO - OPENED LONG at 2065.8 | Stop loss: 2055.471 | Take profit: 2096.787 +2025-03-10 12:16:28,638 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,640 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,640 - INFO - CLOSED long at 2065.07 | PnL: -0.04% | $-0.35 +2025-03-10 12:16:28,655 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,656 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,676 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,677 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,678 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.07305 | Take profit: 2094.3408499999996 +2025-03-10 12:16:28,694 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,696 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,711 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,713 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,729 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,730 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,748 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,749 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,767 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,768 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,784 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,785 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,788 - INFO - CLOSED long at 2064.5 | PnL: 0.05% | $-0.12 +2025-03-10 12:16:28,789 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8224999999998 | Take profit: 2033.5325 +2025-03-10 12:16:28,804 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,805 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,806 - INFO - CLOSED short at 2066.33 | PnL: -0.09% | $-0.49 +2025-03-10 12:16:28,823 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,824 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,842 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,843 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,861 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,862 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,878 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,880 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,897 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,898 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,913 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,914 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,915 - INFO - OPENED LONG at 2058.65 | Stop loss: 2048.35675 | Take profit: 2089.5297499999997 +2025-03-10 12:16:28,931 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,932 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,953 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,955 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,971 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,972 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:28,976 - INFO - CLOSED long at 2049.21 | PnL: -0.46% | $-1.44 +2025-03-10 12:16:28,992 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:28,993 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,012 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,013 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,031 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,032 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,053 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,054 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,055 - INFO - OPENED LONG at 2056.85 | Stop loss: 2046.56575 | Take profit: 2087.70275 +2025-03-10 12:16:29,071 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,072 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,072 - INFO - CLOSED long at 2057.11 | PnL: 0.01% | $-0.22 +2025-03-10 12:16:29,073 - INFO - OPENED SHORT at 2057.11 | Stop loss: 2067.3955499999997 | Take profit: 2026.2533500000002 +2025-03-10 12:16:29,087 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,088 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,105 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,106 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,107 - INFO - CLOSED short at 2062.83 | PnL: -0.28% | $-0.95 +2025-03-10 12:16:29,107 - INFO - OPENED LONG at 2062.83 | Stop loss: 2052.51585 | Take profit: 2093.77245 +2025-03-10 12:16:29,122 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,123 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,140 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,141 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,158 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,159 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,177 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,178 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,179 - INFO - CLOSED long at 2062.55 | PnL: -0.01% | $-0.28 +2025-03-10 12:16:29,179 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.86275 | Take profit: 2031.6117500000003 +2025-03-10 12:16:29,196 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,196 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,197 - INFO - CLOSED short at 2065.12 | PnL: -0.12% | $-0.55 +2025-03-10 12:16:29,197 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.7943999999998 | Take profit: 2096.0968 +2025-03-10 12:16:29,214 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,216 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,234 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,235 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,253 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,254 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,255 - INFO - CLOSED long at 2066.59 | PnL: 0.07% | $-0.07 +2025-03-10 12:16:29,271 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,272 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,274 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4003999999995 | Take profit: 2033.1188 +2025-03-10 12:16:29,288 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,290 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,291 - INFO - CLOSED short at 2061.21 | PnL: 0.14% | $0.10 +2025-03-10 12:16:29,291 - INFO - OPENED LONG at 2061.21 | Stop loss: 2050.90395 | Take profit: 2092.12815 +2025-03-10 12:16:29,308 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,309 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,310 - INFO - CLOSED long at 2059.9 | PnL: -0.06% | $-0.40 +2025-03-10 12:16:29,310 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.1994999999997 | Take profit: 2029.0015 +2025-03-10 12:16:29,326 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,327 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,328 - INFO - CLOSED short at 2060.7 | PnL: -0.04% | $-0.34 +2025-03-10 12:16:29,328 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3965 | Take profit: 2091.6105 +2025-03-10 12:16:29,345 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,346 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,367 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,368 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,369 - INFO - CLOSED long at 2062.54 | PnL: 0.09% | $-0.03 +2025-03-10 12:16:29,370 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.8527 | Take profit: 2031.6019 +2025-03-10 12:16:29,386 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,388 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,388 - INFO - CLOSED short at 2065.72 | PnL: -0.15% | $-0.61 +2025-03-10 12:16:29,404 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,405 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,421 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,422 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,439 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,440 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,457 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,458 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,474 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,476 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,491 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,492 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,492 - INFO - OPENED SHORT at 2073.49 | Stop loss: 2083.8574499999995 | Take profit: 2042.3876499999997 +2025-03-10 12:16:29,507 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,508 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,509 - INFO - CLOSED short at 2074.05 | PnL: -0.03% | $-0.30 +2025-03-10 12:16:29,509 - INFO - OPENED LONG at 2074.05 | Stop loss: 2063.6797500000002 | Take profit: 2105.16075 +2025-03-10 12:16:29,525 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,526 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,529 - INFO - CLOSED long at 2072.99 | PnL: -0.05% | $-0.36 +2025-03-10 12:16:29,543 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:16:29,544 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:16:29,560 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:11,861 - INFO - GPU not available, using CPU +2025-03-10 12:18:11,880 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 12:18:11,881 - INFO - Fetching initial data for ETH/USDT +2025-03-10 12:18:15,350 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 12:18:15,371 - INFO - Initialized environment with 500 candles +2025-03-10 12:18:17,557 - INFO - Starting training for 1000 episodes... +2025-03-10 12:18:17,557 - INFO - Starting training on device: cpu +2025-03-10 12:18:17,580 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 12:18:17,888 - INFO - OPENED LONG at 2050.97 | Stop loss: 2040.7151499999998 | Take profit: 2081.7345499999997 +2025-03-10 12:18:17,888 - INFO - CLOSED long at 2056.0 | PnL: 0.25% | $0.58 +2025-03-10 12:18:17,888 - INFO - OPENED SHORT at 2056.0 | Stop loss: 2066.2799999999997 | Take profit: 2025.16 +2025-03-10 12:18:17,889 - INFO - CLOSED short at 2059.23 | PnL: -0.16% | $-1.03 +2025-03-10 12:18:17,889 - INFO - OPENED SHORT at 2062.9 | Stop loss: 2073.2145 | Take profit: 2031.9565 +2025-03-10 12:18:17,890 - INFO - CLOSED short at 2060.94 | PnL: 0.10% | $-0.02 +2025-03-10 12:18:17,891 - INFO - OPENED SHORT at 2064.51 | Stop loss: 2074.83255 | Take profit: 2033.5423500000002 +2025-03-10 12:18:17,894 - INFO - CLOSED short at 2064.21 | PnL: 0.01% | $-0.34 +2025-03-10 12:18:17,895 - INFO - OPENED LONG at 2064.21 | Stop loss: 2053.88895 | Take profit: 2095.1731499999996 +2025-03-10 12:18:17,895 - INFO - CLOSED long at 2062.83 | PnL: -0.07% | $-0.66 +2025-03-10 12:18:17,895 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.1441499999996 | Take profit: 2031.88755 +2025-03-10 12:18:17,896 - INFO - CLOSED short at 2064.11 | PnL: -0.06% | $-0.64 +2025-03-10 12:18:17,896 - INFO - OPENED LONG at 2064.11 | Stop loss: 2053.78945 | Take profit: 2095.07165 +2025-03-10 12:18:17,897 - INFO - CLOSED long at 2062.75 | PnL: -0.07% | $-0.65 +2025-03-10 12:18:17,897 - INFO - OPENED SHORT at 2063.84 | Stop loss: 2074.1592 | Take profit: 2032.8824000000002 +2025-03-10 12:18:17,897 - INFO - CLOSED short at 2062.28 | PnL: 0.08% | $-0.09 +2025-03-10 12:18:17,899 - INFO - OPENED LONG at 2062.28 | Stop loss: 2051.9686 | Take profit: 2093.2142 +2025-03-10 12:18:17,901 - INFO - CLOSED long at 2057.59 | PnL: -0.23% | $-1.27 +2025-03-10 12:18:17,901 - INFO - OPENED SHORT at 2057.59 | Stop loss: 2067.87795 | Take profit: 2026.7261500000002 +2025-03-10 12:18:17,902 - INFO - CLOSED short at 2059.03 | PnL: -0.07% | $-0.65 +2025-03-10 12:18:17,902 - INFO - OPENED LONG at 2059.03 | Stop loss: 2048.7348500000003 | Take profit: 2089.91545 +2025-03-10 12:18:17,903 - INFO - CLOSED long at 2059.4 | PnL: 0.02% | $-0.31 +2025-03-10 12:18:17,903 - INFO - OPENED SHORT at 2059.4 | Stop loss: 2069.6969999999997 | Take profit: 2028.509 +2025-03-10 12:18:17,906 - INFO - CLOSED short at 2057.99 | PnL: 0.07% | $-0.12 +2025-03-10 12:18:17,907 - INFO - OPENED SHORT at 2056.4 | Stop loss: 2066.682 | Take profit: 2025.554 +2025-03-10 12:18:17,908 - INFO - CLOSED short at 2055.39 | PnL: 0.05% | $-0.19 +2025-03-10 12:18:17,908 - INFO - OPENED LONG at 2055.39 | Stop loss: 2045.11305 | Take profit: 2086.2208499999997 +2025-03-10 12:18:17,909 - INFO - CLOSED long at 2052.7 | PnL: -0.13% | $-0.87 +2025-03-10 12:18:17,910 - INFO - OPENED SHORT at 2052.7 | Stop loss: 2062.9634999999994 | Take profit: 2021.9094999999998 +2025-03-10 12:18:17,910 - INFO - CLOSED short at 2052.16 | PnL: 0.03% | $-0.28 +2025-03-10 12:18:17,910 - INFO - OPENED LONG at 2052.16 | Stop loss: 2041.8991999999998 | Take profit: 2082.9423999999995 +2025-03-10 12:18:17,913 - INFO - CLOSED long at 2050.71 | PnL: -0.07% | $-0.64 +2025-03-10 12:18:17,914 - INFO - OPENED SHORT at 2050.71 | Stop loss: 2060.96355 | Take profit: 2019.94935 +2025-03-10 12:18:17,914 - INFO - CLOSED short at 2049.49 | PnL: 0.06% | $-0.15 +2025-03-10 12:18:17,917 - INFO - OPENED LONG at 2048.48 | Stop loss: 2038.2376 | Take profit: 2079.2072 +2025-03-10 12:18:17,918 - INFO - CLOSED long at 2045.99 | PnL: -0.12% | $-0.82 +2025-03-10 12:18:17,919 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.76005 | Take profit: 2076.67985 +2025-03-10 12:18:17,919 - INFO - CLOSED long at 2045.79 | PnL: -0.01% | $-0.40 +2025-03-10 12:18:17,919 - INFO - OPENED LONG at 2048.13 | Stop loss: 2037.8893500000001 | Take profit: 2078.8519499999998 +2025-03-10 12:18:17,920 - INFO - CLOSED long at 2047.59 | PnL: -0.03% | $-0.46 +2025-03-10 12:18:17,920 - INFO - OPENED SHORT at 2047.59 | Stop loss: 2057.82795 | Take profit: 2016.8761499999998 +2025-03-10 12:18:17,923 - INFO - CLOSED short at 2048.51 | PnL: -0.04% | $-0.53 +2025-03-10 12:18:17,923 - INFO - OPENED LONG at 2048.51 | Stop loss: 2038.2674500000003 | Take profit: 2079.23765 +2025-03-10 12:18:17,923 - INFO - CLOSED long at 2050.0 | PnL: 0.07% | $-0.10 +2025-03-10 12:18:17,924 - INFO - OPENED SHORT at 2050.24 | Stop loss: 2060.4911999999995 | Take profit: 2019.4863999999998 +2025-03-10 12:18:17,944 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:17,945 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:17,946 - INFO - CLOSED short at 2049.89 | PnL: 0.02% | $-0.30 +2025-03-10 12:18:17,946 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6405499999998 | Take profit: 2080.6383499999997 +2025-03-10 12:18:17,963 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:17,964 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:17,964 - INFO - CLOSED long at 2051.11 | PnL: 0.06% | $-0.15 +2025-03-10 12:18:17,964 - INFO - OPENED SHORT at 2051.11 | Stop loss: 2061.36555 | Take profit: 2020.34335 +2025-03-10 12:18:17,981 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:17,982 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:17,995 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:17,996 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:17,997 - INFO - CLOSED short at 2051.89 | PnL: -0.04% | $-0.50 +2025-03-10 12:18:17,997 - INFO - OPENED LONG at 2051.89 | Stop loss: 2041.6305499999999 | Take profit: 2082.6683499999995 +2025-03-10 12:18:18,013 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,014 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,015 - INFO - CLOSED long at 2052.3 | PnL: 0.02% | $-0.29 +2025-03-10 12:18:18,031 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,032 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,033 - INFO - OPENED SHORT at 2055.69 | Stop loss: 2065.96845 | Take profit: 2024.85465 +2025-03-10 12:18:18,048 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,048 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,065 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,066 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,087 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,088 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,089 - INFO - CLOSED short at 2058.39 | PnL: -0.13% | $-0.82 +2025-03-10 12:18:18,103 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,104 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,105 - INFO - OPENED LONG at 2060.13 | Stop loss: 2049.82935 | Take profit: 2091.03195 +2025-03-10 12:18:18,121 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,122 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,138 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,139 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,154 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,155 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,172 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,173 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,191 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,192 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,207 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,208 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,209 - INFO - CLOSED long at 2061.61 | PnL: 0.07% | $-0.10 +2025-03-10 12:18:18,224 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,225 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,226 - INFO - OPENED SHORT at 2064.69 | Stop loss: 2075.01345 | Take profit: 2033.71965 +2025-03-10 12:18:18,241 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,242 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,245 - INFO - CLOSED short at 2063.01 | PnL: 0.08% | $-0.07 +2025-03-10 12:18:18,260 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,261 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,261 - INFO - OPENED SHORT at 2060.99 | Stop loss: 2071.2949499999995 | Take profit: 2030.0751499999997 +2025-03-10 12:18:18,277 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,277 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,296 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,297 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,314 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,315 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,315 - INFO - CLOSED short at 2061.89 | PnL: -0.04% | $-0.51 +2025-03-10 12:18:18,332 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,333 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,334 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2044499999997 | Take profit: 2031.9466499999999 +2025-03-10 12:18:18,350 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,351 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,351 - INFO - CLOSED short at 2060.31 | PnL: 0.13% | $0.09 +2025-03-10 12:18:18,352 - INFO - OPENED LONG at 2060.31 | Stop loss: 2050.00845 | Take profit: 2091.21465 +2025-03-10 12:18:18,368 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,369 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,370 - INFO - CLOSED long at 2059.49 | PnL: -0.04% | $-0.49 +2025-03-10 12:18:18,370 - INFO - OPENED SHORT at 2059.49 | Stop loss: 2069.7874499999994 | Take profit: 2028.5976499999997 +2025-03-10 12:18:18,387 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,388 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,403 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,404 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,418 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,419 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,438 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,439 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,439 - INFO - CLOSED short at 2058.11 | PnL: 0.07% | $-0.12 +2025-03-10 12:18:18,456 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,457 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,457 - INFO - OPENED SHORT at 2061.79 | Stop loss: 2072.0989499999996 | Take profit: 2030.86315 +2025-03-10 12:18:18,473 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,474 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,490 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,491 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,491 - INFO - CLOSED short at 2064.32 | PnL: -0.12% | $-0.78 +2025-03-10 12:18:18,505 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,506 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,522 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,523 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,524 - INFO - OPENED SHORT at 2070.58 | Stop loss: 2080.9329 | Take profit: 2039.5212999999999 +2025-03-10 12:18:18,539 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,539 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,541 - INFO - CLOSED short at 2068.11 | PnL: 0.12% | $0.07 +2025-03-10 12:18:18,554 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,555 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,556 - INFO - OPENED LONG at 2068.29 | Stop loss: 2057.94855 | Take profit: 2099.3143499999996 +2025-03-10 12:18:18,568 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,569 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,570 - INFO - CLOSED long at 2067.89 | PnL: -0.02% | $-0.41 +2025-03-10 12:18:18,570 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:18:18,586 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,587 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,603 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,604 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,604 - INFO - CLOSED short at 2070.99 | PnL: -0.15% | $-0.86 +2025-03-10 12:18:18,621 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,622 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,639 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,640 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,641 - INFO - OPENED SHORT at 2068.65 | Stop loss: 2078.99325 | Take profit: 2037.6202500000002 +2025-03-10 12:18:18,657 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,657 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,673 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,674 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,690 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,691 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,692 - INFO - CLOSED short at 2067.69 | PnL: 0.05% | $-0.18 +2025-03-10 12:18:18,707 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,708 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,709 - INFO - OPENED LONG at 2070.26 | Stop loss: 2059.9087000000004 | Take profit: 2101.3139 +2025-03-10 12:18:18,725 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,726 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,726 - INFO - CLOSED long at 2071.44 | PnL: 0.06% | $-0.15 +2025-03-10 12:18:18,744 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,745 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,746 - INFO - OPENED LONG at 2073.73 | Stop loss: 2063.36135 | Take profit: 2104.8359499999997 +2025-03-10 12:18:18,761 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,762 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,765 - INFO - CLOSED long at 2075.1 | PnL: 0.07% | $-0.12 +2025-03-10 12:18:18,765 - INFO - OPENED SHORT at 2075.1 | Stop loss: 2085.4754999999996 | Take profit: 2043.9734999999998 +2025-03-10 12:18:18,781 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,782 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,782 - INFO - CLOSED short at 2072.91 | PnL: 0.11% | $0.02 +2025-03-10 12:18:18,783 - INFO - OPENED LONG at 2072.91 | Stop loss: 2062.5454499999996 | Take profit: 2104.0036499999997 +2025-03-10 12:18:18,799 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,800 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,815 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,816 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,817 - INFO - CLOSED long at 2071.38 | PnL: -0.07% | $-0.59 +2025-03-10 12:18:18,832 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,833 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,850 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,851 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,852 - INFO - OPENED SHORT at 2069.37 | Stop loss: 2079.71685 | Take profit: 2038.32945 +2025-03-10 12:18:18,867 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,868 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,884 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,885 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,886 - INFO - CLOSED short at 2072.8 | PnL: -0.17% | $-0.89 +2025-03-10 12:18:18,886 - INFO - OPENED LONG at 2072.8 | Stop loss: 2062.436 | Take profit: 2103.892 +2025-03-10 12:18:18,905 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,905 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,923 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,924 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,925 - INFO - CLOSED long at 2070.28 | PnL: -0.12% | $-0.74 +2025-03-10 12:18:18,925 - INFO - OPENED SHORT at 2070.28 | Stop loss: 2080.6313999999998 | Take profit: 2039.2258000000002 +2025-03-10 12:18:18,943 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,945 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,949 - INFO - CLOSED short at 2068.02 | PnL: 0.11% | $0.03 +2025-03-10 12:18:18,949 - INFO - OPENED LONG at 2068.02 | Stop loss: 2057.6799 | Take profit: 2099.0402999999997 +2025-03-10 12:18:18,967 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,968 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,968 - INFO - CLOSED long at 2067.2 | PnL: -0.04% | $-0.46 +2025-03-10 12:18:18,969 - INFO - OPENED SHORT at 2067.2 | Stop loss: 2077.5359999999996 | Take profit: 2036.1919999999998 +2025-03-10 12:18:18,985 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:18,987 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:18,987 - INFO - CLOSED short at 2070.36 | PnL: -0.15% | $-0.83 +2025-03-10 12:18:18,988 - INFO - OPENED LONG at 2070.36 | Stop loss: 2060.0082 | Take profit: 2101.4154 +2025-03-10 12:18:19,004 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,004 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,023 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,024 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,025 - INFO - CLOSED long at 2070.7 | PnL: 0.02% | $-0.27 +2025-03-10 12:18:19,042 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,043 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,043 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9933 | Take profit: 2100.3801 +2025-03-10 12:18:19,060 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,063 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,063 - INFO - CLOSED long at 2069.19 | PnL: -0.01% | $-0.35 +2025-03-10 12:18:19,081 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,082 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,098 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,099 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,099 - INFO - OPENED SHORT at 2067.6 | Stop loss: 2077.9379999999996 | Take profit: 2036.5859999999998 +2025-03-10 12:18:19,115 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,116 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,117 - INFO - CLOSED short at 2067.51 | PnL: 0.00% | $-0.31 +2025-03-10 12:18:19,117 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.17245 | Take profit: 2098.52265 +2025-03-10 12:18:19,132 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,133 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,152 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,153 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,153 - INFO - CLOSED long at 2066.39 | PnL: -0.05% | $-0.50 +2025-03-10 12:18:19,171 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,172 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,190 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,191 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,191 - INFO - OPENED LONG at 2066.19 | Stop loss: 2055.85905 | Take profit: 2097.1828499999997 +2025-03-10 12:18:19,208 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,209 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,209 - INFO - CLOSED long at 2066.29 | PnL: 0.00% | $-0.30 +2025-03-10 12:18:19,210 - INFO - OPENED SHORT at 2066.29 | Stop loss: 2076.6214499999996 | Take profit: 2035.29565 +2025-03-10 12:18:19,224 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,226 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,242 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,243 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,243 - INFO - CLOSED short at 2066.18 | PnL: 0.01% | $-0.30 +2025-03-10 12:18:19,256 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,257 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,258 - INFO - OPENED SHORT at 2068.76 | Stop loss: 2079.1038 | Take profit: 2037.7286000000001 +2025-03-10 12:18:19,273 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,273 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,288 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,289 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,305 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,306 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,309 - INFO - CLOSED short at 2068.59 | PnL: 0.01% | $-0.29 +2025-03-10 12:18:19,309 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.24705 | Take profit: 2099.61885 +2025-03-10 12:18:19,325 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,326 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,327 - INFO - CLOSED long at 2069.7 | PnL: 0.05% | $-0.15 +2025-03-10 12:18:19,343 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,344 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,360 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,362 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,377 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,378 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,395 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,396 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,412 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,413 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,429 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,431 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,446 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,447 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,448 - INFO - OPENED SHORT at 2073.11 | Stop loss: 2083.47555 | Take profit: 2042.0133500000002 +2025-03-10 12:18:19,464 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,465 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,480 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,481 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,501 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,502 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,518 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,519 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,519 - INFO - CLOSED short at 2073.9 | PnL: -0.04% | $-0.44 +2025-03-10 12:18:19,520 - INFO - OPENED LONG at 2073.9 | Stop loss: 2063.5305000000003 | Take profit: 2105.0085 +2025-03-10 12:18:19,536 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,537 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,553 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,554 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,571 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,571 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,587 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,588 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,603 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,604 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,604 - INFO - CLOSED long at 2069.35 | PnL: -0.22% | $-1.00 +2025-03-10 12:18:19,623 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,624 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,625 - INFO - OPENED SHORT at 2068.32 | Stop loss: 2078.6616 | Take profit: 2037.2952 +2025-03-10 12:18:19,641 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,642 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,643 - INFO - CLOSED short at 2067.0 | PnL: 0.06% | $-0.11 +2025-03-10 12:18:19,643 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.665 | Take profit: 2098.0049999999997 +2025-03-10 12:18:19,660 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,661 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,681 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,682 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,699 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,700 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,719 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,720 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,737 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,738 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,739 - INFO - CLOSED long at 2063.61 | PnL: -0.16% | $-0.82 +2025-03-10 12:18:19,758 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,760 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,760 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9337 | Take profit: 2096.2389 +2025-03-10 12:18:19,777 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,778 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,796 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,797 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,815 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,816 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,832 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,833 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,850 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,851 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,854 - INFO - CLOSED long at 2067.86 | PnL: 0.13% | $0.08 +2025-03-10 12:18:19,870 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,871 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,872 - INFO - OPENED LONG at 2067.59 | Stop loss: 2057.25205 | Take profit: 2098.60385 +2025-03-10 12:18:19,890 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,891 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,910 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,911 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,928 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,929 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,930 - INFO - CLOSED long at 2071.59 | PnL: 0.19% | $0.29 +2025-03-10 12:18:19,946 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,947 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,961 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,963 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,978 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,980 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:19,980 - INFO - OPENED SHORT at 2070.73 | Stop loss: 2081.0836499999996 | Take profit: 2039.66905 +2025-03-10 12:18:19,996 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:19,997 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,013 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,013 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,014 - INFO - CLOSED short at 2068.69 | PnL: 0.10% | $-0.00 +2025-03-10 12:18:20,014 - INFO - OPENED LONG at 2068.69 | Stop loss: 2058.34655 | Take profit: 2099.72035 +2025-03-10 12:18:20,030 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,032 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,049 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,051 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,066 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,067 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,083 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,085 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,086 - INFO - CLOSED long at 2066.4 | PnL: -0.11% | $-0.65 +2025-03-10 12:18:20,100 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,101 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,117 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,118 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,135 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,136 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,137 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.7219499999997 | Take profit: 2035.3941499999999 +2025-03-10 12:18:20,154 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,155 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,175 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,176 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,177 - INFO - CLOSED short at 2070.04 | PnL: -0.18% | $-0.84 +2025-03-10 12:18:20,194 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,195 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,211 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,212 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,231 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,232 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,248 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,249 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,250 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2194 | Take profit: 2036.8618000000001 +2025-03-10 12:18:20,267 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,268 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,285 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,286 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,303 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,304 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,325 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,326 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,343 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,344 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,361 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,362 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,382 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,384 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,399 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,400 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,404 - INFO - CLOSED short at 2059.59 | PnL: 0.40% | $0.91 +2025-03-10 12:18:20,420 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,421 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,437 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,438 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,456 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,457 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,457 - INFO - OPENED SHORT at 2064.96 | Stop loss: 2075.2848 | Take profit: 2033.9856 +2025-03-10 12:18:20,473 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,474 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,491 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,492 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,492 - INFO - CLOSED short at 2067.1 | PnL: -0.10% | $-0.62 +2025-03-10 12:18:20,493 - INFO - OPENED LONG at 2067.1 | Stop loss: 2056.7644999999998 | Take profit: 2098.1065 +2025-03-10 12:18:20,508 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,509 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,524 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,525 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,542 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,543 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,544 - INFO - CLOSED long at 2064.45 | PnL: -0.13% | $-0.69 +2025-03-10 12:18:20,544 - INFO - OPENED SHORT at 2064.45 | Stop loss: 2074.7722499999995 | Take profit: 2033.4832499999998 +2025-03-10 12:18:20,561 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,562 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,569 - INFO - CLOSED short at 2064.08 | PnL: 0.02% | $-0.25 +2025-03-10 12:18:20,585 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,586 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,607 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,608 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,623 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,625 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,626 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1775 | Take profit: 2095.4674999999997 +2025-03-10 12:18:20,642 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,643 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,657 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,658 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,676 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,677 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,678 - INFO - CLOSED long at 2060.9 | PnL: -0.17% | $-0.82 +2025-03-10 12:18:20,696 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,697 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,716 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,717 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,735 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,736 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,752 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,753 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,770 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,772 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,775 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.491 | Take profit: 2092.727 +2025-03-10 12:18:20,793 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,794 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,810 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,811 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,812 - INFO - CLOSED long at 2062.61 | PnL: 0.04% | $-0.18 +2025-03-10 12:18:20,812 - INFO - OPENED SHORT at 2062.61 | Stop loss: 2072.92305 | Take profit: 2031.6708500000002 +2025-03-10 12:18:20,827 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,828 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,844 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,845 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,846 - INFO - CLOSED short at 2060.3 | PnL: 0.11% | $0.04 +2025-03-10 12:18:20,846 - INFO - OPENED LONG at 2060.3 | Stop loss: 2049.9985 | Take profit: 2091.2045 +2025-03-10 12:18:20,861 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,862 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,863 - INFO - CLOSED long at 2061.13 | PnL: 0.04% | $-0.18 +2025-03-10 12:18:20,863 - INFO - OPENED SHORT at 2061.13 | Stop loss: 2071.43565 | Take profit: 2030.21305 +2025-03-10 12:18:20,880 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,882 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,896 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,897 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,913 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,914 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,914 - INFO - CLOSED short at 2065.36 | PnL: -0.21% | $-0.90 +2025-03-10 12:18:20,914 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.0332000000003 | Take profit: 2096.3404 +2025-03-10 12:18:20,931 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,932 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,948 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,949 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,969 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,970 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,987 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:20,988 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:20,988 - INFO - CLOSED long at 2065.89 | PnL: 0.03% | $-0.22 +2025-03-10 12:18:21,003 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,004 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,005 - INFO - OPENED SHORT at 2063.53 | Stop loss: 2073.84765 | Take profit: 2032.57705 +2025-03-10 12:18:21,021 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,022 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,038 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,039 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,056 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,057 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,074 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,075 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,076 - INFO - CLOSED short at 2061.7 | PnL: 0.09% | $-0.03 +2025-03-10 12:18:21,076 - INFO - OPENED LONG at 2061.7 | Stop loss: 2051.3914999999997 | Take profit: 2092.6254999999996 +2025-03-10 12:18:21,093 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,093 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,109 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,110 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,124 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,125 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,141 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,142 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,142 - INFO - CLOSED long at 2059.16 | PnL: -0.12% | $-0.65 +2025-03-10 12:18:21,158 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,159 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,176 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,177 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,194 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,196 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,196 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.6602 | Take profit: 2090.8594 +2025-03-10 12:18:21,210 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,211 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,211 - INFO - CLOSED long at 2059.46 | PnL: -0.02% | $-0.36 +2025-03-10 12:18:21,212 - INFO - OPENED SHORT at 2059.46 | Stop loss: 2069.7572999999998 | Take profit: 2028.5681 +2025-03-10 12:18:21,229 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,229 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,230 - INFO - CLOSED short at 2057.4 | PnL: 0.10% | $0.00 +2025-03-10 12:18:21,230 - INFO - OPENED LONG at 2057.4 | Stop loss: 2047.113 | Take profit: 2088.261 +2025-03-10 12:18:21,247 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,248 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,248 - INFO - CLOSED long at 2058.28 | PnL: 0.04% | $-0.16 +2025-03-10 12:18:21,249 - INFO - OPENED SHORT at 2058.28 | Stop loss: 2068.5714 | Take profit: 2027.4058000000002 +2025-03-10 12:18:21,266 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,266 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,267 - INFO - CLOSED short at 2056.28 | PnL: 0.10% | $-0.01 +2025-03-10 12:18:21,267 - INFO - OPENED LONG at 2056.28 | Stop loss: 2045.9986000000001 | Take profit: 2087.1242 +2025-03-10 12:18:21,282 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,284 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,300 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,301 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,320 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,321 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,338 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,339 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,339 - INFO - CLOSED long at 2056.71 | PnL: 0.02% | $-0.23 +2025-03-10 12:18:21,356 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,357 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,372 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,374 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,374 - INFO - OPENED LONG at 2059.8 | Stop loss: 2049.501 | Take profit: 2090.697 +2025-03-10 12:18:21,391 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,392 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,393 - INFO - CLOSED long at 2061.66 | PnL: 0.09% | $-0.03 +2025-03-10 12:18:21,393 - INFO - OPENED SHORT at 2061.66 | Stop loss: 2071.9682999999995 | Take profit: 2030.7350999999999 +2025-03-10 12:18:21,408 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,409 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,424 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,425 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,426 - INFO - CLOSED short at 2061.6 | PnL: 0.00% | $-0.28 +2025-03-10 12:18:21,426 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.292 | Take profit: 2092.524 +2025-03-10 12:18:21,441 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,442 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,443 - INFO - CLOSED long at 2061.3 | PnL: -0.01% | $-0.32 +2025-03-10 12:18:21,458 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,459 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,474 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,475 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,478 - INFO - OPENED LONG at 2063.4 | Stop loss: 2053.083 | Take profit: 2094.351 +2025-03-10 12:18:21,491 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,493 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,494 - INFO - CLOSED long at 2066.36 | PnL: 0.14% | $0.12 +2025-03-10 12:18:21,494 - INFO - OPENED SHORT at 2066.36 | Stop loss: 2076.6918 | Take profit: 2035.3646 +2025-03-10 12:18:21,507 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,508 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,509 - INFO - CLOSED short at 2066.01 | PnL: 0.02% | $-0.23 +2025-03-10 12:18:21,524 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,525 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,539 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,540 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,541 - INFO - OPENED LONG at 2064.49 | Stop loss: 2054.1675499999997 | Take profit: 2095.4573499999997 +2025-03-10 12:18:21,555 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,556 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,557 - INFO - CLOSED long at 2066.33 | PnL: 0.09% | $-0.03 +2025-03-10 12:18:21,557 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6616499999996 | Take profit: 2035.33505 +2025-03-10 12:18:21,573 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,574 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,575 - INFO - CLOSED short at 2066.34 | PnL: -0.00% | $-0.28 +2025-03-10 12:18:21,575 - INFO - OPENED LONG at 2066.34 | Stop loss: 2056.0083 | Take profit: 2097.3351 +2025-03-10 12:18:21,590 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,591 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,591 - INFO - CLOSED long at 2066.79 | PnL: 0.02% | $-0.22 +2025-03-10 12:18:21,592 - INFO - OPENED SHORT at 2066.79 | Stop loss: 2077.1239499999997 | Take profit: 2035.7881499999999 +2025-03-10 12:18:21,607 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,608 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,623 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,624 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,625 - INFO - CLOSED short at 2067.01 | PnL: -0.01% | $-0.31 +2025-03-10 12:18:21,625 - INFO - OPENED LONG at 2067.01 | Stop loss: 2056.67495 | Take profit: 2098.01515 +2025-03-10 12:18:21,641 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,642 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,645 - INFO - CLOSED long at 2065.69 | PnL: -0.06% | $-0.45 +2025-03-10 12:18:21,646 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.01845 | Take profit: 2034.7046500000001 +2025-03-10 12:18:21,659 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,661 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,661 - INFO - CLOSED short at 2069.79 | PnL: -0.20% | $-0.82 +2025-03-10 12:18:21,662 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.44105 | Take profit: 2100.8368499999997 +2025-03-10 12:18:21,676 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,677 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,678 - INFO - CLOSED long at 2072.0 | PnL: 0.11% | $0.02 +2025-03-10 12:18:21,678 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3599999999997 | Take profit: 2040.92 +2025-03-10 12:18:21,692 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,693 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,708 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,709 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,710 - INFO - CLOSED short at 2078.01 | PnL: -0.29% | $-1.06 +2025-03-10 12:18:21,710 - INFO - OPENED LONG at 2078.01 | Stop loss: 2067.6199500000002 | Take profit: 2109.18015 +2025-03-10 12:18:21,725 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,726 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,727 - INFO - CLOSED long at 2075.01 | PnL: -0.14% | $-0.66 +2025-03-10 12:18:21,727 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.38505 | Take profit: 2043.8848500000001 +2025-03-10 12:18:21,743 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,743 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,744 - INFO - CLOSED short at 2072.6 | PnL: 0.12% | $0.04 +2025-03-10 12:18:21,758 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,759 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,759 - INFO - OPENED LONG at 2071.04 | Stop loss: 2060.6848 | Take profit: 2102.1056 +2025-03-10 12:18:21,773 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,774 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,775 - INFO - CLOSED long at 2070.01 | PnL: -0.05% | $-0.40 +2025-03-10 12:18:21,775 - INFO - OPENED SHORT at 2070.01 | Stop loss: 2080.36005 | Take profit: 2038.9598500000002 +2025-03-10 12:18:21,791 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,792 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,807 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,807 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,826 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,827 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,828 - INFO - CLOSED short at 2070.0 | PnL: 0.00% | $-0.26 +2025-03-10 12:18:21,846 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,847 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,863 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,864 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,864 - INFO - OPENED LONG at 2068.39 | Stop loss: 2058.04805 | Take profit: 2099.41585 +2025-03-10 12:18:21,880 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,882 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,882 - INFO - CLOSED long at 2069.69 | PnL: 0.06% | $-0.10 +2025-03-10 12:18:21,899 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,900 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,919 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,920 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,921 - INFO - OPENED SHORT at 2067.44 | Stop loss: 2077.7772 | Take profit: 2036.4284 +2025-03-10 12:18:21,938 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,939 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,939 - INFO - CLOSED short at 2068.79 | PnL: -0.07% | $-0.43 +2025-03-10 12:18:21,956 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,957 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,957 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6250499999996 | Take profit: 2104.0848499999997 +2025-03-10 12:18:21,974 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,975 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:21,992 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:21,993 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,013 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,014 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,015 - INFO - CLOSED long at 2067.33 | PnL: -0.27% | $-0.97 +2025-03-10 12:18:22,015 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.6666499999997 | Take profit: 2036.3200499999998 +2025-03-10 12:18:22,033 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,034 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,053 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,054 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,071 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,073 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,091 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,092 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,099 - INFO - CLOSED short at 2063.95 | PnL: 0.16% | $0.16 +2025-03-10 12:18:22,099 - INFO - OPENED LONG at 2063.95 | Stop loss: 2053.6302499999997 | Take profit: 2094.9092499999997 +2025-03-10 12:18:22,116 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,117 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,118 - INFO - CLOSED long at 2063.97 | PnL: 0.00% | $-0.26 +2025-03-10 12:18:22,119 - INFO - OPENED SHORT at 2063.97 | Stop loss: 2074.2898499999997 | Take profit: 2033.0104499999998 +2025-03-10 12:18:22,135 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,136 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,137 - INFO - CLOSED short at 2064.5 | PnL: -0.03% | $-0.32 +2025-03-10 12:18:22,154 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,155 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,156 - INFO - OPENED SHORT at 2065.3 | Stop loss: 2075.6265 | Take profit: 2034.3205 +2025-03-10 12:18:22,173 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,174 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,175 - INFO - CLOSED short at 2064.4 | PnL: 0.04% | $-0.14 +2025-03-10 12:18:22,192 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,193 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,214 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,215 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,232 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,233 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,250 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,251 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,251 - INFO - OPENED LONG at 2065.29 | Stop loss: 2054.96355 | Take profit: 2096.2693499999996 +2025-03-10 12:18:22,267 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,269 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,269 - INFO - CLOSED long at 2065.31 | PnL: 0.00% | $-0.25 +2025-03-10 12:18:22,284 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,285 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,303 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,304 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,321 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,323 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,328 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.24705 | Take profit: 2099.61885 +2025-03-10 12:18:22,345 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,346 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,362 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,363 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,365 - INFO - CLOSED long at 2070.2 | PnL: 0.08% | $-0.06 +2025-03-10 12:18:22,365 - INFO - OPENED SHORT at 2070.2 | Stop loss: 2080.5509999999995 | Take profit: 2039.1469999999997 +2025-03-10 12:18:22,383 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,384 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,387 - INFO - CLOSED short at 2071.35 | PnL: -0.06% | $-0.39 +2025-03-10 12:18:22,399 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,402 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,419 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,420 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,420 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.34155 | Take profit: 2100.73535 +2025-03-10 12:18:22,436 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,437 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,438 - INFO - CLOSED long at 2070.7 | PnL: 0.05% | $-0.13 +2025-03-10 12:18:22,453 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,454 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,454 - INFO - OPENED LONG at 2070.8 | Stop loss: 2060.4460000000004 | Take profit: 2101.862 +2025-03-10 12:18:22,469 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,469 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,485 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,486 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,501 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,502 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,517 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,519 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,519 - INFO - CLOSED long at 2068.19 | PnL: -0.13% | $-0.57 +2025-03-10 12:18:22,520 - INFO - OPENED SHORT at 2068.19 | Stop loss: 2078.53095 | Take profit: 2037.16715 +2025-03-10 12:18:22,537 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,537 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,553 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,554 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,570 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,571 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,571 - INFO - CLOSED short at 2069.78 | PnL: -0.08% | $-0.44 +2025-03-10 12:18:22,572 - INFO - OPENED LONG at 2069.78 | Stop loss: 2059.4311000000002 | Take profit: 2100.8267 +2025-03-10 12:18:22,586 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,587 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,603 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,605 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,621 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,622 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,637 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,638 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,656 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,657 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,671 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,672 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,686 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,687 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,688 - INFO - CLOSED long at 2075.32 | PnL: 0.27% | $0.41 +2025-03-10 12:18:22,688 - INFO - OPENED SHORT at 2075.32 | Stop loss: 2085.6965999999998 | Take profit: 2044.1902000000002 +2025-03-10 12:18:22,705 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,705 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,706 - INFO - CLOSED short at 2075.29 | PnL: 0.00% | $-0.25 +2025-03-10 12:18:22,722 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,722 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,740 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,742 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,742 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2085.98805 | Take profit: 2044.47585 +2025-03-10 12:18:22,758 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,759 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,774 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,775 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,793 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,793 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,810 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,811 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,827 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,828 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,828 - INFO - CLOSED short at 2067.0 | PnL: 0.41% | $0.78 +2025-03-10 12:18:22,828 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.665 | Take profit: 2098.0049999999997 +2025-03-10 12:18:22,844 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,844 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,845 - INFO - CLOSED long at 2067.9 | PnL: 0.04% | $-0.14 +2025-03-10 12:18:22,845 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2394999999997 | Take profit: 2036.8815 +2025-03-10 12:18:22,862 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,863 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,879 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,880 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,898 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,899 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,901 - INFO - CLOSED short at 2067.88 | PnL: 0.00% | $-0.25 +2025-03-10 12:18:22,902 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.5406000000003 | Take profit: 2098.8982 +2025-03-10 12:18:22,918 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,918 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,936 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,937 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,954 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,955 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,956 - INFO - CLOSED long at 2069.0 | PnL: 0.05% | $-0.11 +2025-03-10 12:18:22,956 - INFO - OPENED SHORT at 2069.0 | Stop loss: 2079.345 | Take profit: 2037.965 +2025-03-10 12:18:22,972 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,973 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:22,974 - INFO - CLOSED short at 2070.19 | PnL: -0.06% | $-0.39 +2025-03-10 12:18:22,974 - INFO - OPENED LONG at 2070.19 | Stop loss: 2059.83905 | Take profit: 2101.2428499999996 +2025-03-10 12:18:22,991 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:22,992 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,008 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,009 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,024 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,025 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,042 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,043 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,044 - INFO - CLOSED long at 2065.7 | PnL: -0.22% | $-0.78 +2025-03-10 12:18:23,061 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,062 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,078 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,079 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,099 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,100 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,100 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.75955 | Take profit: 2097.08135 +2025-03-10 12:18:23,116 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,117 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,117 - INFO - CLOSED long at 2063.39 | PnL: -0.13% | $-0.56 +2025-03-10 12:18:23,118 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.70695 | Take profit: 2032.43915 +2025-03-10 12:18:23,133 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,133 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,149 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,150 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,151 - INFO - CLOSED short at 2063.98 | PnL: -0.03% | $-0.31 +2025-03-10 12:18:23,165 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,166 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,183 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,184 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,185 - INFO - OPENED LONG at 2065.06 | Stop loss: 2054.7347 | Take profit: 2096.0359 +2025-03-10 12:18:23,202 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,203 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,220 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,221 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,236 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,237 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,252 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,253 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,278 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,279 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,279 - INFO - CLOSED long at 2060.7 | PnL: -0.21% | $-0.75 +2025-03-10 12:18:23,296 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,297 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,298 - INFO - OPENED SHORT at 2060.2 | Stop loss: 2070.5009999999997 | Take profit: 2029.2969999999998 +2025-03-10 12:18:23,312 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,313 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,313 - INFO - CLOSED short at 2059.2 | PnL: 0.05% | $-0.12 +2025-03-10 12:18:23,329 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,330 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,331 - INFO - OPENED LONG at 2058.09 | Stop loss: 2047.7995500000002 | Take profit: 2088.96135 +2025-03-10 12:18:23,345 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,346 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,347 - INFO - CLOSED long at 2058.65 | PnL: 0.03% | $-0.17 +2025-03-10 12:18:23,347 - INFO - OPENED SHORT at 2058.65 | Stop loss: 2068.94325 | Take profit: 2027.77025 +2025-03-10 12:18:23,363 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,364 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,381 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,382 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,383 - INFO - CLOSED short at 2053.01 | PnL: 0.27% | $0.41 +2025-03-10 12:18:23,398 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,398 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,405 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.96395 | Take profit: 2079.9481499999997 +2025-03-10 12:18:23,420 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,421 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,438 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,439 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,458 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,459 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,459 - INFO - CLOSED long at 2058.3 | PnL: 0.44% | $0.82 +2025-03-10 12:18:23,459 - INFO - OPENED SHORT at 2058.3 | Stop loss: 2068.5915 | Take profit: 2027.4255 +2025-03-10 12:18:23,475 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,477 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,477 - INFO - CLOSED short at 2056.85 | PnL: 0.07% | $-0.07 +2025-03-10 12:18:23,495 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,496 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,497 - INFO - OPENED SHORT at 2057.11 | Stop loss: 2067.3955499999997 | Take profit: 2026.2533500000002 +2025-03-10 12:18:23,512 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,513 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,528 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,529 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,546 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,547 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,563 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,565 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,581 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,581 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,582 - INFO - CLOSED short at 2062.43 | PnL: -0.26% | $-0.87 +2025-03-10 12:18:23,582 - INFO - OPENED LONG at 2062.43 | Stop loss: 2052.1178499999996 | Take profit: 2093.3664499999995 +2025-03-10 12:18:23,601 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,602 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,602 - INFO - CLOSED long at 2062.55 | PnL: 0.01% | $-0.22 +2025-03-10 12:18:23,603 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.86275 | Take profit: 2031.6117500000003 +2025-03-10 12:18:23,618 - ERROR - Error during learning: cannot access local variable 'target_q_values' where it is not associated with a value +2025-03-10 12:18:23,619 - ERROR - Traceback (most recent call last): + File "main.py", line 1318, in learn + target_q_values = target_q_values.unsqueeze(1) + ^^^^^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'target_q_values' where it is not associated with a value + +2025-03-10 12:18:23,627 - INFO - CLOSED short at 2065.12 | PnL: -0.12% | $-0.53 +2025-03-10 12:18:23,628 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.7943999999998 | Take profit: 2096.0968 +2025-03-10 12:19:44,361 - INFO - GPU not available, using CPU +2025-03-10 12:19:44,382 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 12:19:44,383 - INFO - Fetching initial data for ETH/USDT +2025-03-10 12:19:48,067 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 12:19:48,085 - INFO - Initialized environment with 500 candles +2025-03-10 12:19:50,271 - INFO - Starting training for 1000 episodes... +2025-03-10 12:19:50,272 - INFO - Starting training on device: cpu +2025-03-10 12:19:50,291 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 12:19:50,611 - INFO - OPENED LONG at 2059.23 | Stop loss: 2048.93385 | Take profit: 2090.11845 +2025-03-10 12:19:50,611 - INFO - CLOSED long at 2062.9 | PnL: 0.18% | $0.31 +2025-03-10 12:19:50,612 - INFO - OPENED SHORT at 2060.94 | Stop loss: 2071.2446999999997 | Take profit: 2030.0259 +2025-03-10 12:19:50,614 - INFO - CLOSED short at 2066.35 | PnL: -0.26% | $-1.45 +2025-03-10 12:19:50,614 - INFO - OPENED LONG at 2066.35 | Stop loss: 2056.01825 | Take profit: 2097.34525 +2025-03-10 12:19:50,615 - INFO - CLOSED long at 2064.21 | PnL: -0.10% | $-0.80 +2025-03-10 12:19:50,615 - INFO - OPENED SHORT at 2064.21 | Stop loss: 2074.5310499999996 | Take profit: 2033.24685 +2025-03-10 12:19:50,616 - INFO - CLOSED short at 2062.83 | PnL: 0.07% | $-0.13 +2025-03-10 12:19:50,616 - INFO - OPENED SHORT at 2061.01 | Stop loss: 2071.31505 | Take profit: 2030.0948500000002 +2025-03-10 12:19:50,617 - INFO - CLOSED short at 2062.28 | PnL: -0.06% | $-0.63 +2025-03-10 12:19:50,618 - INFO - OPENED LONG at 2062.5 | Stop loss: 2052.1875 | Take profit: 2093.4375 +2025-03-10 12:19:50,621 - INFO - CLOSED long at 2060.1 | PnL: -0.12% | $-0.84 +2025-03-10 12:19:50,622 - INFO - OPENED SHORT at 2060.1 | Stop loss: 2070.4004999999997 | Take profit: 2029.1985 +2025-03-10 12:19:50,622 - INFO - CLOSED short at 2060.51 | PnL: -0.02% | $-0.46 +2025-03-10 12:19:50,622 - INFO - OPENED LONG at 2060.51 | Stop loss: 2050.2074500000003 | Take profit: 2091.41765 +2025-03-10 12:19:50,623 - INFO - CLOSED long at 2057.59 | PnL: -0.14% | $-0.93 +2025-03-10 12:19:50,623 - INFO - OPENED SHORT at 2057.59 | Stop loss: 2067.87795 | Take profit: 2026.7261500000002 +2025-03-10 12:19:50,624 - INFO - CLOSED short at 2057.9 | PnL: -0.02% | $-0.44 +2025-03-10 12:19:50,624 - INFO - OPENED LONG at 2057.9 | Stop loss: 2047.6105 | Take profit: 2088.7684999999997 +2025-03-10 12:19:50,627 - INFO - CLOSED long at 2058.51 | PnL: 0.03% | $-0.27 +2025-03-10 12:19:50,628 - INFO - OPENED LONG at 2053.56 | Stop loss: 2043.2921999999999 | Take profit: 2084.3633999999997 +2025-03-10 12:19:50,628 - INFO - CLOSED long at 2052.7 | PnL: -0.04% | $-0.54 +2025-03-10 12:19:50,629 - INFO - OPENED SHORT at 2052.7 | Stop loss: 2062.9634999999994 | Take profit: 2021.9094999999998 +2025-03-10 12:19:50,630 - INFO - CLOSED short at 2052.16 | PnL: 0.03% | $-0.28 +2025-03-10 12:19:50,630 - INFO - OPENED LONG at 2052.16 | Stop loss: 2041.8991999999998 | Take profit: 2082.9423999999995 +2025-03-10 12:19:50,631 - INFO - CLOSED long at 2053.1 | PnL: 0.05% | $-0.20 +2025-03-10 12:19:50,631 - INFO - OPENED SHORT at 2053.1 | Stop loss: 2063.3655 | Take profit: 2022.3035 +2025-03-10 12:19:50,634 - INFO - CLOSED short at 2050.44 | PnL: 0.13% | $0.11 +2025-03-10 12:19:50,635 - INFO - OPENED LONG at 2050.2 | Stop loss: 2039.9489999999998 | Take profit: 2080.9529999999995 +2025-03-10 12:19:50,635 - INFO - CLOSED long at 2051.99 | PnL: 0.09% | $-0.05 +2025-03-10 12:19:50,636 - INFO - OPENED LONG at 2049.24 | Stop loss: 2038.9937999999997 | Take profit: 2079.9785999999995 +2025-03-10 12:19:50,638 - INFO - CLOSED long at 2047.39 | PnL: -0.09% | $-0.71 +2025-03-10 12:19:50,639 - INFO - OPENED SHORT at 2047.4 | Stop loss: 2057.6369999999997 | Take profit: 2016.689 +2025-03-10 12:19:50,639 - INFO - CLOSED short at 2047.2 | PnL: 0.01% | $-0.33 +2025-03-10 12:19:50,639 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.964 | Take profit: 2077.908 +2025-03-10 12:19:50,643 - INFO - CLOSED long at 2050.0 | PnL: 0.14% | $0.14 +2025-03-10 12:19:50,643 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6405499999998 | Take profit: 2080.6383499999997 +2025-03-10 12:19:50,736 - INFO - CLOSED long at 2053.26 | PnL: 0.16% | $0.24 +2025-03-10 12:19:50,736 - INFO - OPENED SHORT at 2053.26 | Stop loss: 2063.5263 | Take profit: 2022.4611000000002 +2025-03-10 12:19:50,775 - INFO - CLOSED short at 2051.89 | PnL: 0.07% | $-0.12 +2025-03-10 12:19:50,814 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.0385 | Take profit: 2083.0845 +2025-03-10 12:19:50,854 - INFO - CLOSED long at 2055.69 | PnL: 0.17% | $0.24 +2025-03-10 12:19:50,855 - INFO - OPENED SHORT at 2055.69 | Stop loss: 2065.96845 | Take profit: 2024.85465 +2025-03-10 12:19:50,894 - INFO - CLOSED short at 2057.01 | PnL: -0.06% | $-0.61 +2025-03-10 12:19:50,895 - INFO - OPENED LONG at 2057.01 | Stop loss: 2046.7249500000003 | Take profit: 2087.86515 +2025-03-10 12:19:51,121 - INFO - CLOSED long at 2063.29 | PnL: 0.31% | $0.76 +2025-03-10 12:19:51,122 - INFO - OPENED SHORT at 2063.29 | Stop loss: 2073.6064499999998 | Take profit: 2032.3406499999999 +2025-03-10 12:19:51,229 - INFO - CLOSED short at 2061.61 | PnL: 0.08% | $-0.07 +2025-03-10 12:19:51,229 - INFO - OPENED LONG at 2061.61 | Stop loss: 2051.30195 | Take profit: 2092.53415 +2025-03-10 12:19:51,270 - INFO - CLOSED long at 2064.69 | PnL: 0.15% | $0.18 +2025-03-10 12:19:51,270 - INFO - OPENED SHORT at 2064.69 | Stop loss: 2075.01345 | Take profit: 2033.71965 +2025-03-10 12:19:51,354 - INFO - CLOSED short at 2060.99 | PnL: 0.18% | $0.29 +2025-03-10 12:19:51,472 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.1994499999996 | Take profit: 2030.9616499999997 +2025-03-10 12:19:51,511 - INFO - CLOSED short at 2062.89 | PnL: -0.05% | $-0.55 +2025-03-10 12:19:51,664 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.6005499999999 | Take profit: 2088.7583499999996 +2025-03-10 12:19:51,702 - INFO - CLOSED long at 2057.94 | PnL: 0.00% | $-0.36 +2025-03-10 12:19:51,850 - INFO - OPENED SHORT at 2064.32 | Stop loss: 2074.6416 | Take profit: 2033.3552000000002 +2025-03-10 12:19:51,925 - INFO - CLOSED short at 2070.58 | PnL: -0.30% | $-1.49 +2025-03-10 12:19:51,926 - INFO - OPENED LONG at 2070.58 | Stop loss: 2060.2271 | Take profit: 2101.6386999999995 +2025-03-10 12:19:51,967 - INFO - CLOSED long at 2068.11 | PnL: -0.12% | $-0.80 +2025-03-10 12:19:52,007 - INFO - OPENED LONG at 2068.29 | Stop loss: 2057.94855 | Take profit: 2099.3143499999996 +2025-03-10 12:19:52,082 - INFO - CLOSED long at 2071.63 | PnL: 0.16% | $0.22 +2025-03-10 12:19:52,082 - INFO - OPENED SHORT at 2071.63 | Stop loss: 2081.9881499999997 | Take profit: 2040.55555 +2025-03-10 12:19:52,121 - INFO - CLOSED short at 2070.99 | PnL: 0.03% | $-0.25 +2025-03-10 12:19:52,161 - INFO - OPENED SHORT at 2069.6 | Stop loss: 2079.948 | Take profit: 2038.5559999999998 +2025-03-10 12:19:52,206 - INFO - CLOSED short at 2068.65 | PnL: 0.05% | $-0.20 +2025-03-10 12:19:52,207 - INFO - OPENED LONG at 2068.65 | Stop loss: 2058.30675 | Take profit: 2099.67975 +2025-03-10 12:19:52,249 - INFO - CLOSED long at 2068.99 | PnL: 0.02% | $-0.30 +2025-03-10 12:19:52,249 - INFO - OPENED SHORT at 2068.99 | Stop loss: 2079.3349499999995 | Take profit: 2037.9551499999998 +2025-03-10 12:19:52,329 - INFO - CLOSED short at 2067.69 | PnL: 0.06% | $-0.13 +2025-03-10 12:19:52,371 - INFO - OPENED SHORT at 2070.26 | Stop loss: 2080.6113 | Take profit: 2039.2061 +2025-03-10 12:19:52,524 - INFO - CLOSED short at 2072.91 | PnL: -0.13% | $-0.82 +2025-03-10 12:19:52,600 - INFO - OPENED LONG at 2071.38 | Stop loss: 2061.0231 | Take profit: 2102.4507 +2025-03-10 12:19:52,750 - INFO - CLOSED long at 2072.8 | PnL: 0.07% | $-0.11 +2025-03-10 12:19:52,834 - INFO - OPENED SHORT at 2070.28 | Stop loss: 2080.6313999999998 | Take profit: 2039.2258000000002 +2025-03-10 12:19:52,870 - INFO - CLOSED short at 2068.02 | PnL: 0.11% | $0.03 +2025-03-10 12:19:52,948 - INFO - OPENED LONG at 2070.36 | Stop loss: 2060.0082 | Take profit: 2101.4154 +2025-03-10 12:19:52,986 - INFO - CLOSED long at 2068.9 | PnL: -0.07% | $-0.60 +2025-03-10 12:19:52,987 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.2445 | Take profit: 2037.8665 +2025-03-10 12:19:53,060 - INFO - CLOSED short at 2069.34 | PnL: -0.02% | $-0.43 +2025-03-10 12:19:53,061 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9933 | Take profit: 2100.3801 +2025-03-10 12:19:53,138 - INFO - CLOSED long at 2068.8 | PnL: -0.03% | $-0.44 +2025-03-10 12:19:53,139 - INFO - OPENED SHORT at 2068.8 | Stop loss: 2079.144 | Take profit: 2037.7680000000003 +2025-03-10 12:19:53,215 - INFO - CLOSED short at 2067.51 | PnL: 0.06% | $-0.13 +2025-03-10 12:19:53,216 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.17245 | Take profit: 2098.52265 +2025-03-10 12:19:53,333 - INFO - CLOSED long at 2065.99 | PnL: -0.07% | $-0.60 +2025-03-10 12:19:53,373 - INFO - OPENED SHORT at 2066.19 | Stop loss: 2076.5209499999996 | Take profit: 2035.19715 +2025-03-10 12:19:53,453 - INFO - CLOSED short at 2065.08 | PnL: 0.05% | $-0.16 +2025-03-10 12:19:53,491 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.5108999999998 | Take profit: 2035.1872999999998 +2025-03-10 12:19:53,602 - INFO - CLOSED short at 2068.51 | PnL: -0.11% | $-0.73 +2025-03-10 12:19:53,603 - INFO - OPENED LONG at 2068.51 | Stop loss: 2058.1674500000004 | Take profit: 2099.53765 +2025-03-10 12:19:53,683 - INFO - CLOSED long at 2069.7 | PnL: 0.06% | $-0.15 +2025-03-10 12:19:53,720 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.752 | Take profit: 2039.344 +2025-03-10 12:19:53,760 - INFO - CLOSED short at 2069.96 | PnL: 0.02% | $-0.27 +2025-03-10 12:19:53,835 - INFO - OPENED LONG at 2071.39 | Stop loss: 2061.03305 | Take profit: 2102.4608499999995 +2025-03-10 12:19:53,908 - INFO - CLOSED long at 2072.75 | PnL: 0.07% | $-0.12 +2025-03-10 12:19:53,944 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.74445 | Take profit: 2104.20665 +2025-03-10 12:19:54,021 - INFO - CLOSED long at 2072.15 | PnL: -0.05% | $-0.50 +2025-03-10 12:19:54,022 - INFO - OPENED SHORT at 2072.15 | Stop loss: 2082.51075 | Take profit: 2041.0677500000002 +2025-03-10 12:19:54,101 - INFO - CLOSED short at 2073.9 | PnL: -0.08% | $-0.62 +2025-03-10 12:19:54,101 - INFO - OPENED LONG at 2073.9 | Stop loss: 2063.5305000000003 | Take profit: 2105.0085 +2025-03-10 12:19:54,144 - INFO - CLOSED long at 2071.92 | PnL: -0.10% | $-0.66 +2025-03-10 12:19:54,265 - INFO - OPENED SHORT at 2069.46 | Stop loss: 2079.8073 | Take profit: 2038.4181 +2025-03-10 12:19:54,310 - INFO - CLOSED short at 2069.35 | PnL: 0.01% | $-0.32 +2025-03-10 12:19:54,393 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.665 | Take profit: 2098.0049999999997 +2025-03-10 12:19:54,471 - INFO - CLOSED long at 2067.46 | PnL: 0.02% | $-0.26 +2025-03-10 12:19:54,547 - INFO - OPENED LONG at 2065.49 | Stop loss: 2055.1625499999996 | Take profit: 2096.4723499999996 +2025-03-10 12:19:54,585 - INFO - CLOSED long at 2063.61 | PnL: -0.09% | $-0.63 +2025-03-10 12:19:54,585 - INFO - OPENED SHORT at 2063.61 | Stop loss: 2073.92805 | Take profit: 2032.65585 +2025-03-10 12:19:54,662 - INFO - CLOSED short at 2067.89 | PnL: -0.21% | $-1.01 +2025-03-10 12:19:54,663 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.55055 | Take profit: 2098.9083499999997 +2025-03-10 12:19:54,703 - INFO - CLOSED long at 2068.58 | PnL: 0.03% | $-0.22 +2025-03-10 12:19:54,813 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.5207 | Take profit: 2098.8779 +2025-03-10 12:19:54,851 - INFO - CLOSED long at 2067.59 | PnL: -0.01% | $-0.37 +2025-03-10 12:19:54,964 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.23205 | Take profit: 2102.66385 +2025-03-10 12:19:55,003 - INFO - CLOSED long at 2070.7 | PnL: -0.04% | $-0.46 +2025-03-10 12:19:55,233 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.44555 | Take profit: 2036.10335 +2025-03-10 12:19:55,270 - INFO - CLOSED short at 2067.86 | PnL: -0.04% | $-0.44 +2025-03-10 12:19:55,347 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7695 | Take profit: 2097.0914999999995 +2025-03-10 12:19:55,386 - INFO - CLOSED long at 2065.28 | PnL: -0.04% | $-0.44 +2025-03-10 12:19:55,424 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.0580499999996 | Take profit: 2097.3858499999997 +2025-03-10 12:19:55,462 - INFO - CLOSED long at 2064.47 | PnL: -0.09% | $-0.61 +2025-03-10 12:19:55,532 - INFO - OPENED SHORT at 2067.8 | Stop loss: 2078.139 | Take profit: 2036.7830000000001 +2025-03-10 12:19:55,686 - INFO - CLOSED short at 2064.99 | PnL: 0.14% | $0.11 +2025-03-10 12:19:55,687 - INFO - OPENED LONG at 2064.99 | Stop loss: 2054.6650499999996 | Take profit: 2095.9648499999994 +2025-03-10 12:19:55,724 - INFO - CLOSED long at 2065.83 | PnL: 0.04% | $-0.19 +2025-03-10 12:19:55,725 - INFO - OPENED SHORT at 2065.83 | Stop loss: 2076.1591499999995 | Take profit: 2034.8425499999998 +2025-03-10 12:19:55,801 - INFO - CLOSED short at 2065.26 | PnL: 0.03% | $-0.23 +2025-03-10 12:19:55,915 - INFO - OPENED SHORT at 2061.78 | Stop loss: 2072.0889 | Take profit: 2030.8533000000002 +2025-03-10 12:19:56,040 - INFO - CLOSED short at 2063.59 | PnL: -0.09% | $-0.59 +2025-03-10 12:19:56,041 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.27205 | Take profit: 2094.54385 +2025-03-10 12:19:56,081 - INFO - CLOSED long at 2064.96 | PnL: 0.07% | $-0.10 +2025-03-10 12:19:56,119 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.5711999999994 | Take profit: 2035.2463999999998 +2025-03-10 12:19:56,197 - INFO - CLOSED short at 2065.54 | PnL: 0.03% | $-0.20 +2025-03-10 12:19:56,198 - INFO - OPENED LONG at 2065.54 | Stop loss: 2055.2123 | Take profit: 2096.5231 +2025-03-10 12:19:56,239 - INFO - CLOSED long at 2066.09 | PnL: 0.03% | $-0.23 +2025-03-10 12:19:56,239 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.42045 | Take profit: 2035.0986500000001 +2025-03-10 12:19:56,326 - INFO - CLOSED short at 2064.08 | PnL: 0.10% | $-0.01 +2025-03-10 12:19:56,446 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1775 | Take profit: 2095.4674999999997 +2025-03-10 12:19:56,599 - INFO - CLOSED long at 2060.65 | PnL: -0.19% | $-0.88 +2025-03-10 12:19:56,599 - INFO - OPENED SHORT at 2060.65 | Stop loss: 2070.95325 | Take profit: 2029.74025 +2025-03-10 12:19:56,636 - INFO - CLOSED short at 2058.89 | PnL: 0.09% | $-0.04 +2025-03-10 12:19:56,639 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.59555 | Take profit: 2089.7733499999995 +2025-03-10 12:19:56,678 - INFO - CLOSED long at 2059.3 | PnL: 0.02% | $-0.24 +2025-03-10 12:19:56,678 - INFO - OPENED SHORT at 2059.3 | Stop loss: 2069.5965 | Take profit: 2028.4105000000002 +2025-03-10 12:19:56,716 - INFO - CLOSED short at 2060.31 | PnL: -0.05% | $-0.45 +2025-03-10 12:19:56,755 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.491 | Take profit: 2092.727 +2025-03-10 12:19:56,795 - INFO - CLOSED long at 2064.7 | PnL: 0.14% | $0.12 +2025-03-10 12:19:56,795 - INFO - OPENED SHORT at 2064.7 | Stop loss: 2075.0235 | Take profit: 2033.7294999999997 +2025-03-10 12:19:56,947 - INFO - CLOSED short at 2061.13 | PnL: 0.17% | $0.22 +2025-03-10 12:19:56,948 - INFO - OPENED LONG at 2061.13 | Stop loss: 2050.8243500000003 | Take profit: 2092.04695 +2025-03-10 12:19:56,989 - INFO - CLOSED long at 2061.9 | PnL: 0.04% | $-0.19 +2025-03-10 12:19:57,189 - INFO - OPENED LONG at 2064.79 | Stop loss: 2054.46605 | Take profit: 2095.76185 +2025-03-10 12:19:57,284 - INFO - CLOSED long at 2063.53 | PnL: -0.06% | $-0.49 +2025-03-10 12:19:57,285 - INFO - OPENED SHORT at 2063.53 | Stop loss: 2073.84765 | Take profit: 2032.57705 +2025-03-10 12:19:57,376 - INFO - CLOSED short at 2062.6 | PnL: 0.05% | $-0.17 +2025-03-10 12:19:57,377 - INFO - OPENED LONG at 2062.6 | Stop loss: 2052.287 | Take profit: 2093.5389999999998 +2025-03-10 12:19:57,534 - INFO - CLOSED long at 2061.09 | PnL: -0.07% | $-0.52 +2025-03-10 12:19:57,576 - INFO - OPENED SHORT at 2059.61 | Stop loss: 2069.90805 | Take profit: 2028.71585 +2025-03-10 12:19:57,618 - INFO - CLOSED short at 2059.16 | PnL: 0.02% | $-0.23 +2025-03-10 12:19:57,658 - INFO - OPENED LONG at 2059.02 | Stop loss: 2048.7249 | Take profit: 2089.9053 +2025-03-10 12:19:58,016 - INFO - CLOSED long at 2054.83 | PnL: -0.20% | $-0.90 +2025-03-10 12:19:58,180 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.3516999999997 | Take profit: 2092.5849 +2025-03-10 12:19:58,257 - INFO - CLOSED long at 2061.6 | PnL: -0.00% | $-0.30 +2025-03-10 12:19:58,347 - INFO - OPENED SHORT at 2062.69 | Stop loss: 2073.0034499999997 | Take profit: 2031.74965 +2025-03-10 12:19:58,467 - INFO - CLOSED short at 2066.01 | PnL: -0.16% | $-0.76 +2025-03-10 12:19:58,504 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5805 | Take profit: 2094.8585 +2025-03-10 12:19:58,541 - INFO - CLOSED long at 2064.49 | PnL: 0.03% | $-0.21 +2025-03-10 12:19:58,542 - INFO - OPENED SHORT at 2064.49 | Stop loss: 2074.8124499999994 | Take profit: 2033.5226499999997 +2025-03-10 12:19:58,657 - INFO - CLOSED short at 2066.79 | PnL: -0.11% | $-0.61 +2025-03-10 12:19:58,693 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.9933499999997 | Take profit: 2098.3399499999996 +2025-03-10 12:19:58,847 - INFO - CLOSED long at 2072.0 | PnL: 0.23% | $0.36 +2025-03-10 12:19:58,848 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3599999999997 | Take profit: 2040.92 +2025-03-10 12:19:58,990 - INFO - CLOSED short at 2072.6 | PnL: -0.03% | $-0.37 +2025-03-10 12:19:58,991 - INFO - OPENED LONG at 2072.6 | Stop loss: 2062.237 | Take profit: 2103.689 +2025-03-10 12:19:59,033 - INFO - CLOSED long at 2071.04 | PnL: -0.08% | $-0.50 +2025-03-10 12:19:59,074 - INFO - OPENED LONG at 2070.01 | Stop loss: 2059.65995 | Take profit: 2101.06015 +2025-03-10 12:19:59,112 - INFO - CLOSED long at 2071.6 | PnL: 0.08% | $-0.07 +2025-03-10 12:19:59,113 - INFO - OPENED SHORT at 2071.6 | Stop loss: 2081.9579999999996 | Take profit: 2040.5259999999998 +2025-03-10 12:19:59,193 - INFO - CLOSED short at 2070.0 | PnL: 0.08% | $-0.06 +2025-03-10 12:19:59,346 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.37515 | Take profit: 2037.9945500000001 +2025-03-10 12:19:59,536 - INFO - CLOSED short at 2069.87 | PnL: -0.04% | $-0.40 +2025-03-10 12:19:59,659 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3714999999997 | Take profit: 2096.6854999999996 +2025-03-10 12:19:59,740 - INFO - CLOSED long at 2063.95 | PnL: -0.08% | $-0.52 +2025-03-10 12:19:59,740 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.2697499999995 | Take profit: 2032.9907499999997 +2025-03-10 12:19:59,780 - INFO - CLOSED short at 2063.97 | PnL: -0.00% | $-0.28 +2025-03-10 12:19:59,819 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8224999999998 | Take profit: 2033.5325 +2025-03-10 12:19:59,897 - INFO - CLOSED short at 2064.4 | PnL: 0.00% | $-0.26 +2025-03-10 12:19:59,898 - INFO - OPENED LONG at 2064.4 | Stop loss: 2054.078 | Take profit: 2095.366 +2025-03-10 12:19:59,938 - INFO - CLOSED long at 2064.31 | PnL: -0.00% | $-0.29 +2025-03-10 12:19:59,938 - INFO - OPENED SHORT at 2064.31 | Stop loss: 2074.6315499999996 | Take profit: 2033.3453499999998 +2025-03-10 12:19:59,979 - INFO - CLOSED short at 2065.5 | PnL: -0.06% | $-0.44 +2025-03-10 12:20:00,064 - INFO - OPENED SHORT at 2065.29 | Stop loss: 2075.6164499999995 | Take profit: 2034.31065 +2025-03-10 12:20:00,103 - INFO - CLOSED short at 2065.31 | PnL: -0.00% | $-0.28 +2025-03-10 12:20:00,143 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.134 | Take profit: 2035.7980000000002 +2025-03-10 12:20:00,221 - INFO - CLOSED short at 2068.59 | PnL: -0.09% | $-0.51 +2025-03-10 12:20:00,262 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.9479499999998 | Take profit: 2040.5161500000002 +2025-03-10 12:20:00,347 - INFO - CLOSED short at 2071.35 | PnL: 0.01% | $-0.24 +2025-03-10 12:20:00,535 - INFO - OPENED SHORT at 2070.8 | Stop loss: 2081.154 | Take profit: 2039.738 +2025-03-10 12:20:00,625 - INFO - CLOSED short at 2070.61 | PnL: 0.01% | $-0.25 +2025-03-10 12:20:00,673 - INFO - OPENED SHORT at 2071.99 | Stop loss: 2082.3499499999994 | Take profit: 2040.9101499999997 +2025-03-10 12:20:00,725 - INFO - CLOSED short at 2068.19 | PnL: 0.18% | $0.22 +2025-03-10 12:20:00,765 - INFO - OPENED SHORT at 2068.67 | Stop loss: 2079.0133499999997 | Take profit: 2037.63995 +2025-03-10 12:20:00,805 - INFO - CLOSED short at 2070.67 | PnL: -0.10% | $-0.53 +2025-03-10 12:20:00,806 - INFO - OPENED LONG at 2070.67 | Stop loss: 2060.31665 | Take profit: 2101.7300499999997 +2025-03-10 12:20:00,926 - INFO - CLOSED long at 2074.37 | PnL: 0.18% | $0.21 +2025-03-10 12:20:00,968 - INFO - OPENED LONG at 2075.07 | Stop loss: 2064.6946500000004 | Take profit: 2106.19605 +2025-03-10 12:20:01,051 - INFO - CLOSED long at 2073.27 | PnL: -0.09% | $-0.50 +2025-03-10 12:20:01,052 - INFO - OPENED SHORT at 2073.27 | Stop loss: 2083.6363499999998 | Take profit: 2042.17095 +2025-03-10 12:20:01,096 - INFO - CLOSED short at 2073.99 | PnL: -0.03% | $-0.36 +2025-03-10 12:20:01,137 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.9434 | Take profit: 2106.4498 +2025-03-10 12:20:01,220 - INFO - CLOSED long at 2076.9 | PnL: 0.08% | $-0.06 +2025-03-10 12:20:01,220 - INFO - OPENED SHORT at 2076.9 | Stop loss: 2087.2844999999998 | Take profit: 2045.7465 +2025-03-10 12:20:01,262 - INFO - CLOSED short at 2075.61 | PnL: 0.06% | $-0.10 +2025-03-10 12:20:01,342 - INFO - OPENED SHORT at 2072.09 | Stop loss: 2082.45045 | Take profit: 2041.0086500000002 +2025-03-10 12:20:01,384 - INFO - CLOSED short at 2069.97 | PnL: 0.10% | $0.01 +2025-03-10 12:20:01,384 - INFO - OPENED LONG at 2069.97 | Stop loss: 2059.6201499999997 | Take profit: 2101.0195499999995 +2025-03-10 12:20:01,459 - INFO - CLOSED long at 2067.0 | PnL: -0.14% | $-0.64 +2025-03-10 12:20:01,460 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3349999999996 | Take profit: 2035.995 +2025-03-10 12:20:01,538 - INFO - CLOSED short at 2066.4 | PnL: 0.03% | $-0.19 +2025-03-10 12:20:01,578 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.55555 | Take profit: 2097.89335 +2025-03-10 12:20:01,656 - INFO - CLOSED long at 2065.45 | PnL: -0.07% | $-0.44 +2025-03-10 12:20:01,656 - INFO - OPENED SHORT at 2065.45 | Stop loss: 2075.7772499999996 | Take profit: 2034.46825 +2025-03-10 12:20:01,733 - INFO - CLOSED short at 2069.0 | PnL: -0.17% | $-0.71 +2025-03-10 12:20:01,774 - INFO - OPENED LONG at 2070.19 | Stop loss: 2059.83905 | Take profit: 2101.2428499999996 +2025-03-10 12:20:01,813 - INFO - CLOSED long at 2070.1 | PnL: -0.00% | $-0.27 +2025-03-10 12:20:01,932 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3714999999997 | Take profit: 2096.6854999999996 +2025-03-10 12:20:01,971 - INFO - CLOSED long at 2065.8 | PnL: 0.00% | $-0.24 +2025-03-10 12:20:01,972 - INFO - OPENED SHORT at 2065.8 | Stop loss: 2076.129 | Take profit: 2034.813 +2025-03-10 12:20:02,138 - INFO - CLOSED short at 2062.34 | PnL: 0.17% | $0.17 +2025-03-10 12:20:02,139 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.0283 | Take profit: 2093.2751 +2025-03-10 12:20:02,178 - INFO - CLOSED long at 2063.98 | PnL: 0.08% | $-0.05 +2025-03-10 12:20:02,179 - INFO - OPENED SHORT at 2063.98 | Stop loss: 2074.2999 | Take profit: 2033.0203 +2025-03-10 12:20:02,218 - INFO - CLOSED short at 2066.1 | PnL: -0.10% | $-0.52 +2025-03-10 12:20:02,219 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7695 | Take profit: 2097.0914999999995 +2025-03-10 12:20:02,257 - INFO - CLOSED long at 2065.06 | PnL: -0.05% | $-0.38 +2025-03-10 12:20:02,301 - INFO - OPENED LONG at 2064.11 | Stop loss: 2053.78945 | Take profit: 2095.07165 +2025-03-10 12:20:02,342 - INFO - CLOSED long at 2064.5 | PnL: 0.02% | $-0.20 +2025-03-10 12:20:02,419 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.69495 | Take profit: 2093.9551500000002 +2025-03-10 12:20:02,501 - INFO - CLOSED long at 2060.2 | PnL: -0.14% | $-0.59 +2025-03-10 12:20:02,540 - INFO - OPENED SHORT at 2059.2 | Stop loss: 2069.4959999999996 | Take profit: 2028.312 +2025-03-10 12:20:02,701 - INFO - CLOSED short at 2053.01 | PnL: 0.30% | $0.50 +2025-03-10 12:20:02,701 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.7449500000002 | Take profit: 2083.80515 +2025-03-10 12:20:02,818 - INFO - CLOSED long at 2051.99 | PnL: -0.05% | $-0.37 +2025-03-10 12:20:02,899 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.1342499999996 | Take profit: 2025.99725 +2025-03-10 12:20:02,942 - INFO - CLOSED short at 2057.11 | PnL: -0.01% | $-0.28 +2025-03-10 12:20:02,944 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.82445 | Take profit: 2087.96665 +2025-03-10 12:20:03,015 - INFO - CLOSED long at 2062.83 | PnL: 0.28% | $0.44 +2025-03-10 12:20:03,053 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.2194999999997 | Take profit: 2032.9415000000001 +2025-03-10 12:20:03,168 - INFO - CLOSED short at 2062.55 | PnL: 0.07% | $-0.09 +2025-03-10 12:20:03,169 - INFO - OPENED LONG at 2062.55 | Stop loss: 2052.23725 | Take profit: 2093.48825 +2025-03-10 12:20:03,286 - INFO - CLOSED long at 2067.49 | PnL: 0.24% | $0.35 +2025-03-10 12:20:03,287 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8274499999998 | Take profit: 2036.4776499999998 +2025-03-10 12:20:03,371 - INFO - CLOSED short at 2064.08 | PnL: 0.16% | $0.16 +2025-03-10 12:20:03,371 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.7596 | Take profit: 2095.0411999999997 +2025-03-10 12:20:03,410 - INFO - CLOSED long at 2061.21 | PnL: -0.14% | $-0.60 +2025-03-10 12:20:03,491 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3965 | Take profit: 2091.6105 +2025-03-10 12:20:03,533 - INFO - CLOSED long at 2061.84 | PnL: 0.06% | $-0.11 +2025-03-10 12:20:03,533 - INFO - OPENED SHORT at 2061.84 | Stop loss: 2072.1492 | Take profit: 2030.9124000000002 +2025-03-10 12:20:03,574 - INFO - CLOSED short at 2062.54 | PnL: -0.03% | $-0.33 +2025-03-10 12:20:03,575 - INFO - OPENED LONG at 2062.54 | Stop loss: 2052.2273 | Take profit: 2093.4781 +2025-03-10 12:20:03,615 - INFO - CLOSED long at 2065.72 | PnL: 0.15% | $0.13 +2025-03-10 12:20:03,696 - INFO - OPENED LONG at 2070.24 | Stop loss: 2059.8887999999997 | Take profit: 2101.2935999999995 +2025-03-10 12:20:03,773 - INFO - CLOSED long at 2069.81 | PnL: -0.02% | $-0.30 +2025-03-10 12:20:03,773 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.1590499999998 | Take profit: 2038.7628499999998 +2025-03-10 12:20:03,857 - INFO - CLOSED short at 2073.49 | PnL: -0.18% | $-0.68 +2025-03-10 12:20:03,858 - INFO - OPENED LONG at 2073.49 | Stop loss: 2063.1225499999996 | Take profit: 2104.5923499999994 +2025-03-10 12:20:03,898 - INFO - CLOSED long at 2074.05 | PnL: 0.03% | $-0.18 +2025-03-10 12:20:03,898 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.42025 | Take profit: 2042.9392500000001 +2025-03-10 12:20:03,935 - INFO - CLOSED short at 2072.99 | PnL: 0.05% | $-0.12 +2025-03-10 12:20:03,979 - INFO - OPENED LONG at 2071.89 | Stop loss: 2061.53055 | Take profit: 2102.9683499999996 +2025-03-10 12:20:04,019 - INFO - CLOSED long at 2071.8 | PnL: -0.00% | $-0.25 +2025-03-10 12:20:04,059 - INFO - OPENED SHORT at 2074.9 | Stop loss: 2085.2745 | Take profit: 2043.7765000000002 +2025-03-10 12:20:04,136 - INFO - CLOSED short at 2077.61 | PnL: -0.13% | $-0.56 +2025-03-10 12:20:04,136 - INFO - OPENED LONG at 2077.61 | Stop loss: 2067.22195 | Take profit: 2108.7741499999997 +2025-03-10 12:20:04,302 - INFO - CLOSED long at 2130.7 | PnL: 2.56% | $5.88 +2025-03-10 12:20:04,303 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3534999999997 | Take profit: 2098.7394999999997 +2025-03-10 12:20:04,341 - INFO - CLOSED short at 2139.54 | PnL: -0.41% | $-1.35 +2025-03-10 12:20:04,342 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8423 | Take profit: 2171.6330999999996 +2025-03-10 12:20:04,469 - INFO - CLOSED long at 2137.59 | PnL: -0.09% | $-0.49 +2025-03-10 12:20:04,506 - INFO - OPENED LONG at 2141.41 | Stop loss: 2130.70295 | Take profit: 2173.53115 +2025-03-10 12:20:04,544 - INFO - CLOSED long at 2141.3 | PnL: -0.01% | $-0.27 +2025-03-10 12:20:04,585 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.3933999999995 | Take profit: 2110.5398 +2025-03-10 12:20:04,705 - INFO - CLOSED short at 2126.99 | PnL: 0.73% | $1.61 +2025-03-10 12:20:04,745 - INFO - OPENED SHORT at 2127.3 | Stop loss: 2137.9365 | Take profit: 2095.3905 +2025-03-10 12:20:04,781 - INFO - CLOSED short at 2128.69 | PnL: -0.07% | $-0.43 +2025-03-10 12:20:04,818 - INFO - OPENED LONG at 2121.09 | Stop loss: 2110.48455 | Take profit: 2152.9063499999997 +2025-03-10 12:20:04,931 - INFO - CLOSED long at 2119.93 | PnL: -0.05% | $-0.40 +2025-03-10 12:20:05,041 - INFO - OPENED LONG at 2119.14 | Stop loss: 2108.5443 | Take profit: 2150.9271 +2025-03-10 12:20:05,080 - INFO - CLOSED long at 2119.07 | PnL: -0.00% | $-0.27 +2025-03-10 12:20:05,199 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.153 | Take profit: 2078.941 +2025-03-10 12:20:05,238 - INFO - CLOSED short at 2109.05 | PnL: 0.07% | $-0.07 +2025-03-10 12:20:05,320 - INFO - OPENED LONG at 2112.95 | Stop loss: 2102.38525 | Take profit: 2144.64425 +2025-03-10 12:20:05,362 - INFO - CLOSED long at 2112.46 | PnL: -0.02% | $-0.32 +2025-03-10 12:20:05,362 - INFO - OPENED SHORT at 2112.46 | Stop loss: 2123.0222999999996 | Take profit: 2080.7731 +2025-03-10 12:20:05,444 - INFO - CLOSED short at 2112.99 | PnL: -0.03% | $-0.32 +2025-03-10 12:20:05,445 - INFO - OPENED LONG at 2112.99 | Stop loss: 2102.42505 | Take profit: 2144.6848499999996 +2025-03-10 12:20:05,526 - INFO - CLOSED long at 2116.48 | PnL: 0.17% | $0.17 +2025-03-10 12:20:05,527 - INFO - OPENED SHORT at 2116.48 | Stop loss: 2127.0624 | Take profit: 2084.7327999999998 +2025-03-10 12:20:05,687 - INFO - CLOSED short at 2106.49 | PnL: 0.47% | $0.95 +2025-03-10 12:20:05,688 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.9575499999996 | Take profit: 2138.08735 +2025-03-10 12:20:05,728 - INFO - CLOSED long at 2108.06 | PnL: 0.07% | $-0.07 +2025-03-10 12:20:05,729 - INFO - OPENED SHORT at 2108.06 | Stop loss: 2118.6002999999996 | Take profit: 2076.4391 +2025-03-10 12:20:05,769 - INFO - CLOSED short at 2103.33 | PnL: 0.22% | $0.32 +2025-03-10 12:20:05,924 - INFO - OPENED SHORT at 2098.1 | Stop loss: 2108.5905 | Take profit: 2066.6285 +2025-03-10 12:20:06,005 - INFO - CLOSED short at 2102.29 | PnL: -0.20% | $-0.78 +2025-03-10 12:20:06,088 - INFO - OPENED SHORT at 2098.9 | Stop loss: 2109.3945 | Take profit: 2067.4165000000003 +2025-03-10 12:20:06,129 - INFO - CLOSED short at 2100.69 | PnL: -0.09% | $-0.47 +2025-03-10 12:20:06,374 - INFO - OPENED SHORT at 2101.51 | Stop loss: 2112.01755 | Take profit: 2069.9873500000003 +2025-03-10 12:20:06,458 - INFO - CLOSED short at 2100.02 | PnL: 0.07% | $-0.07 +2025-03-10 12:20:06,497 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.8819499999995 | Take profit: 2066.91415 +2025-03-10 12:20:06,569 - INFO - CLOSED short at 2093.46 | PnL: 0.23% | $0.34 +2025-03-10 12:20:06,606 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.86335 | Take profit: 2124.72995 +2025-03-10 12:20:06,644 - INFO - CLOSED long at 2092.46 | PnL: -0.04% | $-0.36 +2025-03-10 12:20:06,763 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 19.4% in downtrends | Avg Win=$0.51, Avg Loss=$-0.40 +2025-03-10 12:20:06,764 - INFO - Episode 0: Reward=-367.86, Balance=$63.42, Win Rate=51.6%, Trades=157, Episode PnL=$-20.84, Total PnL=$-36.58, Max Drawdown=39.8%, Pred Accuracy=97.9% +2025-03-10 12:20:06,882 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:20:06,986 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:20:07,085 - INFO - Model saved to models/trading_agent_episode_0.pt +2025-03-10 12:20:07,103 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 12:20:07,361 - INFO - OPENED SHORT at 2050.97 | Stop loss: 2061.2248499999996 | Take profit: 2020.2054499999997 +2025-03-10 12:20:07,444 - INFO - CLOSED short at 2056.0 | PnL: -0.25% | $-1.38 +2025-03-10 12:20:07,445 - INFO - OPENED LONG at 2056.0 | Stop loss: 2045.72 | Take profit: 2086.8399999999997 +2025-03-10 12:20:07,521 - INFO - CLOSED long at 2059.23 | PnL: 0.16% | $0.23 +2025-03-10 12:20:07,597 - INFO - OPENED SHORT at 2060.94 | Stop loss: 2071.2446999999997 | Take profit: 2030.0259 +2025-03-10 12:20:07,677 - INFO - CLOSED short at 2065.64 | PnL: -0.23% | $-1.30 +2025-03-10 12:20:07,836 - INFO - OPENED LONG at 2064.21 | Stop loss: 2053.88895 | Take profit: 2095.1731499999996 +2025-03-10 12:20:08,029 - INFO - CLOSED long at 2063.84 | PnL: -0.02% | $-0.46 +2025-03-10 12:20:08,030 - INFO - OPENED SHORT at 2063.84 | Stop loss: 2074.1592 | Take profit: 2032.8824000000002 +2025-03-10 12:20:08,073 - INFO - CLOSED short at 2062.28 | PnL: 0.08% | $-0.09 +2025-03-10 12:20:08,074 - INFO - OPENED LONG at 2062.28 | Stop loss: 2051.9686 | Take profit: 2093.2142 +2025-03-10 12:20:08,115 - INFO - CLOSED long at 2062.5 | PnL: 0.01% | $-0.35 +2025-03-10 12:20:08,116 - INFO - OPENED SHORT at 2062.5 | Stop loss: 2072.8125 | Take profit: 2031.5625 +2025-03-10 12:20:08,154 - INFO - CLOSED short at 2059.4 | PnL: 0.15% | $0.19 +2025-03-10 12:20:08,155 - INFO - OPENED LONG at 2059.4 | Stop loss: 2049.103 | Take profit: 2090.2909999999997 +2025-03-10 12:20:08,477 - INFO - CLOSED long at 2057.59 | PnL: -0.09% | $-0.73 +2025-03-10 12:20:08,478 - INFO - OPENED SHORT at 2057.59 | Stop loss: 2067.87795 | Take profit: 2026.7261500000002 +2025-03-10 12:20:08,518 - INFO - CLOSED short at 2057.9 | PnL: -0.02% | $-0.44 +2025-03-10 12:20:08,518 - INFO - OPENED LONG at 2057.9 | Stop loss: 2047.6105 | Take profit: 2088.7684999999997 +2025-03-10 12:20:08,632 - INFO - CLOSED long at 2055.2 | PnL: -0.13% | $-0.88 +2025-03-10 12:20:08,669 - INFO - OPENED LONG at 2058.59 | Stop loss: 2048.29705 | Take profit: 2089.4688499999997 +2025-03-10 12:20:08,709 - INFO - CLOSED long at 2056.4 | PnL: -0.11% | $-0.78 +2025-03-10 12:20:08,710 - INFO - OPENED SHORT at 2056.4 | Stop loss: 2066.682 | Take profit: 2025.554 +2025-03-10 12:20:08,747 - INFO - CLOSED short at 2055.39 | PnL: 0.05% | $-0.19 +2025-03-10 12:20:08,787 - INFO - OPENED LONG at 2053.56 | Stop loss: 2043.2921999999999 | Take profit: 2084.3633999999997 +2025-03-10 12:20:08,828 - INFO - CLOSED long at 2052.7 | PnL: -0.04% | $-0.53 +2025-03-10 12:20:08,904 - INFO - OPENED SHORT at 2052.16 | Stop loss: 2062.4207999999994 | Take profit: 2021.3775999999998 +2025-03-10 12:20:08,941 - INFO - CLOSED short at 2053.1 | PnL: -0.05% | $-0.54 +2025-03-10 12:20:09,144 - INFO - OPENED SHORT at 2050.2 | Stop loss: 2060.4509999999996 | Take profit: 2019.447 +2025-03-10 12:20:09,223 - INFO - CLOSED short at 2051.99 | PnL: -0.09% | $-0.69 +2025-03-10 12:20:09,264 - INFO - OPENED LONG at 2049.61 | Stop loss: 2039.3619500000002 | Take profit: 2080.35415 +2025-03-10 12:20:09,308 - INFO - CLOSED long at 2049.24 | PnL: -0.02% | $-0.43 +2025-03-10 12:20:09,401 - INFO - OPENED SHORT at 2047.39 | Stop loss: 2057.62695 | Take profit: 2016.6791500000002 +2025-03-10 12:20:09,443 - INFO - CLOSED short at 2046.58 | PnL: 0.04% | $-0.22 +2025-03-10 12:20:09,530 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.964 | Take profit: 2077.908 +2025-03-10 12:20:09,605 - INFO - CLOSED long at 2045.99 | PnL: -0.06% | $-0.58 +2025-03-10 12:20:09,606 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.2199499999997 | Take profit: 2015.30015 +2025-03-10 12:20:09,724 - INFO - CLOSED short at 2047.59 | PnL: -0.08% | $-0.65 +2025-03-10 12:20:09,724 - INFO - OPENED LONG at 2047.59 | Stop loss: 2037.35205 | Take profit: 2078.30385 +2025-03-10 12:20:09,843 - INFO - CLOSED long at 2050.24 | PnL: 0.13% | $0.11 +2025-03-10 12:20:09,881 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6405499999998 | Take profit: 2080.6383499999997 +2025-03-10 12:20:09,919 - INFO - CLOSED long at 2051.11 | PnL: 0.06% | $-0.15 +2025-03-10 12:20:10,032 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.0385 | Take profit: 2083.0845 +2025-03-10 12:20:10,069 - INFO - CLOSED long at 2055.69 | PnL: 0.17% | $0.23 +2025-03-10 12:20:10,070 - INFO - OPENED SHORT at 2055.69 | Stop loss: 2065.96845 | Take profit: 2024.85465 +2025-03-10 12:20:10,109 - INFO - CLOSED short at 2057.01 | PnL: -0.06% | $-0.59 +2025-03-10 12:20:10,189 - INFO - OPENED LONG at 2058.39 | Stop loss: 2048.09805 | Take profit: 2089.26585 +2025-03-10 12:20:10,343 - INFO - CLOSED long at 2063.29 | PnL: 0.24% | $0.50 +2025-03-10 12:20:10,454 - INFO - OPENED LONG at 2061.61 | Stop loss: 2051.30195 | Take profit: 2092.53415 +2025-03-10 12:20:10,492 - INFO - CLOSED long at 2064.69 | PnL: 0.15% | $0.18 +2025-03-10 12:20:10,532 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.69495 | Take profit: 2093.9551500000002 +2025-03-10 12:20:10,652 - INFO - CLOSED long at 2060.0 | PnL: -0.15% | $-0.89 +2025-03-10 12:20:10,652 - INFO - OPENED SHORT at 2060.0 | Stop loss: 2070.2999999999997 | Take profit: 2029.1 +2025-03-10 12:20:10,775 - INFO - CLOSED short at 2060.31 | PnL: -0.02% | $-0.41 +2025-03-10 12:20:10,776 - INFO - OPENED LONG at 2060.31 | Stop loss: 2050.00845 | Take profit: 2091.21465 +2025-03-10 12:20:10,901 - INFO - CLOSED long at 2057.89 | PnL: -0.12% | $-0.78 +2025-03-10 12:20:10,902 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1794499999996 | Take profit: 2027.02165 +2025-03-10 12:20:11,019 - INFO - CLOSED short at 2061.79 | PnL: -0.19% | $-1.02 +2025-03-10 12:20:11,097 - INFO - OPENED SHORT at 2064.32 | Stop loss: 2074.6416 | Take profit: 2033.3552000000002 +2025-03-10 12:20:11,221 - INFO - CLOSED short at 2068.11 | PnL: -0.18% | $-0.99 +2025-03-10 12:20:11,222 - INFO - OPENED LONG at 2068.11 | Stop loss: 2057.7694500000002 | Take profit: 2099.13165 +2025-03-10 12:20:11,261 - INFO - CLOSED long at 2068.29 | PnL: 0.01% | $-0.32 +2025-03-10 12:20:11,261 - INFO - OPENED SHORT at 2068.29 | Stop loss: 2078.63145 | Take profit: 2037.2656499999998 +2025-03-10 12:20:11,300 - INFO - CLOSED short at 2067.89 | PnL: 0.02% | $-0.28 +2025-03-10 12:20:11,301 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.55055 | Take profit: 2098.9083499999997 +2025-03-10 12:20:11,389 - INFO - CLOSED long at 2070.99 | PnL: 0.15% | $0.17 +2025-03-10 12:20:11,390 - INFO - OPENED SHORT at 2070.99 | Stop loss: 2081.3449499999997 | Take profit: 2039.9251499999998 +2025-03-10 12:20:11,512 - INFO - CLOSED short at 2068.99 | PnL: 0.10% | $-0.01 +2025-03-10 12:20:11,513 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.6450499999996 | Take profit: 2100.02485 +2025-03-10 12:20:11,553 - INFO - CLOSED long at 2067.9 | PnL: -0.05% | $-0.52 +2025-03-10 12:20:11,553 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2394999999997 | Take profit: 2036.8815 +2025-03-10 12:20:11,633 - INFO - CLOSED short at 2070.26 | PnL: -0.11% | $-0.73 +2025-03-10 12:20:11,633 - INFO - OPENED LONG at 2070.26 | Stop loss: 2059.9087000000004 | Take profit: 2101.3139 +2025-03-10 12:20:11,954 - INFO - CLOSED long at 2069.37 | PnL: -0.04% | $-0.48 +2025-03-10 12:20:12,109 - INFO - OPENED LONG at 2070.28 | Stop loss: 2059.9286 | Take profit: 2101.3342 +2025-03-10 12:20:12,232 - INFO - CLOSED long at 2070.36 | PnL: 0.00% | $-0.32 +2025-03-10 12:20:12,272 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.5555 | Take profit: 2099.9335 +2025-03-10 12:20:12,318 - INFO - CLOSED long at 2070.7 | PnL: 0.09% | $-0.04 +2025-03-10 12:20:12,318 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0534999999995 | Take profit: 2039.6394999999998 +2025-03-10 12:20:12,366 - INFO - CLOSED short at 2069.34 | PnL: 0.07% | $-0.12 +2025-03-10 12:20:12,451 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.456 | Take profit: 2099.832 +2025-03-10 12:20:12,492 - INFO - CLOSED long at 2067.6 | PnL: -0.06% | $-0.53 +2025-03-10 12:20:12,623 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.0580499999996 | Take profit: 2097.3858499999997 +2025-03-10 12:20:12,702 - INFO - CLOSED long at 2066.19 | PnL: -0.01% | $-0.36 +2025-03-10 12:20:12,741 - INFO - OPENED LONG at 2066.29 | Stop loss: 2055.95855 | Take profit: 2097.28435 +2025-03-10 12:20:12,987 - INFO - CLOSED long at 2068.59 | PnL: 0.11% | $0.04 +2025-03-10 12:20:12,988 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.93295 | Take profit: 2037.5611500000002 +2025-03-10 12:20:13,072 - INFO - CLOSED short at 2070.4 | PnL: -0.09% | $-0.62 +2025-03-10 12:20:13,112 - INFO - OPENED LONG at 2069.96 | Stop loss: 2059.6102 | Take profit: 2101.0094 +2025-03-10 12:20:13,149 - INFO - CLOSED long at 2071.4 | PnL: 0.07% | $-0.10 +2025-03-10 12:20:13,150 - INFO - OPENED SHORT at 2071.4 | Stop loss: 2081.757 | Take profit: 2040.329 +2025-03-10 12:20:13,231 - INFO - CLOSED short at 2071.36 | PnL: 0.00% | $-0.32 +2025-03-10 12:20:13,313 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.74445 | Take profit: 2104.20665 +2025-03-10 12:20:13,557 - INFO - CLOSED long at 2070.4 | PnL: -0.13% | $-0.75 +2025-03-10 12:20:13,558 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.752 | Take profit: 2039.344 +2025-03-10 12:20:13,600 - INFO - CLOSED short at 2071.11 | PnL: -0.03% | $-0.44 +2025-03-10 12:20:13,601 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.75445 | Take profit: 2102.17665 +2025-03-10 12:20:13,643 - INFO - CLOSED long at 2069.46 | PnL: -0.08% | $-0.58 +2025-03-10 12:20:13,685 - INFO - OPENED SHORT at 2069.35 | Stop loss: 2079.6967499999996 | Take profit: 2038.30975 +2025-03-10 12:20:13,857 - INFO - CLOSED short at 2067.46 | PnL: 0.09% | $-0.03 +2025-03-10 12:20:13,936 - INFO - OPENED LONG at 2065.49 | Stop loss: 2055.1625499999996 | Take profit: 2096.4723499999996 +2025-03-10 12:20:13,976 - INFO - CLOSED long at 2063.61 | PnL: -0.09% | $-0.61 +2025-03-10 12:20:13,977 - INFO - OPENED SHORT at 2063.61 | Stop loss: 2073.92805 | Take profit: 2032.65585 +2025-03-10 12:20:14,098 - INFO - CLOSED short at 2068.58 | PnL: -0.24% | $-1.08 +2025-03-10 12:20:14,099 - INFO - OPENED LONG at 2068.58 | Stop loss: 2058.2371 | Take profit: 2099.6086999999998 +2025-03-10 12:20:14,178 - INFO - CLOSED long at 2069.34 | PnL: 0.04% | $-0.20 +2025-03-10 12:20:14,179 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.6866999999997 | Take profit: 2038.2999000000002 +2025-03-10 12:20:14,253 - INFO - CLOSED short at 2067.59 | PnL: 0.08% | $-0.05 +2025-03-10 12:20:14,386 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.23205 | Take profit: 2102.66385 +2025-03-10 12:20:14,433 - INFO - CLOSED long at 2070.7 | PnL: -0.04% | $-0.45 +2025-03-10 12:20:14,433 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0534999999995 | Take profit: 2039.6394999999998 +2025-03-10 12:20:14,472 - INFO - CLOSED short at 2070.4 | PnL: 0.01% | $-0.27 +2025-03-10 12:20:14,473 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0480000000002 | Take profit: 2101.4559999999997 +2025-03-10 12:20:14,513 - INFO - CLOSED long at 2070.73 | PnL: 0.02% | $-0.26 +2025-03-10 12:20:14,628 - INFO - OPENED LONG at 2067.84 | Stop loss: 2057.5008000000003 | Take profit: 2098.8576 +2025-03-10 12:20:14,706 - INFO - CLOSED long at 2067.86 | PnL: 0.00% | $-0.31 +2025-03-10 12:20:14,707 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.1992999999998 | Take profit: 2036.8421 +2025-03-10 12:20:14,745 - INFO - CLOSED short at 2066.4 | PnL: 0.07% | $-0.09 +2025-03-10 12:20:14,745 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.068 | Take profit: 2097.3959999999997 +2025-03-10 12:20:14,828 - INFO - CLOSED long at 2065.28 | PnL: -0.05% | $-0.47 +2025-03-10 12:20:14,951 - INFO - OPENED LONG at 2070.04 | Stop loss: 2059.6898 | Take profit: 2101.0905999999995 +2025-03-10 12:20:15,313 - INFO - CLOSED long at 2062.89 | PnL: -0.35% | $-1.36 +2025-03-10 12:20:15,313 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2044499999997 | Take profit: 2031.9466499999999 +2025-03-10 12:20:15,410 - INFO - CLOSED short at 2061.78 | PnL: 0.05% | $-0.14 +2025-03-10 12:20:15,530 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.27205 | Take profit: 2094.54385 +2025-03-10 12:20:15,604 - INFO - CLOSED long at 2066.24 | PnL: 0.13% | $0.08 +2025-03-10 12:20:15,605 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.5711999999994 | Take profit: 2035.2463999999998 +2025-03-10 12:20:15,679 - INFO - CLOSED short at 2065.54 | PnL: 0.03% | $-0.20 +2025-03-10 12:20:15,680 - INFO - OPENED LONG at 2065.54 | Stop loss: 2055.2123 | Take profit: 2096.5231 +2025-03-10 12:20:15,757 - INFO - CLOSED long at 2064.45 | PnL: -0.05% | $-0.46 +2025-03-10 12:20:15,794 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.7596 | Take profit: 2095.0411999999997 +2025-03-10 12:20:16,106 - INFO - CLOSED long at 2058.89 | PnL: -0.25% | $-1.04 +2025-03-10 12:20:16,106 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.1844499999997 | Take profit: 2028.0066499999998 +2025-03-10 12:20:16,145 - INFO - CLOSED short at 2059.3 | PnL: -0.02% | $-0.35 +2025-03-10 12:20:16,182 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.6115499999996 | Take profit: 2029.40535 +2025-03-10 12:20:16,309 - INFO - CLOSED short at 2062.61 | PnL: -0.11% | $-0.62 +2025-03-10 12:20:16,309 - INFO - OPENED LONG at 2062.61 | Stop loss: 2052.29695 | Take profit: 2093.54915 +2025-03-10 12:20:16,347 - INFO - CLOSED long at 2060.91 | PnL: -0.08% | $-0.53 +2025-03-10 12:20:16,347 - INFO - OPENED SHORT at 2060.91 | Stop loss: 2071.2145499999997 | Take profit: 2029.99635 +2025-03-10 12:20:16,595 - INFO - CLOSED short at 2064.33 | PnL: -0.17% | $-0.76 +2025-03-10 12:20:16,632 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.70695 | Take profit: 2032.43915 +2025-03-10 12:20:16,674 - INFO - CLOSED short at 2064.79 | PnL: -0.07% | $-0.48 +2025-03-10 12:20:16,748 - INFO - OPENED LONG at 2063.53 | Stop loss: 2053.2123500000002 | Take profit: 2094.48295 +2025-03-10 12:20:16,989 - INFO - CLOSED long at 2061.09 | PnL: -0.12% | $-0.61 +2025-03-10 12:20:16,990 - INFO - OPENED SHORT at 2061.09 | Stop loss: 2071.39545 | Take profit: 2030.1736500000002 +2025-03-10 12:20:17,180 - INFO - CLOSED short at 2059.96 | PnL: 0.05% | $-0.13 +2025-03-10 12:20:17,180 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.6602 | Take profit: 2090.8594 +2025-03-10 12:20:17,264 - INFO - CLOSED long at 2057.4 | PnL: -0.12% | $-0.62 +2025-03-10 12:20:17,306 - INFO - OPENED LONG at 2058.28 | Stop loss: 2047.9886000000001 | Take profit: 2089.1542 +2025-03-10 12:20:17,520 - INFO - CLOSED long at 2056.71 | PnL: -0.08% | $-0.49 +2025-03-10 12:20:17,600 - INFO - OPENED LONG at 2059.8 | Stop loss: 2049.501 | Take profit: 2090.697 +2025-03-10 12:20:17,681 - INFO - CLOSED long at 2061.5 | PnL: 0.08% | $-0.05 +2025-03-10 12:20:17,681 - INFO - OPENED SHORT at 2061.5 | Stop loss: 2071.8075 | Take profit: 2030.5774999999999 +2025-03-10 12:20:17,723 - INFO - CLOSED short at 2061.6 | PnL: -0.00% | $-0.29 +2025-03-10 12:20:17,883 - INFO - OPENED SHORT at 2066.36 | Stop loss: 2076.6918 | Take profit: 2035.3646 +2025-03-10 12:20:17,995 - INFO - CLOSED short at 2064.49 | PnL: 0.09% | $-0.03 +2025-03-10 12:20:18,033 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6616499999996 | Take profit: 2035.33505 +2025-03-10 12:20:18,106 - INFO - CLOSED short at 2066.79 | PnL: -0.02% | $-0.33 +2025-03-10 12:20:18,106 - INFO - OPENED LONG at 2066.79 | Stop loss: 2056.45605 | Take profit: 2097.7918499999996 +2025-03-10 12:20:18,228 - INFO - CLOSED long at 2065.69 | PnL: -0.05% | $-0.42 +2025-03-10 12:20:18,271 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.44105 | Take profit: 2100.8368499999997 +2025-03-10 12:20:18,311 - INFO - CLOSED long at 2072.0 | PnL: 0.11% | $0.02 +2025-03-10 12:20:18,312 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3599999999997 | Take profit: 2040.92 +2025-03-10 12:20:18,476 - INFO - CLOSED short at 2072.6 | PnL: -0.03% | $-0.35 +2025-03-10 12:20:18,477 - INFO - OPENED LONG at 2072.6 | Stop loss: 2062.237 | Take profit: 2103.689 +2025-03-10 12:20:18,555 - INFO - CLOSED long at 2070.01 | PnL: -0.12% | $-0.60 +2025-03-10 12:20:18,681 - INFO - OPENED LONG at 2070.0 | Stop loss: 2059.65 | Take profit: 2101.0499999999997 +2025-03-10 12:20:18,721 - INFO - CLOSED long at 2068.15 | PnL: -0.09% | $-0.50 +2025-03-10 12:20:18,722 - INFO - OPENED SHORT at 2068.15 | Stop loss: 2078.49075 | Take profit: 2037.12775 +2025-03-10 12:20:19,133 - INFO - CLOSED short at 2066.38 | PnL: 0.09% | $-0.04 +2025-03-10 12:20:19,133 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.0481 | Take profit: 2097.3757 +2025-03-10 12:20:19,297 - INFO - CLOSED long at 2063.97 | PnL: -0.12% | $-0.57 +2025-03-10 12:20:19,504 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8275 | Take profit: 2034.5175 +2025-03-10 12:20:19,581 - INFO - CLOSED short at 2065.29 | PnL: 0.01% | $-0.23 +2025-03-10 12:20:19,582 - INFO - OPENED LONG at 2065.29 | Stop loss: 2054.96355 | Take profit: 2096.2693499999996 +2025-03-10 12:20:19,624 - INFO - CLOSED long at 2065.31 | PnL: 0.00% | $-0.26 +2025-03-10 12:20:19,625 - INFO - OPENED SHORT at 2065.31 | Stop loss: 2075.6365499999997 | Take profit: 2034.33035 +2025-03-10 12:20:19,666 - INFO - CLOSED short at 2066.8 | PnL: -0.07% | $-0.45 +2025-03-10 12:20:19,711 - INFO - OPENED SHORT at 2066.5 | Stop loss: 2076.8325 | Take profit: 2035.5025 +2025-03-10 12:20:19,794 - INFO - CLOSED short at 2071.59 | PnL: -0.25% | $-0.89 +2025-03-10 12:20:19,958 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.03845 | Take profit: 2038.64465 +2025-03-10 12:20:20,134 - INFO - CLOSED short at 2070.61 | PnL: -0.04% | $-0.37 +2025-03-10 12:20:20,435 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.99815 | Take profit: 2105.48555 +2025-03-10 12:20:20,517 - INFO - CLOSED long at 2074.35 | PnL: -0.00% | $-0.26 +2025-03-10 12:20:20,517 - INFO - OPENED SHORT at 2074.35 | Stop loss: 2084.7217499999997 | Take profit: 2043.2347499999998 +2025-03-10 12:20:20,597 - INFO - CLOSED short at 2073.99 | PnL: 0.02% | $-0.21 +2025-03-10 12:20:20,635 - INFO - OPENED SHORT at 2075.32 | Stop loss: 2085.6965999999998 | Take profit: 2044.1902000000002 +2025-03-10 12:20:20,791 - INFO - CLOSED short at 2074.0 | PnL: 0.06% | $-0.09 +2025-03-10 12:20:20,864 - INFO - OPENED SHORT at 2069.97 | Stop loss: 2080.3198499999994 | Take profit: 2038.9204499999998 +2025-03-10 12:20:20,904 - INFO - CLOSED short at 2067.7 | PnL: 0.11% | $0.02 +2025-03-10 12:20:20,905 - INFO - OPENED LONG at 2067.7 | Stop loss: 2057.3615 | Take profit: 2098.7155 +2025-03-10 12:20:20,944 - INFO - CLOSED long at 2067.0 | PnL: -0.03% | $-0.34 +2025-03-10 12:20:20,945 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3349999999996 | Take profit: 2035.995 +2025-03-10 12:20:21,060 - INFO - CLOSED short at 2066.89 | PnL: 0.01% | $-0.24 +2025-03-10 12:20:21,143 - INFO - OPENED LONG at 2065.45 | Stop loss: 2055.12275 | Take profit: 2096.4317499999997 +2025-03-10 12:20:21,225 - INFO - CLOSED long at 2069.0 | PnL: 0.17% | $0.18 +2025-03-10 12:20:21,262 - INFO - OPENED LONG at 2070.19 | Stop loss: 2059.83905 | Take profit: 2101.2428499999996 +2025-03-10 12:20:21,305 - INFO - CLOSED long at 2070.1 | PnL: -0.00% | $-0.26 +2025-03-10 12:20:21,306 - INFO - OPENED SHORT at 2070.1 | Stop loss: 2080.4504999999995 | Take profit: 2039.0484999999999 +2025-03-10 12:20:21,348 - INFO - CLOSED short at 2067.19 | PnL: 0.14% | $0.10 +2025-03-10 12:20:21,349 - INFO - OPENED LONG at 2067.19 | Stop loss: 2056.85405 | Take profit: 2098.19785 +2025-03-10 12:20:21,391 - INFO - CLOSED long at 2065.5 | PnL: -0.08% | $-0.45 +2025-03-10 12:20:21,392 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8275 | Take profit: 2034.5175 +2025-03-10 12:20:21,433 - INFO - CLOSED short at 2065.7 | PnL: -0.01% | $-0.27 +2025-03-10 12:20:21,434 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3714999999997 | Take profit: 2096.6854999999996 +2025-03-10 12:20:21,476 - INFO - CLOSED long at 2065.8 | PnL: 0.00% | $-0.23 +2025-03-10 12:20:21,555 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.75955 | Take profit: 2097.08135 +2025-03-10 12:20:21,596 - INFO - CLOSED long at 2063.39 | PnL: -0.13% | $-0.56 +2025-03-10 12:20:21,636 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.0283 | Take profit: 2093.2751 +2025-03-10 12:20:21,748 - INFO - CLOSED long at 2065.06 | PnL: 0.13% | $0.08 +2025-03-10 12:20:21,749 - INFO - OPENED SHORT at 2065.06 | Stop loss: 2075.3853 | Take profit: 2034.0840999999998 +2025-03-10 12:20:21,790 - INFO - CLOSED short at 2064.11 | PnL: 0.05% | $-0.13 +2025-03-10 12:20:21,831 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8224999999998 | Take profit: 2033.5325 +2025-03-10 12:20:21,871 - INFO - CLOSED short at 2066.33 | PnL: -0.09% | $-0.46 +2025-03-10 12:20:21,993 - INFO - OPENED LONG at 2060.2 | Stop loss: 2049.899 | Take profit: 2091.1029999999996 +2025-03-10 12:20:22,111 - INFO - CLOSED long at 2058.65 | PnL: -0.08% | $-0.42 +2025-03-10 12:20:22,148 - INFO - OPENED SHORT at 2056.77 | Stop loss: 2067.05385 | Take profit: 2025.91845 +2025-03-10 12:20:22,190 - INFO - CLOSED short at 2053.01 | PnL: 0.18% | $0.20 +2025-03-10 12:20:22,264 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.2525 | Take profit: 2080.2425 +2025-03-10 12:20:22,344 - INFO - CLOSED long at 2058.3 | PnL: 0.43% | $0.79 +2025-03-10 12:20:22,344 - INFO - OPENED SHORT at 2058.3 | Stop loss: 2068.5915 | Take profit: 2027.4255 +2025-03-10 12:20:22,469 - INFO - CLOSED short at 2057.89 | PnL: 0.02% | $-0.19 +2025-03-10 12:20:22,470 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.6005499999999 | Take profit: 2088.7583499999996 +2025-03-10 12:20:22,626 - INFO - CLOSED long at 2062.43 | PnL: 0.22% | $0.29 +2025-03-10 12:20:22,705 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.7943999999998 | Take profit: 2096.0968 +2025-03-10 12:20:22,786 - INFO - CLOSED long at 2067.49 | PnL: 0.11% | $0.04 +2025-03-10 12:20:22,786 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8274499999998 | Take profit: 2036.4776499999998 +2025-03-10 12:20:22,830 - INFO - CLOSED short at 2066.59 | PnL: 0.04% | $-0.14 +2025-03-10 12:20:22,831 - INFO - OPENED LONG at 2066.59 | Stop loss: 2056.25705 | Take profit: 2097.58885 +2025-03-10 12:20:22,873 - INFO - CLOSED long at 2064.08 | PnL: -0.12% | $-0.54 +2025-03-10 12:20:22,959 - INFO - OPENED LONG at 2059.9 | Stop loss: 2049.6005 | Take profit: 2090.7985 +2025-03-10 12:20:23,078 - INFO - CLOSED long at 2062.54 | PnL: 0.13% | $0.07 +2025-03-10 12:20:23,201 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.5911999999994 | Take profit: 2039.1863999999998 +2025-03-10 12:20:23,242 - INFO - CLOSED short at 2069.34 | PnL: 0.04% | $-0.14 +2025-03-10 12:20:23,282 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.1590499999998 | Take profit: 2038.7628499999998 +2025-03-10 12:20:23,450 - INFO - CLOSED short at 2072.99 | PnL: -0.15% | $-0.61 +2025-03-10 12:20:23,450 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6250499999996 | Take profit: 2104.0848499999997 +2025-03-10 12:20:23,702 - INFO - CLOSED long at 2085.56 | PnL: 0.61% | $1.20 +2025-03-10 12:20:23,702 - INFO - OPENED SHORT at 2085.56 | Stop loss: 2095.9878 | Take profit: 2054.2766 +2025-03-10 12:20:23,738 - INFO - CLOSED short at 2090.49 | PnL: -0.24% | $-0.82 +2025-03-10 12:20:23,740 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.0375499999996 | Take profit: 2121.8473499999996 +2025-03-10 12:20:23,823 - INFO - TAKE PROFIT hit for long at 2121.8473499999996 | PnL: 1.50% | $3.35 +2025-03-10 12:20:24,028 - INFO - OPENED LONG at 2141.41 | Stop loss: 2130.70295 | Take profit: 2173.53115 +2025-03-10 12:20:24,069 - INFO - CLOSED long at 2141.3 | PnL: -0.01% | $-0.27 +2025-03-10 12:20:24,071 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0065 | Take profit: 2109.1805 +2025-03-10 12:20:24,158 - INFO - CLOSED short at 2140.01 | PnL: 0.06% | $-0.10 +2025-03-10 12:20:24,158 - INFO - OPENED LONG at 2140.01 | Stop loss: 2129.3099500000003 | Take profit: 2172.11015 +2025-03-10 12:20:24,201 - INFO - CLOSED long at 2134.78 | PnL: -0.24% | $-0.86 +2025-03-10 12:20:24,202 - INFO - OPENED SHORT at 2134.78 | Stop loss: 2145.4539 | Take profit: 2102.7583 +2025-03-10 12:20:24,337 - INFO - CLOSED short at 2128.69 | PnL: 0.29% | $0.46 +2025-03-10 12:20:24,562 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.793 | Take profit: 2153.221 +2025-03-10 12:20:24,650 - INFO - CLOSED long at 2119.14 | PnL: -0.11% | $-0.52 +2025-03-10 12:20:24,651 - INFO - OPENED SHORT at 2119.14 | Stop loss: 2129.7356999999997 | Take profit: 2087.3529 +2025-03-10 12:20:24,773 - INFO - CLOSED short at 2107.43 | PnL: 0.55% | $1.12 +2025-03-10 12:20:24,894 - INFO - OPENED SHORT at 2112.09 | Stop loss: 2122.65045 | Take profit: 2080.4086500000003 +2025-03-10 12:20:24,938 - INFO - CLOSED short at 2112.95 | PnL: -0.04% | $-0.35 +2025-03-10 12:20:24,938 - INFO - OPENED LONG at 2112.95 | Stop loss: 2102.38525 | Take profit: 2144.64425 +2025-03-10 12:20:25,310 - INFO - CLOSED long at 2106.49 | PnL: -0.31% | $-1.02 +2025-03-10 12:20:25,396 - INFO - OPENED SHORT at 2103.33 | Stop loss: 2113.8466499999995 | Take profit: 2071.78005 +2025-03-10 12:20:25,519 - INFO - CLOSED short at 2099.53 | PnL: 0.18% | $0.20 +2025-03-10 12:20:25,689 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.7462499999997 | Take profit: 2067.76125 +2025-03-10 12:20:25,905 - INFO - CLOSED short at 2100.74 | PnL: -0.07% | $-0.42 +2025-03-10 12:20:25,945 - INFO - OPENED LONG at 2103.86 | Stop loss: 2093.3407 | Take profit: 2135.4179 +2025-03-10 12:20:26,158 - INFO - CLOSED long at 2098.39 | PnL: -0.26% | $-0.88 +2025-03-10 12:20:26,158 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.8819499999995 | Take profit: 2066.91415 +2025-03-10 12:20:26,244 - INFO - CLOSED short at 2093.46 | PnL: 0.23% | $0.33 +2025-03-10 12:20:26,285 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.86335 | Take profit: 2124.72995 +2025-03-10 12:20:26,408 - INFO - CLOSED long at 2094.72 | PnL: 0.07% | $-0.08 +2025-03-10 12:20:26,408 - INFO - OPENED SHORT at 2094.72 | Stop loss: 2105.1935999999996 | Take profit: 2063.2992 +2025-03-10 12:20:26,449 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 12.9% in downtrends | Avg Win=$0.41, Avg Loss=$-0.45 +2025-03-10 12:20:26,450 - INFO - Episode 1: Reward=-54.87, Balance=$60.73, Win Rate=47.0%, Trades=134, Episode PnL=$-14.88, Total PnL=$-75.85, Max Drawdown=40.4%, Pred Accuracy=99.7% +2025-03-10 12:20:26,570 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:20:26,686 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:20:26,707 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 12:20:27,010 - INFO - OPENED LONG at 2053.3 | Stop loss: 2043.0335000000002 | Take profit: 2084.0995 +2025-03-10 12:20:27,088 - INFO - CLOSED long at 2055.31 | PnL: 0.10% | $-0.01 +2025-03-10 12:20:27,127 - INFO - OPENED LONG at 2059.23 | Stop loss: 2048.93385 | Take profit: 2090.11845 +2025-03-10 12:20:27,275 - INFO - CLOSED long at 2065.64 | PnL: 0.31% | $0.85 +2025-03-10 12:20:27,316 - INFO - OPENED SHORT at 2064.51 | Stop loss: 2074.83255 | Take profit: 2033.5423500000002 +2025-03-10 12:20:27,434 - INFO - CLOSED short at 2064.21 | PnL: 0.01% | $-0.34 +2025-03-10 12:20:27,434 - INFO - OPENED LONG at 2064.21 | Stop loss: 2053.88895 | Take profit: 2095.1731499999996 +2025-03-10 12:20:27,599 - INFO - CLOSED long at 2062.75 | PnL: -0.07% | $-0.69 +2025-03-10 12:20:27,600 - INFO - OPENED SHORT at 2062.75 | Stop loss: 2073.06375 | Take profit: 2031.80875 +2025-03-10 12:20:27,740 - INFO - CLOSED short at 2062.5 | PnL: 0.01% | $-0.35 +2025-03-10 12:20:27,782 - INFO - OPENED SHORT at 2059.4 | Stop loss: 2069.6969999999997 | Take profit: 2028.509 +2025-03-10 12:20:27,868 - INFO - CLOSED short at 2059.03 | PnL: 0.02% | $-0.33 +2025-03-10 12:20:27,869 - INFO - OPENED LONG at 2059.03 | Stop loss: 2048.7348500000003 | Take profit: 2089.91545 +2025-03-10 12:20:28,068 - INFO - CLOSED long at 2056.9 | PnL: -0.10% | $-0.81 +2025-03-10 12:20:28,109 - INFO - OPENED SHORT at 2057.59 | Stop loss: 2067.87795 | Take profit: 2026.7261500000002 +2025-03-10 12:20:28,149 - INFO - CLOSED short at 2057.9 | PnL: -0.02% | $-0.45 +2025-03-10 12:20:28,150 - INFO - OPENED LONG at 2057.9 | Stop loss: 2047.6105 | Take profit: 2088.7684999999997 +2025-03-10 12:20:28,192 - INFO - CLOSED long at 2057.99 | PnL: 0.00% | $-0.37 +2025-03-10 12:20:28,192 - INFO - OPENED SHORT at 2057.99 | Stop loss: 2068.2799499999996 | Take profit: 2027.1201499999997 +2025-03-10 12:20:28,237 - INFO - CLOSED short at 2058.51 | PnL: -0.03% | $-0.49 +2025-03-10 12:20:28,278 - INFO - OPENED LONG at 2055.2 | Stop loss: 2044.9239999999998 | Take profit: 2086.028 +2025-03-10 12:20:28,399 - INFO - CLOSED long at 2055.39 | PnL: 0.01% | $-0.35 +2025-03-10 12:20:28,516 - INFO - OPENED LONG at 2051.66 | Stop loss: 2041.4017 | Take profit: 2082.4348999999997 +2025-03-10 12:20:28,685 - INFO - CLOSED long at 2050.71 | PnL: -0.05% | $-0.57 +2025-03-10 12:20:28,879 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7300499999997 | Take profit: 2082.7698499999997 +2025-03-10 12:20:28,999 - INFO - CLOSED long at 2048.48 | PnL: -0.17% | $-1.04 +2025-03-10 12:20:29,041 - INFO - OPENED SHORT at 2047.39 | Stop loss: 2057.62695 | Take profit: 2016.6791500000002 +2025-03-10 12:20:29,201 - INFO - CLOSED short at 2045.99 | PnL: 0.07% | $-0.12 +2025-03-10 12:20:29,406 - INFO - OPENED LONG at 2048.51 | Stop loss: 2038.2674500000003 | Take profit: 2079.23765 +2025-03-10 12:20:29,524 - INFO - CLOSED long at 2049.89 | PnL: 0.07% | $-0.12 +2025-03-10 12:20:29,525 - INFO - OPENED SHORT at 2049.89 | Stop loss: 2060.1394499999997 | Take profit: 2019.1416499999998 +2025-03-10 12:20:29,565 - INFO - CLOSED short at 2051.11 | PnL: -0.06% | $-0.60 +2025-03-10 12:20:29,566 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.85445 | Take profit: 2081.87665 +2025-03-10 12:20:29,721 - INFO - CLOSED long at 2055.69 | PnL: 0.22% | $0.46 +2025-03-10 12:20:29,758 - INFO - OPENED SHORT at 2057.01 | Stop loss: 2067.29505 | Take profit: 2026.1548500000001 +2025-03-10 12:20:29,928 - INFO - CLOSED short at 2059.7 | PnL: -0.13% | $-0.87 +2025-03-10 12:20:29,928 - INFO - OPENED LONG at 2059.7 | Stop loss: 2049.4015 | Take profit: 2090.5954999999994 +2025-03-10 12:20:30,043 - INFO - CLOSED long at 2064.61 | PnL: 0.24% | $0.52 +2025-03-10 12:20:30,043 - INFO - OPENED SHORT at 2064.61 | Stop loss: 2074.93305 | Take profit: 2033.64085 +2025-03-10 12:20:30,083 - INFO - CLOSED short at 2063.59 | PnL: 0.05% | $-0.19 +2025-03-10 12:20:30,242 - INFO - OPENED LONG at 2060.99 | Stop loss: 2050.6850499999996 | Take profit: 2091.9048499999994 +2025-03-10 12:20:30,356 - INFO - CLOSED long at 2061.89 | PnL: 0.04% | $-0.21 +2025-03-10 12:20:30,399 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.57555 | Take profit: 2093.83335 +2025-03-10 12:20:30,441 - INFO - CLOSED long at 2060.31 | PnL: -0.13% | $-0.85 +2025-03-10 12:20:30,442 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.6115499999996 | Take profit: 2029.40535 +2025-03-10 12:20:30,479 - INFO - CLOSED short at 2059.49 | PnL: 0.04% | $-0.22 +2025-03-10 12:20:30,480 - INFO - OPENED LONG at 2059.49 | Stop loss: 2049.1925499999998 | Take profit: 2090.3823499999994 +2025-03-10 12:20:30,523 - INFO - CLOSED long at 2057.8 | PnL: -0.08% | $-0.68 +2025-03-10 12:20:30,524 - INFO - OPENED SHORT at 2057.8 | Stop loss: 2068.089 | Take profit: 2026.9330000000002 +2025-03-10 12:20:30,646 - INFO - CLOSED short at 2058.11 | PnL: -0.02% | $-0.42 +2025-03-10 12:20:30,686 - INFO - OPENED LONG at 2061.79 | Stop loss: 2051.48105 | Take profit: 2092.71685 +2025-03-10 12:20:30,853 - INFO - CLOSED long at 2070.58 | PnL: 0.43% | $1.20 +2025-03-10 12:20:30,853 - INFO - OPENED SHORT at 2070.58 | Stop loss: 2080.9329 | Take profit: 2039.5212999999999 +2025-03-10 12:20:30,931 - INFO - CLOSED short at 2068.29 | PnL: 0.11% | $0.04 +2025-03-10 12:20:30,932 - INFO - OPENED LONG at 2068.29 | Stop loss: 2057.94855 | Take profit: 2099.3143499999996 +2025-03-10 12:20:31,048 - INFO - CLOSED long at 2070.99 | PnL: 0.13% | $0.11 +2025-03-10 12:20:31,089 - INFO - OPENED SHORT at 2069.6 | Stop loss: 2079.948 | Take profit: 2038.5559999999998 +2025-03-10 12:20:31,129 - INFO - CLOSED short at 2068.65 | PnL: 0.05% | $-0.20 +2025-03-10 12:20:31,325 - INFO - OPENED LONG at 2070.26 | Stop loss: 2059.9087000000004 | Take profit: 2101.3139 +2025-03-10 12:20:31,420 - INFO - CLOSED long at 2073.73 | PnL: 0.17% | $0.25 +2025-03-10 12:20:31,421 - INFO - OPENED SHORT at 2073.73 | Stop loss: 2084.09865 | Take profit: 2042.62405 +2025-03-10 12:20:31,583 - INFO - CLOSED short at 2071.38 | PnL: 0.11% | $0.05 +2025-03-10 12:20:31,622 - INFO - OPENED LONG at 2071.41 | Stop loss: 2061.05295 | Take profit: 2102.4811499999996 +2025-03-10 12:20:31,701 - INFO - CLOSED long at 2070.9 | PnL: -0.02% | $-0.46 +2025-03-10 12:20:31,702 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.2545 | Take profit: 2039.8365000000001 +2025-03-10 12:20:31,780 - INFO - CLOSED short at 2070.79 | PnL: 0.01% | $-0.35 +2025-03-10 12:20:31,819 - INFO - OPENED SHORT at 2070.28 | Stop loss: 2080.6313999999998 | Take profit: 2039.2258000000002 +2025-03-10 12:20:31,900 - INFO - CLOSED short at 2067.2 | PnL: 0.15% | $0.18 +2025-03-10 12:20:31,940 - INFO - OPENED SHORT at 2070.36 | Stop loss: 2080.7118 | Take profit: 2039.3046000000002 +2025-03-10 12:20:31,980 - INFO - CLOSED short at 2068.9 | PnL: 0.07% | $-0.11 +2025-03-10 12:20:31,981 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.5555 | Take profit: 2099.9335 +2025-03-10 12:20:32,059 - INFO - CLOSED long at 2069.34 | PnL: 0.02% | $-0.29 +2025-03-10 12:20:32,136 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.456 | Take profit: 2099.832 +2025-03-10 12:20:32,250 - INFO - CLOSED long at 2069.01 | PnL: 0.01% | $-0.33 +2025-03-10 12:20:32,251 - INFO - OPENED SHORT at 2069.01 | Stop loss: 2079.35505 | Take profit: 2037.9748500000003 +2025-03-10 12:20:32,331 - INFO - CLOSED short at 2065.99 | PnL: 0.15% | $0.17 +2025-03-10 12:20:32,332 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.66005 | Take profit: 2096.9798499999997 +2025-03-10 12:20:32,800 - INFO - CLOSED long at 2071.4 | PnL: 0.26% | $0.60 +2025-03-10 12:20:32,800 - INFO - OPENED SHORT at 2071.4 | Stop loss: 2081.757 | Take profit: 2040.329 +2025-03-10 12:20:32,879 - INFO - CLOSED short at 2071.36 | PnL: 0.00% | $-0.36 +2025-03-10 12:20:32,880 - INFO - OPENED LONG at 2071.36 | Stop loss: 2061.0032 | Take profit: 2102.4303999999997 +2025-03-10 12:20:32,999 - INFO - CLOSED long at 2072.7 | PnL: 0.06% | $-0.13 +2025-03-10 12:20:33,119 - INFO - OPENED SHORT at 2073.9 | Stop loss: 2084.2695 | Take profit: 2042.7915 +2025-03-10 12:20:33,159 - INFO - CLOSED short at 2071.92 | PnL: 0.10% | $-0.02 +2025-03-10 12:20:33,159 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.5604 | Take profit: 2102.9988 +2025-03-10 12:20:33,240 - INFO - CLOSED long at 2071.11 | PnL: -0.04% | $-0.51 +2025-03-10 12:20:33,281 - INFO - OPENED LONG at 2069.46 | Stop loss: 2059.1127 | Take profit: 2100.5018999999998 +2025-03-10 12:20:33,320 - INFO - CLOSED long at 2069.35 | PnL: -0.01% | $-0.39 +2025-03-10 12:20:33,321 - INFO - OPENED SHORT at 2069.35 | Stop loss: 2079.6967499999996 | Take profit: 2038.30975 +2025-03-10 12:20:33,443 - INFO - CLOSED short at 2067.79 | PnL: 0.08% | $-0.09 +2025-03-10 12:20:33,444 - INFO - OPENED LONG at 2067.79 | Stop loss: 2057.45105 | Take profit: 2098.80685 +2025-03-10 12:20:33,484 - INFO - CLOSED long at 2067.46 | PnL: -0.02% | $-0.42 +2025-03-10 12:20:33,484 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.7972999999997 | Take profit: 2036.4481 +2025-03-10 12:20:33,525 - INFO - CLOSED short at 2066.8 | PnL: 0.03% | $-0.25 +2025-03-10 12:20:33,569 - INFO - OPENED SHORT at 2065.49 | Stop loss: 2075.8174499999996 | Take profit: 2034.5076499999998 +2025-03-10 12:20:33,651 - INFO - CLOSED short at 2065.26 | PnL: 0.01% | $-0.32 +2025-03-10 12:20:33,652 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9337 | Take profit: 2096.2389 +2025-03-10 12:20:33,694 - INFO - CLOSED long at 2067.89 | PnL: 0.13% | $0.10 +2025-03-10 12:20:33,695 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:20:33,736 - INFO - CLOSED short at 2068.58 | PnL: -0.03% | $-0.48 +2025-03-10 12:20:33,736 - INFO - OPENED LONG at 2068.58 | Stop loss: 2058.2371 | Take profit: 2099.6086999999998 +2025-03-10 12:20:33,815 - INFO - CLOSED long at 2069.34 | PnL: 0.04% | $-0.23 +2025-03-10 12:20:34,294 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.44555 | Take profit: 2036.10335 +2025-03-10 12:20:34,458 - INFO - CLOSED short at 2065.28 | PnL: 0.09% | $-0.04 +2025-03-10 12:20:34,617 - INFO - OPENED SHORT at 2067.8 | Stop loss: 2078.139 | Take profit: 2036.7830000000001 +2025-03-10 12:20:34,782 - INFO - CLOSED short at 2064.99 | PnL: 0.14% | $0.13 +2025-03-10 12:20:34,862 - INFO - OPENED LONG at 2066.15 | Stop loss: 2055.81925 | Take profit: 2097.14225 +2025-03-10 12:20:34,906 - INFO - CLOSED long at 2065.26 | PnL: -0.04% | $-0.51 +2025-03-10 12:20:34,946 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.57555 | Take profit: 2093.83335 +2025-03-10 12:20:35,065 - INFO - CLOSED long at 2059.59 | PnL: -0.16% | $-0.93 +2025-03-10 12:20:35,107 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6065 | Take profit: 2030.3805000000002 +2025-03-10 12:20:35,463 - INFO - CLOSED short at 2062.71 | PnL: -0.07% | $-0.59 +2025-03-10 12:20:35,464 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.39645 | Take profit: 2093.65065 +2025-03-10 12:20:35,546 - INFO - CLOSED long at 2064.5 | PnL: 0.09% | $-0.05 +2025-03-10 12:20:35,673 - INFO - OPENED LONG at 2060.9 | Stop loss: 2050.5955 | Take profit: 2091.8134999999997 +2025-03-10 12:20:35,712 - INFO - CLOSED long at 2060.65 | PnL: -0.01% | $-0.39 +2025-03-10 12:20:35,799 - INFO - OPENED LONG at 2059.3 | Stop loss: 2049.0035000000003 | Take profit: 2090.1895 +2025-03-10 12:20:35,848 - INFO - CLOSED long at 2060.31 | PnL: 0.05% | $-0.18 +2025-03-10 12:20:35,849 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.6115499999996 | Take profit: 2029.40535 +2025-03-10 12:20:35,938 - INFO - CLOSED short at 2064.7 | PnL: -0.21% | $-1.09 +2025-03-10 12:20:35,978 - INFO - OPENED SHORT at 2062.61 | Stop loss: 2072.92305 | Take profit: 2031.6708500000002 +2025-03-10 12:20:36,105 - INFO - CLOSED short at 2061.13 | PnL: 0.07% | $-0.10 +2025-03-10 12:20:36,105 - INFO - OPENED LONG at 2061.13 | Stop loss: 2050.8243500000003 | Take profit: 2092.04695 +2025-03-10 12:20:36,186 - INFO - CLOSED long at 2064.1 | PnL: 0.14% | $0.15 +2025-03-10 12:20:36,273 - INFO - OPENED SHORT at 2064.33 | Stop loss: 2074.65165 | Take profit: 2033.3650499999999 +2025-03-10 12:20:36,363 - INFO - CLOSED short at 2064.79 | PnL: -0.02% | $-0.42 +2025-03-10 12:20:36,363 - INFO - OPENED LONG at 2064.79 | Stop loss: 2054.46605 | Take profit: 2095.76185 +2025-03-10 12:20:36,540 - INFO - CLOSED long at 2062.6 | PnL: -0.11% | $-0.70 +2025-03-10 12:20:36,638 - INFO - OPENED LONG at 2061.7 | Stop loss: 2051.3914999999997 | Take profit: 2092.6254999999996 +2025-03-10 12:20:36,912 - INFO - CLOSED long at 2058.89 | PnL: -0.14% | $-0.80 +2025-03-10 12:20:36,913 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.1844499999997 | Take profit: 2028.0066499999998 +2025-03-10 12:20:36,997 - INFO - CLOSED short at 2059.46 | PnL: -0.03% | $-0.43 +2025-03-10 12:20:37,128 - INFO - OPENED LONG at 2056.28 | Stop loss: 2045.9986000000001 | Take profit: 2087.1242 +2025-03-10 12:20:37,171 - INFO - CLOSED long at 2055.6 | PnL: -0.03% | $-0.44 +2025-03-10 12:20:37,220 - INFO - OPENED SHORT at 2054.89 | Stop loss: 2065.1644499999998 | Take profit: 2024.0666499999998 +2025-03-10 12:20:37,315 - INFO - CLOSED short at 2056.71 | PnL: -0.09% | $-0.63 +2025-03-10 12:20:37,357 - INFO - OPENED SHORT at 2058.15 | Stop loss: 2068.4407499999998 | Take profit: 2027.27775 +2025-03-10 12:20:37,668 - INFO - CLOSED short at 2063.4 | PnL: -0.26% | $-1.17 +2025-03-10 12:20:37,720 - INFO - OPENED LONG at 2066.36 | Stop loss: 2056.0282 | Take profit: 2097.3554 +2025-03-10 12:20:37,852 - INFO - CLOSED long at 2064.49 | PnL: -0.09% | $-0.62 +2025-03-10 12:20:37,978 - INFO - OPENED SHORT at 2066.79 | Stop loss: 2077.1239499999997 | Take profit: 2035.7881499999999 +2025-03-10 12:20:38,097 - INFO - CLOSED short at 2065.69 | PnL: 0.05% | $-0.15 +2025-03-10 12:20:38,139 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.44105 | Take profit: 2100.8368499999997 +2025-03-10 12:20:38,177 - INFO - CLOSED long at 2072.0 | PnL: 0.11% | $0.02 +2025-03-10 12:20:38,178 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3599999999997 | Take profit: 2040.92 +2025-03-10 12:20:38,217 - INFO - CLOSED short at 2074.3 | PnL: -0.11% | $-0.68 +2025-03-10 12:20:38,310 - INFO - OPENED LONG at 2075.01 | Stop loss: 2064.63495 | Take profit: 2106.13515 +2025-03-10 12:20:38,525 - INFO - CLOSED long at 2073.23 | PnL: -0.09% | $-0.59 +2025-03-10 12:20:38,621 - INFO - OPENED LONG at 2068.15 | Stop loss: 2057.8092500000002 | Take profit: 2099.17225 +2025-03-10 12:20:38,668 - INFO - CLOSED long at 2068.39 | PnL: 0.01% | $-0.28 +2025-03-10 12:20:38,669 - INFO - OPENED SHORT at 2068.39 | Stop loss: 2078.73195 | Take profit: 2037.3641499999999 +2025-03-10 12:20:38,716 - INFO - CLOSED short at 2069.69 | PnL: -0.06% | $-0.51 +2025-03-10 12:20:38,756 - INFO - OPENED LONG at 2069.03 | Stop loss: 2058.68485 | Take profit: 2100.06545 +2025-03-10 12:20:38,865 - INFO - CLOSED long at 2072.99 | PnL: 0.19% | $0.29 +2025-03-10 12:20:38,866 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.3549499999995 | Take profit: 2041.8951499999998 +2025-03-10 12:20:38,910 - INFO - CLOSED short at 2071.49 | PnL: 0.07% | $-0.09 +2025-03-10 12:20:38,910 - INFO - OPENED LONG at 2071.49 | Stop loss: 2061.13255 | Take profit: 2102.5623499999997 +2025-03-10 12:20:38,951 - INFO - CLOSED long at 2069.87 | PnL: -0.08% | $-0.56 +2025-03-10 12:20:39,072 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3714999999997 | Take profit: 2096.6854999999996 +2025-03-10 12:20:39,208 - INFO - CLOSED long at 2063.97 | PnL: -0.08% | $-0.57 +2025-03-10 12:20:39,254 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8224999999998 | Take profit: 2033.5325 +2025-03-10 12:20:39,301 - INFO - CLOSED short at 2065.3 | PnL: -0.04% | $-0.43 +2025-03-10 12:20:39,302 - INFO - OPENED LONG at 2065.3 | Stop loss: 2054.9735 | Take profit: 2096.2795 +2025-03-10 12:20:39,346 - INFO - CLOSED long at 2064.4 | PnL: -0.04% | $-0.44 +2025-03-10 12:20:39,346 - INFO - OPENED SHORT at 2064.4 | Stop loss: 2074.7219999999998 | Take profit: 2033.434 +2025-03-10 12:20:39,449 - INFO - CLOSED short at 2065.5 | PnL: -0.05% | $-0.47 +2025-03-10 12:20:39,497 - INFO - OPENED LONG at 2067.53 | Stop loss: 2057.1923500000003 | Take profit: 2098.54295 +2025-03-10 12:20:39,546 - INFO - CLOSED long at 2065.29 | PnL: -0.11% | $-0.63 +2025-03-10 12:20:39,547 - INFO - OPENED SHORT at 2065.29 | Stop loss: 2075.6164499999995 | Take profit: 2034.31065 +2025-03-10 12:20:39,684 - INFO - CLOSED short at 2066.5 | PnL: -0.06% | $-0.48 +2025-03-10 12:20:39,684 - INFO - OPENED LONG at 2066.5 | Stop loss: 2056.1675 | Take profit: 2097.4975 +2025-03-10 12:20:39,766 - INFO - CLOSED long at 2071.59 | PnL: 0.25% | $0.44 +2025-03-10 12:20:39,766 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.9479499999998 | Take profit: 2040.5161500000002 +2025-03-10 12:20:39,855 - INFO - CLOSED short at 2071.35 | PnL: 0.01% | $-0.27 +2025-03-10 12:20:39,855 - INFO - OPENED LONG at 2071.35 | Stop loss: 2060.99325 | Take profit: 2102.4202499999997 +2025-03-10 12:20:39,905 - INFO - CLOSED long at 2070.9 | PnL: -0.02% | $-0.37 +2025-03-10 12:20:39,993 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0534999999995 | Take profit: 2039.6394999999998 +2025-03-10 12:20:40,035 - INFO - CLOSED short at 2070.8 | PnL: -0.00% | $-0.31 +2025-03-10 12:20:40,036 - INFO - OPENED LONG at 2070.8 | Stop loss: 2060.4460000000004 | Take profit: 2101.862 +2025-03-10 12:20:40,196 - INFO - CLOSED long at 2068.19 | PnL: -0.13% | $-0.67 +2025-03-10 12:20:40,314 - INFO - OPENED SHORT at 2069.78 | Stop loss: 2080.1289 | Take profit: 2038.7333 +2025-03-10 12:20:40,428 - INFO - CLOSED short at 2075.07 | PnL: -0.26% | $-1.05 +2025-03-10 12:20:40,615 - INFO - OPENED LONG at 2075.29 | Stop loss: 2064.9135499999998 | Take profit: 2106.4193499999997 +2025-03-10 12:20:40,652 - INFO - CLOSED long at 2076.9 | PnL: 0.08% | $-0.07 +2025-03-10 12:20:40,737 - INFO - OPENED LONG at 2074.0 | Stop loss: 2063.63 | Take profit: 2105.1099999999997 +2025-03-10 12:20:40,812 - INFO - CLOSED long at 2069.97 | PnL: -0.19% | $-0.86 +2025-03-10 12:20:40,813 - INFO - OPENED SHORT at 2069.97 | Stop loss: 2080.3198499999994 | Take profit: 2038.9204499999998 +2025-03-10 12:20:40,890 - INFO - CLOSED short at 2067.0 | PnL: 0.14% | $0.13 +2025-03-10 12:20:40,930 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2394999999997 | Take profit: 2036.8815 +2025-03-10 12:20:40,978 - INFO - CLOSED short at 2066.4 | PnL: 0.07% | $-0.08 +2025-03-10 12:20:41,107 - INFO - OPENED LONG at 2065.45 | Stop loss: 2055.12275 | Take profit: 2096.4317499999997 +2025-03-10 12:20:41,189 - INFO - CLOSED long at 2069.0 | PnL: 0.17% | $0.21 +2025-03-10 12:20:41,308 - INFO - OPENED LONG at 2067.19 | Stop loss: 2056.85405 | Take profit: 2098.19785 +2025-03-10 12:20:41,437 - INFO - CLOSED long at 2065.8 | PnL: -0.07% | $-0.48 +2025-03-10 12:20:41,476 - INFO - OPENED SHORT at 2065.07 | Stop loss: 2075.39535 | Take profit: 2034.0939500000002 +2025-03-10 12:20:41,560 - INFO - CLOSED short at 2063.39 | PnL: 0.08% | $-0.05 +2025-03-10 12:20:41,561 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.07305 | Take profit: 2094.3408499999996 +2025-03-10 12:20:41,602 - INFO - CLOSED long at 2062.34 | PnL: -0.05% | $-0.43 +2025-03-10 12:20:41,603 - INFO - OPENED SHORT at 2062.34 | Stop loss: 2072.6517 | Take profit: 2031.4049000000002 +2025-03-10 12:20:41,681 - INFO - CLOSED short at 2066.1 | PnL: -0.18% | $-0.80 +2025-03-10 12:20:41,682 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7695 | Take profit: 2097.0914999999995 +2025-03-10 12:20:41,874 - INFO - CLOSED long at 2063.01 | PnL: -0.15% | $-0.70 +2025-03-10 12:20:41,916 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:20:41,957 - INFO - CLOSED short at 2060.2 | PnL: 0.02% | $-0.21 +2025-03-10 12:20:41,958 - INFO - OPENED LONG at 2060.2 | Stop loss: 2049.899 | Take profit: 2091.1029999999996 +2025-03-10 12:20:42,037 - INFO - CLOSED long at 2058.09 | PnL: -0.10% | $-0.56 +2025-03-10 12:20:42,078 - INFO - OPENED SHORT at 2058.65 | Stop loss: 2068.94325 | Take profit: 2027.77025 +2025-03-10 12:20:42,282 - INFO - CLOSED short at 2051.99 | PnL: 0.32% | $0.62 +2025-03-10 12:20:42,283 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7300499999997 | Take profit: 2082.7698499999997 +2025-03-10 12:20:42,369 - INFO - CLOSED long at 2056.85 | PnL: 0.24% | $0.38 +2025-03-10 12:20:42,370 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.1342499999996 | Take profit: 2025.99725 +2025-03-10 12:20:42,411 - INFO - CLOSED short at 2057.11 | PnL: -0.01% | $-0.32 +2025-03-10 12:20:42,452 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1794499999996 | Take profit: 2027.02165 +2025-03-10 12:20:42,493 - INFO - CLOSED short at 2062.83 | PnL: -0.24% | $-0.95 +2025-03-10 12:20:42,794 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8274499999998 | Take profit: 2036.4776499999998 +2025-03-10 12:20:42,834 - INFO - CLOSED short at 2066.59 | PnL: 0.04% | $-0.16 +2025-03-10 12:20:42,834 - INFO - OPENED LONG at 2066.59 | Stop loss: 2056.25705 | Take profit: 2097.58885 +2025-03-10 12:20:42,959 - INFO - CLOSED long at 2059.9 | PnL: -0.32% | $-1.16 +2025-03-10 12:20:42,960 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.1994999999997 | Take profit: 2029.0015 +2025-03-10 12:20:43,038 - INFO - CLOSED short at 2061.84 | PnL: -0.09% | $-0.52 +2025-03-10 12:20:43,114 - INFO - OPENED LONG at 2065.72 | Stop loss: 2055.3914 | Take profit: 2096.7057999999997 +2025-03-10 12:20:43,155 - INFO - CLOSED long at 2070.31 | PnL: 0.22% | $0.33 +2025-03-10 12:20:43,156 - INFO - OPENED SHORT at 2070.31 | Stop loss: 2080.66155 | Take profit: 2039.25535 +2025-03-10 12:20:43,237 - INFO - CLOSED short at 2069.34 | PnL: 0.05% | $-0.14 +2025-03-10 12:20:43,238 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9933 | Take profit: 2100.3801 +2025-03-10 12:20:43,278 - INFO - CLOSED long at 2069.81 | PnL: 0.02% | $-0.21 +2025-03-10 12:20:43,496 - INFO - OPENED LONG at 2071.89 | Stop loss: 2061.53055 | Take profit: 2102.9683499999996 +2025-03-10 12:20:43,688 - INFO - CLOSED long at 2085.56 | PnL: 0.66% | $1.50 +2025-03-10 12:20:43,689 - INFO - OPENED SHORT at 2085.56 | Stop loss: 2095.9878 | Take profit: 2054.2766 +2025-03-10 12:20:43,765 - INFO - CLOSED short at 2103.02 | PnL: -0.84% | $-2.56 +2025-03-10 12:20:44,028 - INFO - OPENED SHORT at 2141.41 | Stop loss: 2152.11705 | Take profit: 2109.28885 +2025-03-10 12:20:44,068 - INFO - CLOSED short at 2141.3 | PnL: 0.01% | $-0.25 +2025-03-10 12:20:44,068 - INFO - OPENED LONG at 2141.3 | Stop loss: 2130.5935 | Take profit: 2173.4195 +2025-03-10 12:20:44,237 - INFO - STOP LOSS hit for long at 2130.5935 | PnL: -0.50% | $-1.57 +2025-03-10 12:20:44,357 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.6954499999997 | Take profit: 2089.27365 +2025-03-10 12:20:44,435 - INFO - CLOSED short at 2117.24 | PnL: 0.18% | $0.21 +2025-03-10 12:20:44,435 - INFO - OPENED LONG at 2117.24 | Stop loss: 2106.6537999999996 | Take profit: 2148.9985999999994 +2025-03-10 12:20:44,752 - INFO - CLOSED long at 2110.6 | PnL: -0.31% | $-1.06 +2025-03-10 12:20:44,752 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.153 | Take profit: 2078.941 +2025-03-10 12:20:44,796 - INFO - CLOSED short at 2109.05 | PnL: 0.07% | $-0.07 +2025-03-10 12:20:44,797 - INFO - OPENED LONG at 2109.05 | Stop loss: 2098.50475 | Take profit: 2140.68575 +2025-03-10 12:20:44,983 - INFO - CLOSED long at 2112.99 | PnL: 0.19% | $0.22 +2025-03-10 12:20:45,059 - INFO - OPENED SHORT at 2116.48 | Stop loss: 2127.0624 | Take profit: 2084.7327999999998 +2025-03-10 12:20:45,174 - INFO - CLOSED short at 2108.71 | PnL: 0.37% | $0.68 +2025-03-10 12:20:45,174 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.16645 | Take profit: 2140.3406499999996 +2025-03-10 12:20:45,249 - INFO - CLOSED long at 2108.06 | PnL: -0.03% | $-0.33 +2025-03-10 12:20:45,288 - INFO - OPENED LONG at 2103.33 | Stop loss: 2092.81335 | Take profit: 2134.8799499999996 +2025-03-10 12:20:45,329 - INFO - CLOSED long at 2100.5 | PnL: -0.13% | $-0.60 +2025-03-10 12:20:45,330 - INFO - OPENED SHORT at 2100.5 | Stop loss: 2111.0024999999996 | Take profit: 2068.9925 +2025-03-10 12:20:45,634 - INFO - CLOSED short at 2098.9 | PnL: 0.08% | $-0.06 +2025-03-10 12:20:45,634 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.4055000000003 | Take profit: 2130.3835 +2025-03-10 12:20:45,803 - INFO - CLOSED long at 2100.74 | PnL: 0.09% | $-0.03 +2025-03-10 12:20:45,843 - INFO - OPENED LONG at 2103.86 | Stop loss: 2093.3407 | Take profit: 2135.4179 +2025-03-10 12:20:45,882 - INFO - CLOSED long at 2104.68 | PnL: 0.04% | $-0.15 +2025-03-10 12:20:46,271 - INFO - OPENED SHORT at 2094.72 | Stop loss: 2105.1935999999996 | Take profit: 2063.2992 +2025-03-10 12:20:46,312 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 14.7% in downtrends | Avg Win=$0.38, Avg Loss=$-0.47 +2025-03-10 12:20:46,314 - INFO - Episode 2: Reward=-103.86, Balance=$62.72, Win Rate=54.3%, Trades=127, Episode PnL=$-25.21, Total PnL=$-113.13, Max Drawdown=37.8%, Pred Accuracy=98.7% +2025-03-10 12:20:46,338 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 12:20:46,718 - INFO - OPENED SHORT at 2055.31 | Stop loss: 2065.5865499999995 | Take profit: 2024.4803499999998 +2025-03-10 12:20:46,797 - INFO - CLOSED short at 2062.9 | PnL: -0.37% | $-1.88 +2025-03-10 12:20:46,875 - INFO - OPENED SHORT at 2062.5 | Stop loss: 2072.8125 | Take profit: 2031.5625 +2025-03-10 12:20:46,992 - INFO - CLOSED short at 2067.0 | PnL: -0.22% | $-1.25 +2025-03-10 12:20:47,156 - INFO - OPENED SHORT at 2061.01 | Stop loss: 2071.31505 | Take profit: 2030.0948500000002 +2025-03-10 12:20:47,275 - INFO - CLOSED short at 2063.84 | PnL: -0.14% | $-0.92 +2025-03-10 12:20:47,401 - INFO - OPENED LONG at 2059.4 | Stop loss: 2049.103 | Take profit: 2090.2909999999997 +2025-03-10 12:20:47,558 - INFO - CLOSED long at 2060.1 | PnL: 0.03% | $-0.25 +2025-03-10 12:20:47,559 - INFO - OPENED SHORT at 2060.1 | Stop loss: 2070.4004999999997 | Take profit: 2029.1985 +2025-03-10 12:20:47,674 - INFO - CLOSED short at 2056.9 | PnL: 0.16% | $0.21 +2025-03-10 12:20:47,674 - INFO - OPENED LONG at 2056.9 | Stop loss: 2046.6155 | Take profit: 2087.7535 +2025-03-10 12:20:47,713 - INFO - CLOSED long at 2057.59 | PnL: 0.03% | $-0.25 +2025-03-10 12:20:47,785 - INFO - OPENED LONG at 2057.99 | Stop loss: 2047.7000499999997 | Take profit: 2088.8598499999994 +2025-03-10 12:20:47,942 - INFO - CLOSED long at 2056.4 | PnL: -0.08% | $-0.68 +2025-03-10 12:20:48,054 - INFO - OPENED LONG at 2052.7 | Stop loss: 2042.4364999999998 | Take profit: 2083.4904999999994 +2025-03-10 12:20:48,218 - INFO - CLOSED long at 2052.25 | PnL: -0.02% | $-0.46 +2025-03-10 12:20:48,295 - INFO - OPENED LONG at 2050.44 | Stop loss: 2040.1878000000002 | Take profit: 2081.1965999999998 +2025-03-10 12:20:48,337 - INFO - CLOSED long at 2049.49 | PnL: -0.05% | $-0.55 +2025-03-10 12:20:48,337 - INFO - OPENED SHORT at 2049.49 | Stop loss: 2059.7374499999996 | Take profit: 2018.7476499999998 +2025-03-10 12:20:48,456 - INFO - CLOSED short at 2051.99 | PnL: -0.12% | $-0.83 +2025-03-10 12:20:48,779 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.76005 | Take profit: 2076.67985 +2025-03-10 12:20:48,859 - INFO - CLOSED long at 2045.79 | PnL: -0.01% | $-0.41 +2025-03-10 12:20:48,901 - INFO - OPENED LONG at 2048.13 | Stop loss: 2037.8893500000001 | Take profit: 2078.8519499999998 +2025-03-10 12:20:48,939 - INFO - CLOSED long at 2047.59 | PnL: -0.03% | $-0.47 +2025-03-10 12:20:48,976 - INFO - OPENED LONG at 2048.51 | Stop loss: 2038.2674500000003 | Take profit: 2079.23765 +2025-03-10 12:20:49,016 - INFO - CLOSED long at 2050.0 | PnL: 0.07% | $-0.10 +2025-03-10 12:20:49,099 - INFO - OPENED SHORT at 2049.89 | Stop loss: 2060.1394499999997 | Take profit: 2019.1416499999998 +2025-03-10 12:20:49,218 - INFO - CLOSED short at 2051.89 | PnL: -0.10% | $-0.73 +2025-03-10 12:20:49,258 - INFO - OPENED SHORT at 2052.3 | Stop loss: 2062.5615 | Take profit: 2021.5155000000002 +2025-03-10 12:20:49,297 - INFO - CLOSED short at 2055.69 | PnL: -0.17% | $-0.97 +2025-03-10 12:20:49,337 - INFO - OPENED SHORT at 2057.01 | Stop loss: 2067.29505 | Take profit: 2026.1548500000001 +2025-03-10 12:20:49,376 - INFO - CLOSED short at 2056.89 | PnL: 0.01% | $-0.34 +2025-03-10 12:20:49,377 - INFO - OPENED LONG at 2056.89 | Stop loss: 2046.6055499999998 | Take profit: 2087.7433499999997 +2025-03-10 12:20:49,420 - INFO - CLOSED long at 2058.39 | PnL: 0.07% | $-0.10 +2025-03-10 12:20:49,541 - INFO - OPENED LONG at 2061.49 | Stop loss: 2051.18255 | Take profit: 2092.4123499999996 +2025-03-10 12:20:49,615 - INFO - CLOSED long at 2064.61 | PnL: 0.15% | $0.18 +2025-03-10 12:20:49,818 - INFO - OPENED LONG at 2060.99 | Stop loss: 2050.6850499999996 | Take profit: 2091.9048499999994 +2025-03-10 12:20:49,899 - INFO - CLOSED long at 2060.0 | PnL: -0.05% | $-0.53 +2025-03-10 12:20:49,899 - INFO - OPENED SHORT at 2060.0 | Stop loss: 2070.2999999999997 | Take profit: 2029.1 +2025-03-10 12:20:50,070 - INFO - CLOSED short at 2059.49 | PnL: 0.02% | $-0.27 +2025-03-10 12:20:50,304 - INFO - OPENED SHORT at 2061.18 | Stop loss: 2071.4858999999997 | Take profit: 2030.2622999999999 +2025-03-10 12:20:50,345 - INFO - CLOSED short at 2064.32 | PnL: -0.15% | $-0.90 +2025-03-10 12:20:50,346 - INFO - OPENED LONG at 2064.32 | Stop loss: 2053.9984 | Take profit: 2095.2848 +2025-03-10 12:20:50,532 - INFO - CLOSED long at 2067.89 | PnL: 0.17% | $0.26 +2025-03-10 12:20:50,533 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:20:50,572 - INFO - CLOSED short at 2071.63 | PnL: -0.18% | $-1.00 +2025-03-10 12:20:50,613 - INFO - OPENED SHORT at 2070.99 | Stop loss: 2081.3449499999997 | Take profit: 2039.9251499999998 +2025-03-10 12:20:50,650 - INFO - CLOSED short at 2069.6 | PnL: 0.07% | $-0.12 +2025-03-10 12:20:50,651 - INFO - OPENED LONG at 2069.6 | Stop loss: 2059.252 | Take profit: 2100.644 +2025-03-10 12:20:51,038 - INFO - CLOSED long at 2072.33 | PnL: 0.13% | $0.11 +2025-03-10 12:20:51,039 - INFO - OPENED SHORT at 2072.33 | Stop loss: 2082.6916499999998 | Take profit: 2041.24505 +2025-03-10 12:20:51,077 - INFO - CLOSED short at 2071.38 | PnL: 0.05% | $-0.19 +2025-03-10 12:20:51,077 - INFO - OPENED LONG at 2071.38 | Stop loss: 2061.0231 | Take profit: 2102.4507 +2025-03-10 12:20:51,276 - INFO - CLOSED long at 2070.79 | PnL: -0.03% | $-0.45 +2025-03-10 12:20:51,406 - INFO - OPENED LONG at 2067.2 | Stop loss: 2056.864 | Take profit: 2098.2079999999996 +2025-03-10 12:20:51,604 - INFO - CLOSED long at 2069.19 | PnL: 0.10% | $-0.01 +2025-03-10 12:20:51,605 - INFO - OPENED SHORT at 2069.19 | Stop loss: 2079.53595 | Take profit: 2038.1521500000001 +2025-03-10 12:20:51,773 - INFO - CLOSED short at 2069.01 | PnL: 0.01% | $-0.32 +2025-03-10 12:20:51,774 - INFO - OPENED LONG at 2069.01 | Stop loss: 2058.6649500000003 | Take profit: 2100.04515 +2025-03-10 12:20:51,856 - INFO - CLOSED long at 2065.99 | PnL: -0.15% | $-0.85 +2025-03-10 12:20:51,856 - INFO - OPENED SHORT at 2065.99 | Stop loss: 2076.3199499999996 | Take profit: 2035.0001499999998 +2025-03-10 12:20:51,982 - INFO - CLOSED short at 2065.08 | PnL: 0.04% | $-0.19 +2025-03-10 12:20:51,983 - INFO - OPENED LONG at 2065.08 | Stop loss: 2054.7545999999998 | Take profit: 2096.0561999999995 +2025-03-10 12:20:52,067 - INFO - CLOSED long at 2068.76 | PnL: 0.18% | $0.27 +2025-03-10 12:20:52,108 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.5555 | Take profit: 2099.9335 +2025-03-10 12:20:52,146 - INFO - CLOSED long at 2068.51 | PnL: -0.02% | $-0.41 +2025-03-10 12:20:52,147 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.85255 | Take profit: 2037.4823500000002 +2025-03-10 12:20:52,265 - INFO - CLOSED short at 2070.4 | PnL: -0.09% | $-0.66 +2025-03-10 12:20:52,593 - INFO - OPENED LONG at 2072.15 | Stop loss: 2061.7892500000003 | Take profit: 2103.23225 +2025-03-10 12:20:52,673 - INFO - CLOSED long at 2073.9 | PnL: 0.08% | $-0.05 +2025-03-10 12:20:52,819 - INFO - OPENED LONG at 2069.46 | Stop loss: 2059.1127 | Take profit: 2100.5018999999998 +2025-03-10 12:20:52,972 - INFO - CLOSED long at 2067.79 | PnL: -0.08% | $-0.61 +2025-03-10 12:20:53,018 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.7972999999997 | Take profit: 2036.4481 +2025-03-10 12:20:53,097 - INFO - CLOSED short at 2065.49 | PnL: 0.10% | $-0.02 +2025-03-10 12:20:53,137 - INFO - OPENED LONG at 2063.61 | Stop loss: 2053.2919500000003 | Take profit: 2094.56415 +2025-03-10 12:20:53,215 - INFO - CLOSED long at 2067.89 | PnL: 0.21% | $0.36 +2025-03-10 12:20:53,216 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:20:53,258 - INFO - CLOSED short at 2068.58 | PnL: -0.03% | $-0.45 +2025-03-10 12:20:53,258 - INFO - OPENED LONG at 2068.58 | Stop loss: 2058.2371 | Take profit: 2099.6086999999998 +2025-03-10 12:20:53,431 - INFO - CLOSED long at 2067.59 | PnL: -0.05% | $-0.50 +2025-03-10 12:20:53,431 - INFO - OPENED SHORT at 2067.59 | Stop loss: 2077.92795 | Take profit: 2036.57615 +2025-03-10 12:20:53,474 - INFO - CLOSED short at 2069.2 | PnL: -0.08% | $-0.60 +2025-03-10 12:20:53,597 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0534999999995 | Take profit: 2039.6394999999998 +2025-03-10 12:20:53,719 - INFO - CLOSED short at 2068.5 | PnL: 0.11% | $0.02 +2025-03-10 12:20:53,765 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.03345 | Take profit: 2037.65965 +2025-03-10 12:20:54,024 - INFO - CLOSED short at 2066.39 | PnL: 0.11% | $0.04 +2025-03-10 12:20:54,185 - INFO - OPENED LONG at 2068.18 | Stop loss: 2057.8390999999997 | Take profit: 2099.2027 +2025-03-10 12:20:54,226 - INFO - CLOSED long at 2065.69 | PnL: -0.12% | $-0.73 +2025-03-10 12:20:54,227 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.01845 | Take profit: 2034.7046500000001 +2025-03-10 12:20:54,266 - INFO - CLOSED short at 2067.88 | PnL: -0.11% | $-0.68 +2025-03-10 12:20:54,266 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.5406000000003 | Take profit: 2098.8982 +2025-03-10 12:20:54,482 - INFO - CLOSED long at 2062.89 | PnL: -0.24% | $-1.12 +2025-03-10 12:20:54,644 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6065 | Take profit: 2030.3805000000002 +2025-03-10 12:20:54,722 - INFO - CLOSED short at 2064.96 | PnL: -0.18% | $-0.89 +2025-03-10 12:20:54,723 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.6352 | Take profit: 2095.9343999999996 +2025-03-10 12:20:54,799 - INFO - CLOSED long at 2067.1 | PnL: 0.10% | $0.01 +2025-03-10 12:20:54,800 - INFO - OPENED SHORT at 2067.1 | Stop loss: 2077.4354999999996 | Take profit: 2036.0935 +2025-03-10 12:20:54,954 - INFO - CLOSED short at 2064.08 | PnL: 0.15% | $0.15 +2025-03-10 12:20:54,955 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.7596 | Take profit: 2095.0411999999997 +2025-03-10 12:20:55,122 - INFO - CLOSED long at 2063.5 | PnL: -0.03% | $-0.41 +2025-03-10 12:20:55,122 - INFO - OPENED SHORT at 2063.5 | Stop loss: 2073.8174999999997 | Take profit: 2032.5475 +2025-03-10 12:20:55,235 - INFO - CLOSED short at 2060.65 | PnL: 0.14% | $0.12 +2025-03-10 12:20:55,235 - INFO - OPENED LONG at 2060.65 | Stop loss: 2050.34675 | Take profit: 2091.55975 +2025-03-10 12:20:55,318 - INFO - CLOSED long at 2059.3 | PnL: -0.07% | $-0.53 +2025-03-10 12:20:55,318 - INFO - OPENED SHORT at 2059.3 | Stop loss: 2069.5965 | Take profit: 2028.4105000000002 +2025-03-10 12:20:55,454 - INFO - CLOSED short at 2064.7 | PnL: -0.26% | $-1.15 +2025-03-10 12:20:55,454 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.3765 | Take profit: 2095.6704999999997 +2025-03-10 12:20:55,494 - INFO - CLOSED long at 2062.61 | PnL: -0.10% | $-0.63 +2025-03-10 12:20:55,534 - INFO - OPENED LONG at 2060.91 | Stop loss: 2050.60545 | Take profit: 2091.82365 +2025-03-10 12:20:55,653 - INFO - CLOSED long at 2061.9 | PnL: 0.05% | $-0.16 +2025-03-10 12:20:55,654 - INFO - OPENED SHORT at 2061.9 | Stop loss: 2072.2095 | Take profit: 2030.9715 +2025-03-10 12:20:55,729 - INFO - CLOSED short at 2065.36 | PnL: -0.17% | $-0.83 +2025-03-10 12:20:55,767 - INFO - OPENED SHORT at 2064.33 | Stop loss: 2074.65165 | Take profit: 2033.3650499999999 +2025-03-10 12:20:55,808 - INFO - CLOSED short at 2063.39 | PnL: 0.05% | $-0.17 +2025-03-10 12:20:55,809 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.07305 | Take profit: 2094.3408499999996 +2025-03-10 12:20:55,891 - INFO - CLOSED long at 2065.89 | PnL: 0.12% | $0.06 +2025-03-10 12:20:55,892 - INFO - OPENED SHORT at 2065.89 | Stop loss: 2076.2194499999996 | Take profit: 2034.9016499999998 +2025-03-10 12:20:55,932 - INFO - CLOSED short at 2063.53 | PnL: 0.11% | $0.04 +2025-03-10 12:20:56,086 - INFO - OPENED LONG at 2061.7 | Stop loss: 2051.3914999999997 | Take profit: 2092.6254999999996 +2025-03-10 12:20:56,171 - INFO - CLOSED long at 2061.09 | PnL: -0.03% | $-0.40 +2025-03-10 12:20:56,172 - INFO - OPENED SHORT at 2061.09 | Stop loss: 2071.39545 | Take profit: 2030.1736500000002 +2025-03-10 12:20:56,343 - INFO - CLOSED short at 2058.89 | PnL: 0.11% | $0.02 +2025-03-10 12:20:56,469 - INFO - OPENED LONG at 2057.4 | Stop loss: 2047.113 | Take profit: 2088.261 +2025-03-10 12:20:56,548 - INFO - CLOSED long at 2056.28 | PnL: -0.05% | $-0.47 +2025-03-10 12:20:56,550 - INFO - OPENED SHORT at 2056.28 | Stop loss: 2066.5614 | Take profit: 2025.4358000000002 +2025-03-10 12:20:56,899 - INFO - CLOSED short at 2061.5 | PnL: -0.25% | $-1.07 +2025-03-10 12:20:56,937 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.908 | Take profit: 2030.676 +2025-03-10 12:20:56,976 - INFO - CLOSED short at 2061.3 | PnL: 0.01% | $-0.25 +2025-03-10 12:20:56,977 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9935 | Take profit: 2092.2195 +2025-03-10 12:20:57,102 - INFO - CLOSED long at 2066.36 | PnL: 0.25% | $0.43 +2025-03-10 12:20:57,102 - INFO - OPENED SHORT at 2066.36 | Stop loss: 2076.6918 | Take profit: 2035.3646 +2025-03-10 12:20:57,143 - INFO - CLOSED short at 2066.01 | PnL: 0.02% | $-0.25 +2025-03-10 12:20:57,144 - INFO - OPENED LONG at 2066.01 | Stop loss: 2055.67995 | Take profit: 2097.00015 +2025-03-10 12:20:57,260 - INFO - CLOSED long at 2066.33 | PnL: 0.02% | $-0.25 +2025-03-10 12:20:57,262 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6616499999996 | Take profit: 2035.33505 +2025-03-10 12:20:57,302 - INFO - CLOSED short at 2066.34 | PnL: -0.00% | $-0.30 +2025-03-10 12:20:57,420 - INFO - OPENED LONG at 2067.01 | Stop loss: 2056.67495 | Take profit: 2098.01515 +2025-03-10 12:20:57,542 - INFO - CLOSED long at 2072.0 | PnL: 0.24% | $0.42 +2025-03-10 12:20:57,650 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.38505 | Take profit: 2043.8848500000001 +2025-03-10 12:20:57,687 - INFO - CLOSED short at 2072.6 | PnL: 0.12% | $0.05 +2025-03-10 12:20:57,947 - INFO - OPENED SHORT at 2068.15 | Stop loss: 2078.49075 | Take profit: 2037.12775 +2025-03-10 12:20:58,134 - INFO - CLOSED short at 2067.44 | PnL: 0.03% | $-0.19 +2025-03-10 12:20:58,135 - INFO - OPENED LONG at 2067.44 | Stop loss: 2057.1028 | Take profit: 2098.4516 +2025-03-10 12:20:58,264 - INFO - CLOSED long at 2071.49 | PnL: 0.20% | $0.28 +2025-03-10 12:20:58,493 - INFO - OPENED LONG at 2065.66 | Stop loss: 2055.3316999999997 | Take profit: 2096.6449 +2025-03-10 12:20:58,572 - INFO - CLOSED long at 2063.97 | PnL: -0.08% | $-0.54 +2025-03-10 12:20:58,729 - INFO - OPENED SHORT at 2064.31 | Stop loss: 2074.6315499999996 | Take profit: 2033.3453499999998 +2025-03-10 12:20:58,859 - INFO - CLOSED short at 2065.29 | PnL: -0.05% | $-0.43 +2025-03-10 12:20:58,899 - INFO - OPENED SHORT at 2065.31 | Stop loss: 2075.6365499999997 | Take profit: 2034.33035 +2025-03-10 12:20:59,145 - INFO - CLOSED short at 2071.35 | PnL: -0.29% | $-1.15 +2025-03-10 12:20:59,185 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.5455 | Take profit: 2101.9635 +2025-03-10 12:20:59,225 - INFO - CLOSED long at 2069.69 | PnL: -0.06% | $-0.46 +2025-03-10 12:20:59,266 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0534999999995 | Take profit: 2039.6394999999998 +2025-03-10 12:20:59,307 - INFO - CLOSED short at 2070.8 | PnL: -0.00% | $-0.30 +2025-03-10 12:20:59,349 - INFO - OPENED LONG at 2070.35 | Stop loss: 2059.99825 | Take profit: 2101.40525 +2025-03-10 12:20:59,469 - INFO - CLOSED long at 2068.19 | PnL: -0.10% | $-0.58 +2025-03-10 12:20:59,676 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.99815 | Take profit: 2105.48555 +2025-03-10 12:20:59,713 - INFO - CLOSED long at 2075.07 | PnL: 0.03% | $-0.19 +2025-03-10 12:20:59,713 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.44535 | Take profit: 2043.94395 +2025-03-10 12:20:59,798 - INFO - CLOSED short at 2073.27 | PnL: 0.09% | $-0.04 +2025-03-10 12:20:59,798 - INFO - OPENED LONG at 2073.27 | Stop loss: 2062.90365 | Take profit: 2104.36905 +2025-03-10 12:20:59,838 - INFO - CLOSED long at 2073.99 | PnL: 0.03% | $-0.18 +2025-03-10 12:20:59,875 - INFO - OPENED SHORT at 2075.32 | Stop loss: 2085.6965999999998 | Take profit: 2044.1902000000002 +2025-03-10 12:20:59,916 - INFO - CLOSED short at 2075.29 | PnL: 0.00% | $-0.28 +2025-03-10 12:21:00,073 - INFO - OPENED SHORT at 2072.09 | Stop loss: 2082.45045 | Take profit: 2041.0086500000002 +2025-03-10 12:21:00,155 - INFO - CLOSED short at 2067.7 | PnL: 0.21% | $0.31 +2025-03-10 12:21:00,231 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.5605 | Take profit: 2098.9184999999998 +2025-03-10 12:21:00,271 - INFO - CLOSED long at 2066.4 | PnL: -0.07% | $-0.49 +2025-03-10 12:21:00,350 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.5406000000003 | Take profit: 2098.8982 +2025-03-10 12:21:00,561 - INFO - CLOSED long at 2070.1 | PnL: 0.11% | $0.02 +2025-03-10 12:21:00,603 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.5259499999997 | Take profit: 2036.18215 +2025-03-10 12:21:00,979 - INFO - CLOSED short at 2066.1 | PnL: 0.05% | $-0.13 +2025-03-10 12:21:01,020 - INFO - OPENED LONG at 2065.06 | Stop loss: 2054.7347 | Take profit: 2096.0359 +2025-03-10 12:21:01,228 - INFO - CLOSED long at 2060.7 | PnL: -0.21% | $-0.87 +2025-03-10 12:21:01,311 - INFO - OPENED LONG at 2059.2 | Stop loss: 2048.904 | Take profit: 2090.0879999999997 +2025-03-10 12:21:01,515 - INFO - CLOSED long at 2049.21 | PnL: -0.49% | $-1.61 +2025-03-10 12:21:01,515 - INFO - OPENED SHORT at 2049.21 | Stop loss: 2059.45605 | Take profit: 2018.47185 +2025-03-10 12:21:01,594 - INFO - CLOSED short at 2051.99 | PnL: -0.14% | $-0.63 +2025-03-10 12:21:01,680 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.1342499999996 | Take profit: 2025.99725 +2025-03-10 12:21:01,721 - INFO - CLOSED short at 2057.11 | PnL: -0.01% | $-0.30 +2025-03-10 12:21:01,721 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.82445 | Take profit: 2087.96665 +2025-03-10 12:21:01,885 - INFO - CLOSED long at 2065.1 | PnL: 0.39% | $0.77 +2025-03-10 12:21:01,926 - INFO - OPENED LONG at 2062.43 | Stop loss: 2052.1178499999996 | Take profit: 2093.3664499999995 +2025-03-10 12:21:01,966 - INFO - CLOSED long at 2062.55 | PnL: 0.01% | $-0.25 +2025-03-10 12:21:02,008 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.7943999999998 | Take profit: 2096.0968 +2025-03-10 12:21:02,100 - INFO - CLOSED long at 2067.49 | PnL: 0.11% | $0.04 +2025-03-10 12:21:02,101 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8274499999998 | Take profit: 2036.4776499999998 +2025-03-10 12:21:02,141 - INFO - CLOSED short at 2066.59 | PnL: 0.04% | $-0.15 +2025-03-10 12:21:02,142 - INFO - OPENED LONG at 2066.59 | Stop loss: 2056.25705 | Take profit: 2097.58885 +2025-03-10 12:21:02,262 - INFO - CLOSED long at 2059.9 | PnL: -0.32% | $-1.13 +2025-03-10 12:21:02,302 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3965 | Take profit: 2091.6105 +2025-03-10 12:21:02,344 - INFO - CLOSED long at 2061.84 | PnL: 0.06% | $-0.12 +2025-03-10 12:21:02,387 - INFO - OPENED LONG at 2062.54 | Stop loss: 2052.2273 | Take profit: 2093.4781 +2025-03-10 12:21:02,679 - INFO - CLOSED long at 2073.49 | PnL: 0.53% | $1.13 +2025-03-10 12:21:02,720 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.42025 | Take profit: 2042.9392500000001 +2025-03-10 12:21:02,802 - INFO - CLOSED short at 2071.89 | PnL: 0.10% | $0.01 +2025-03-10 12:21:02,892 - INFO - OPENED LONG at 2074.9 | Stop loss: 2064.5255 | Take profit: 2106.0235 +2025-03-10 12:21:03,015 - INFO - CLOSED long at 2085.56 | PnL: 0.51% | $1.10 +2025-03-10 12:21:03,015 - INFO - OPENED SHORT at 2085.56 | Stop loss: 2095.9878 | Take profit: 2054.2766 +2025-03-10 12:21:03,053 - INFO - CLOSED short at 2090.49 | PnL: -0.24% | $-0.91 +2025-03-10 12:21:03,176 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2376999999997 | Take profit: 2107.4469 +2025-03-10 12:21:03,217 - INFO - CLOSED short at 2131.78 | PnL: 0.36% | $0.70 +2025-03-10 12:21:03,218 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.1211000000003 | Take profit: 2163.7567 +2025-03-10 12:21:03,342 - INFO - CLOSED long at 2141.41 | PnL: 0.45% | $0.95 +2025-03-10 12:21:03,381 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0065 | Take profit: 2109.1805 +2025-03-10 12:21:03,423 - INFO - CLOSED short at 2142.68 | PnL: -0.06% | $-0.45 +2025-03-10 12:21:03,423 - INFO - OPENED LONG at 2142.68 | Stop loss: 2131.9665999999997 | Take profit: 2174.8201999999997 +2025-03-10 12:21:03,465 - INFO - CLOSED long at 2140.01 | PnL: -0.12% | $-0.61 +2025-03-10 12:21:03,466 - INFO - OPENED SHORT at 2140.01 | Stop loss: 2150.71005 | Take profit: 2107.90985 +2025-03-10 12:21:03,509 - INFO - CLOSED short at 2134.78 | PnL: 0.24% | $0.39 +2025-03-10 12:21:03,550 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.3550499999997 | Take profit: 2158.8948499999997 +2025-03-10 12:21:03,631 - INFO - CLOSED long at 2128.69 | PnL: 0.08% | $-0.05 +2025-03-10 12:21:03,631 - INFO - OPENED SHORT at 2128.69 | Stop loss: 2139.3334499999996 | Take profit: 2096.75965 +2025-03-10 12:21:03,930 - INFO - CLOSED short at 2119.14 | PnL: 0.45% | $0.95 +2025-03-10 12:21:03,965 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.47465 | Take profit: 2150.85605 +2025-03-10 12:21:04,008 - INFO - CLOSED long at 2115.28 | PnL: -0.18% | $-0.77 +2025-03-10 12:21:04,009 - INFO - OPENED SHORT at 2115.28 | Stop loss: 2125.8564 | Take profit: 2083.5508 +2025-03-10 12:21:04,171 - INFO - CLOSED short at 2112.09 | PnL: 0.15% | $0.14 +2025-03-10 12:21:04,249 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.8977 | Take profit: 2144.1468999999997 +2025-03-10 12:21:04,449 - INFO - CLOSED long at 2114.8 | PnL: 0.11% | $0.03 +2025-03-10 12:21:04,490 - INFO - OPENED SHORT at 2110.9 | Stop loss: 2121.4545 | Take profit: 2079.2365 +2025-03-10 12:21:04,615 - INFO - CLOSED short at 2108.06 | PnL: 0.13% | $0.09 +2025-03-10 12:21:04,616 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.5197 | Take profit: 2139.6809 +2025-03-10 12:21:04,654 - INFO - CLOSED long at 2103.33 | PnL: -0.22% | $-0.89 +2025-03-10 12:21:04,692 - INFO - OPENED SHORT at 2100.5 | Stop loss: 2111.0024999999996 | Take profit: 2068.9925 +2025-03-10 12:21:04,736 - INFO - CLOSED short at 2090.0 | PnL: 0.50% | $1.08 +2025-03-10 12:21:04,737 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.55 | Take profit: 2121.35 +2025-03-10 12:21:04,821 - INFO - CLOSED long at 2098.1 | PnL: 0.39% | $0.79 +2025-03-10 12:21:04,984 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.4055000000003 | Take profit: 2130.3835 +2025-03-10 12:21:05,067 - INFO - CLOSED long at 2104.83 | PnL: 0.28% | $0.51 +2025-03-10 12:21:05,150 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.2362999999996 | Take profit: 2132.2510999999995 +2025-03-10 12:21:05,273 - INFO - CLOSED long at 2101.51 | PnL: 0.04% | $-0.18 +2025-03-10 12:21:05,407 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.8819499999995 | Take profit: 2066.91415 +2025-03-10 12:21:05,536 - INFO - CLOSED short at 2093.33 | PnL: 0.24% | $0.39 +2025-03-10 12:21:05,579 - INFO - OPENED SHORT at 2092.46 | Stop loss: 2102.9222999999997 | Take profit: 2061.0731 +2025-03-10 12:21:05,617 - INFO - CLOSED short at 2091.1 | PnL: 0.06% | $-0.10 +2025-03-10 12:21:05,701 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 25.0% in downtrends | Avg Win=$0.35, Avg Loss=$-0.52 +2025-03-10 12:21:05,701 - INFO - Episode 3: Reward=-72.64, Balance=$69.86, Win Rate=55.9%, Trades=118, Episode PnL=$-18.55, Total PnL=$-143.28, Max Drawdown=34.4%, Pred Accuracy=98.8% +2025-03-10 12:21:05,730 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 12:21:05,996 - INFO - OPENED SHORT at 2050.97 | Stop loss: 2061.2248499999996 | Take profit: 2020.2054499999997 +2025-03-10 12:21:06,201 - INFO - STOP LOSS hit for short at 2061.2248499999996 | PnL: -0.50% | $-2.40 +2025-03-10 12:21:06,246 - INFO - OPENED LONG at 2060.94 | Stop loss: 2050.6353 | Take profit: 2091.8541 +2025-03-10 12:21:06,446 - INFO - CLOSED long at 2066.35 | PnL: 0.26% | $0.63 +2025-03-10 12:21:06,487 - INFO - OPENED LONG at 2064.21 | Stop loss: 2053.88895 | Take profit: 2095.1731499999996 +2025-03-10 12:21:06,564 - INFO - CLOSED long at 2061.01 | PnL: -0.16% | $-1.00 +2025-03-10 12:21:06,564 - INFO - OPENED SHORT at 2061.01 | Stop loss: 2071.31505 | Take profit: 2030.0948500000002 +2025-03-10 12:21:06,889 - INFO - CLOSED short at 2059.03 | PnL: 0.10% | $-0.02 +2025-03-10 12:21:06,929 - INFO - OPENED LONG at 2059.4 | Stop loss: 2049.103 | Take profit: 2090.2909999999997 +2025-03-10 12:21:07,098 - INFO - CLOSED long at 2056.9 | PnL: -0.12% | $-0.86 +2025-03-10 12:21:07,138 - INFO - OPENED LONG at 2057.59 | Stop loss: 2047.3020500000002 | Take profit: 2088.45385 +2025-03-10 12:21:07,223 - INFO - CLOSED long at 2057.99 | PnL: 0.02% | $-0.31 +2025-03-10 12:21:07,392 - INFO - OPENED LONG at 2056.4 | Stop loss: 2046.1180000000002 | Take profit: 2087.246 +2025-03-10 12:21:07,437 - INFO - CLOSED long at 2055.39 | PnL: -0.05% | $-0.57 +2025-03-10 12:21:07,527 - INFO - OPENED LONG at 2052.7 | Stop loss: 2042.4364999999998 | Take profit: 2083.4904999999994 +2025-03-10 12:21:07,802 - INFO - CLOSED long at 2050.44 | PnL: -0.11% | $-0.80 +2025-03-10 12:21:08,197 - INFO - OPENED SHORT at 2046.58 | Stop loss: 2056.8129 | Take profit: 2015.8813 +2025-03-10 12:21:08,330 - INFO - CLOSED short at 2045.99 | PnL: 0.03% | $-0.27 +2025-03-10 12:21:08,374 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.76005 | Take profit: 2076.67985 +2025-03-10 12:21:08,662 - INFO - CLOSED long at 2050.24 | PnL: 0.21% | $0.41 +2025-03-10 12:21:08,771 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.85445 | Take profit: 2081.87665 +2025-03-10 12:21:08,824 - INFO - CLOSED long at 2053.26 | PnL: 0.10% | $0.02 +2025-03-10 12:21:08,922 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.0385 | Take profit: 2083.0845 +2025-03-10 12:21:09,089 - INFO - CLOSED long at 2058.39 | PnL: 0.30% | $0.75 +2025-03-10 12:21:09,173 - INFO - OPENED SHORT at 2059.7 | Stop loss: 2069.9984999999997 | Take profit: 2028.8044999999997 +2025-03-10 12:21:09,215 - INFO - CLOSED short at 2061.49 | PnL: -0.09% | $-0.71 +2025-03-10 12:21:09,389 - INFO - OPENED LONG at 2061.61 | Stop loss: 2051.30195 | Take profit: 2092.53415 +2025-03-10 12:21:09,517 - INFO - CLOSED long at 2060.99 | PnL: -0.03% | $-0.49 +2025-03-10 12:21:09,593 - INFO - OPENED SHORT at 2060.0 | Stop loss: 2070.2999999999997 | Take profit: 2029.1 +2025-03-10 12:21:09,791 - INFO - CLOSED short at 2057.8 | PnL: 0.11% | $0.03 +2025-03-10 12:21:09,792 - INFO - OPENED LONG at 2057.8 | Stop loss: 2047.5110000000002 | Take profit: 2088.667 +2025-03-10 12:21:09,832 - INFO - CLOSED long at 2057.89 | PnL: 0.00% | $-0.36 +2025-03-10 12:21:09,917 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.40055 | Take profit: 2027.23835 +2025-03-10 12:21:10,034 - INFO - CLOSED short at 2064.32 | PnL: -0.30% | $-1.51 +2025-03-10 12:21:10,198 - INFO - OPENED LONG at 2068.29 | Stop loss: 2057.94855 | Take profit: 2099.3143499999996 +2025-03-10 12:21:10,239 - INFO - CLOSED long at 2067.89 | PnL: -0.02% | $-0.44 +2025-03-10 12:21:10,323 - INFO - OPENED LONG at 2070.99 | Stop loss: 2060.63505 | Take profit: 2102.0548499999995 +2025-03-10 12:21:10,489 - INFO - CLOSED long at 2067.9 | PnL: -0.15% | $-0.92 +2025-03-10 12:21:10,490 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2394999999997 | Take profit: 2036.8815 +2025-03-10 12:21:10,526 - INFO - CLOSED short at 2067.69 | PnL: 0.01% | $-0.33 +2025-03-10 12:21:10,571 - INFO - OPENED LONG at 2070.26 | Stop loss: 2059.9087000000004 | Take profit: 2101.3139 +2025-03-10 12:21:10,653 - INFO - CLOSED long at 2073.73 | PnL: 0.17% | $0.25 +2025-03-10 12:21:10,933 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.5455 | Take profit: 2101.9635 +2025-03-10 12:21:11,147 - INFO - CLOSED long at 2067.2 | PnL: -0.18% | $-1.02 +2025-03-10 12:21:11,148 - INFO - OPENED SHORT at 2067.2 | Stop loss: 2077.5359999999996 | Take profit: 2036.1919999999998 +2025-03-10 12:21:11,187 - INFO - CLOSED short at 2070.36 | PnL: -0.15% | $-0.91 +2025-03-10 12:21:11,188 - INFO - OPENED LONG at 2070.36 | Stop loss: 2060.0082 | Take profit: 2101.4154 +2025-03-10 12:21:11,316 - INFO - CLOSED long at 2069.34 | PnL: -0.05% | $-0.53 +2025-03-10 12:21:11,318 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.6866999999997 | Take profit: 2038.2999000000002 +2025-03-10 12:21:11,453 - INFO - CLOSED short at 2067.6 | PnL: 0.08% | $-0.06 +2025-03-10 12:21:11,655 - INFO - OPENED SHORT at 2066.19 | Stop loss: 2076.5209499999996 | Take profit: 2035.19715 +2025-03-10 12:21:11,697 - INFO - CLOSED short at 2066.29 | PnL: -0.00% | $-0.37 +2025-03-10 12:21:11,780 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.5108999999998 | Take profit: 2035.1872999999998 +2025-03-10 12:21:11,948 - INFO - CLOSED short at 2068.59 | PnL: -0.12% | $-0.76 +2025-03-10 12:21:11,992 - INFO - OPENED SHORT at 2069.7 | Stop loss: 2080.0484999999994 | Take profit: 2038.6544999999999 +2025-03-10 12:21:12,156 - INFO - CLOSED short at 2071.39 | PnL: -0.08% | $-0.64 +2025-03-10 12:21:12,195 - INFO - OPENED SHORT at 2071.36 | Stop loss: 2081.7167999999997 | Take profit: 2040.2896 +2025-03-10 12:21:12,442 - INFO - CLOSED short at 2073.9 | PnL: -0.12% | $-0.77 +2025-03-10 12:21:12,443 - INFO - OPENED LONG at 2073.9 | Stop loss: 2063.5305000000003 | Take profit: 2105.0085 +2025-03-10 12:21:12,735 - INFO - CLOSED long at 2067.0 | PnL: -0.33% | $-1.49 +2025-03-10 12:21:12,736 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3349999999996 | Take profit: 2035.995 +2025-03-10 12:21:12,819 - INFO - CLOSED short at 2067.46 | PnL: -0.02% | $-0.41 +2025-03-10 12:21:12,820 - INFO - OPENED LONG at 2067.46 | Stop loss: 2057.1227 | Take profit: 2098.4719 +2025-03-10 12:21:12,990 - INFO - CLOSED long at 2065.26 | PnL: -0.11% | $-0.69 +2025-03-10 12:21:12,991 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.5863 | Take profit: 2034.2811000000002 +2025-03-10 12:21:13,032 - INFO - CLOSED short at 2067.89 | PnL: -0.13% | $-0.76 +2025-03-10 12:21:13,202 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.5207 | Take profit: 2098.8779 +2025-03-10 12:21:13,243 - INFO - CLOSED long at 2067.59 | PnL: -0.01% | $-0.37 +2025-03-10 12:21:13,244 - INFO - OPENED SHORT at 2067.59 | Stop loss: 2077.92795 | Take profit: 2036.57615 +2025-03-10 12:21:13,447 - INFO - CLOSED short at 2070.4 | PnL: -0.14% | $-0.78 +2025-03-10 12:21:13,447 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0480000000002 | Take profit: 2101.4559999999997 +2025-03-10 12:21:13,492 - INFO - CLOSED long at 2070.73 | PnL: 0.02% | $-0.27 +2025-03-10 12:21:13,493 - INFO - OPENED SHORT at 2070.73 | Stop loss: 2081.0836499999996 | Take profit: 2039.66905 +2025-03-10 12:21:13,536 - INFO - CLOSED short at 2068.5 | PnL: 0.11% | $0.02 +2025-03-10 12:21:13,538 - INFO - OPENED LONG at 2068.5 | Stop loss: 2058.1575 | Take profit: 2099.5274999999997 +2025-03-10 12:21:13,580 - INFO - CLOSED long at 2068.69 | PnL: 0.01% | $-0.30 +2025-03-10 12:21:13,581 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.03345 | Take profit: 2037.65965 +2025-03-10 12:21:13,713 - INFO - CLOSED short at 2067.86 | PnL: 0.04% | $-0.19 +2025-03-10 12:21:13,713 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.5207 | Take profit: 2098.8779 +2025-03-10 12:21:13,943 - INFO - CLOSED long at 2064.47 | PnL: -0.16% | $-0.85 +2025-03-10 12:21:14,074 - INFO - OPENED SHORT at 2068.18 | Stop loss: 2078.5208999999995 | Take profit: 2037.1572999999999 +2025-03-10 12:21:14,471 - INFO - CLOSED short at 2061.78 | PnL: 0.31% | $0.67 +2025-03-10 12:21:14,471 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.4711 | Take profit: 2092.7067 +2025-03-10 12:21:14,605 - INFO - CLOSED long at 2063.59 | PnL: 0.09% | $-0.04 +2025-03-10 12:21:14,606 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.90795 | Take profit: 2032.63615 +2025-03-10 12:21:14,643 - INFO - CLOSED short at 2064.96 | PnL: -0.07% | $-0.54 +2025-03-10 12:21:14,685 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.5711999999994 | Take profit: 2035.2463999999998 +2025-03-10 12:21:14,815 - INFO - CLOSED short at 2066.09 | PnL: 0.01% | $-0.30 +2025-03-10 12:21:14,856 - INFO - OPENED SHORT at 2064.45 | Stop loss: 2074.7722499999995 | Take profit: 2033.4832499999998 +2025-03-10 12:21:15,078 - INFO - CLOSED short at 2063.5 | PnL: 0.05% | $-0.17 +2025-03-10 12:21:15,124 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.908 | Take profit: 2030.676 +2025-03-10 12:21:15,165 - INFO - CLOSED short at 2060.9 | PnL: 0.03% | $-0.21 +2025-03-10 12:21:15,165 - INFO - OPENED LONG at 2060.9 | Stop loss: 2050.5955 | Take profit: 2091.8134999999997 +2025-03-10 12:21:15,249 - INFO - CLOSED long at 2058.89 | PnL: -0.10% | $-0.63 +2025-03-10 12:21:15,250 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.1844499999997 | Take profit: 2028.0066499999998 +2025-03-10 12:21:15,333 - INFO - CLOSED short at 2060.31 | PnL: -0.07% | $-0.53 +2025-03-10 12:21:15,333 - INFO - OPENED LONG at 2060.31 | Stop loss: 2050.00845 | Take profit: 2091.21465 +2025-03-10 12:21:15,506 - INFO - CLOSED long at 2060.91 | PnL: 0.03% | $-0.22 +2025-03-10 12:21:15,507 - INFO - OPENED SHORT at 2060.91 | Stop loss: 2071.2145499999997 | Take profit: 2029.99635 +2025-03-10 12:21:15,595 - INFO - CLOSED short at 2061.13 | PnL: -0.01% | $-0.35 +2025-03-10 12:21:15,596 - INFO - OPENED LONG at 2061.13 | Stop loss: 2050.8243500000003 | Take profit: 2092.04695 +2025-03-10 12:21:15,909 - INFO - CLOSED long at 2065.89 | PnL: 0.23% | $0.41 +2025-03-10 12:21:15,910 - INFO - OPENED SHORT at 2065.89 | Stop loss: 2076.2194499999996 | Take profit: 2034.9016499999998 +2025-03-10 12:21:15,997 - INFO - CLOSED short at 2063.0 | PnL: 0.14% | $0.12 +2025-03-10 12:21:15,998 - INFO - OPENED LONG at 2063.0 | Stop loss: 2052.685 | Take profit: 2093.9449999999997 +2025-03-10 12:21:16,040 - INFO - CLOSED long at 2062.6 | PnL: -0.02% | $-0.37 +2025-03-10 12:21:16,041 - INFO - OPENED SHORT at 2062.6 | Stop loss: 2072.9129999999996 | Take profit: 2031.6609999999998 +2025-03-10 12:21:16,127 - INFO - CLOSED short at 2061.7 | PnL: 0.04% | $-0.18 +2025-03-10 12:21:16,128 - INFO - OPENED LONG at 2061.7 | Stop loss: 2051.3914999999997 | Take profit: 2092.6254999999996 +2025-03-10 12:21:16,169 - INFO - CLOSED long at 2060.7 | PnL: -0.05% | $-0.46 +2025-03-10 12:21:16,170 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:21:16,490 - INFO - CLOSED short at 2059.46 | PnL: 0.06% | $-0.12 +2025-03-10 12:21:16,491 - INFO - OPENED LONG at 2059.46 | Stop loss: 2049.1627 | Take profit: 2090.3518999999997 +2025-03-10 12:21:16,533 - INFO - CLOSED long at 2057.4 | PnL: -0.10% | $-0.62 +2025-03-10 12:21:16,575 - INFO - OPENED LONG at 2058.28 | Stop loss: 2047.9886000000001 | Take profit: 2089.1542 +2025-03-10 12:21:16,617 - INFO - CLOSED long at 2056.28 | PnL: -0.10% | $-0.60 +2025-03-10 12:21:16,618 - INFO - OPENED SHORT at 2056.28 | Stop loss: 2066.5614 | Take profit: 2025.4358000000002 +2025-03-10 12:21:16,660 - INFO - CLOSED short at 2055.6 | PnL: 0.03% | $-0.20 +2025-03-10 12:21:16,703 - INFO - OPENED LONG at 2054.89 | Stop loss: 2044.6155499999998 | Take profit: 2085.7133499999995 +2025-03-10 12:21:16,839 - INFO - CLOSED long at 2058.15 | PnL: 0.16% | $0.18 +2025-03-10 12:21:16,840 - INFO - OPENED SHORT at 2058.15 | Stop loss: 2068.4407499999998 | Take profit: 2027.27775 +2025-03-10 12:21:16,965 - INFO - CLOSED short at 2061.5 | PnL: -0.16% | $-0.80 +2025-03-10 12:21:17,084 - INFO - OPENED SHORT at 2062.69 | Stop loss: 2073.0034499999997 | Take profit: 2031.74965 +2025-03-10 12:21:17,256 - INFO - CLOSED short at 2063.9 | PnL: -0.06% | $-0.48 +2025-03-10 12:21:17,257 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5805 | Take profit: 2094.8585 +2025-03-10 12:21:17,298 - INFO - CLOSED long at 2064.49 | PnL: 0.03% | $-0.21 +2025-03-10 12:21:17,299 - INFO - OPENED SHORT at 2064.49 | Stop loss: 2074.8124499999994 | Take profit: 2033.5226499999997 +2025-03-10 12:21:17,379 - INFO - CLOSED short at 2066.34 | PnL: -0.09% | $-0.56 +2025-03-10 12:21:17,380 - INFO - OPENED LONG at 2066.34 | Stop loss: 2056.0083 | Take profit: 2097.3351 +2025-03-10 12:21:17,555 - INFO - CLOSED long at 2065.69 | PnL: -0.03% | $-0.39 +2025-03-10 12:21:17,769 - INFO - OPENED LONG at 2075.01 | Stop loss: 2064.63495 | Take profit: 2106.13515 +2025-03-10 12:21:17,809 - INFO - CLOSED long at 2072.6 | PnL: -0.12% | $-0.63 +2025-03-10 12:21:17,810 - INFO - OPENED SHORT at 2072.6 | Stop loss: 2082.9629999999997 | Take profit: 2041.511 +2025-03-10 12:21:18,073 - INFO - CLOSED short at 2068.15 | PnL: 0.21% | $0.33 +2025-03-10 12:21:18,198 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.37515 | Take profit: 2037.9945500000001 +2025-03-10 12:21:18,283 - INFO - CLOSED short at 2068.79 | PnL: 0.01% | $-0.26 +2025-03-10 12:21:18,377 - INFO - OPENED LONG at 2071.49 | Stop loss: 2061.13255 | Take profit: 2102.5623499999997 +2025-03-10 12:21:18,551 - INFO - CLOSED long at 2065.7 | PnL: -0.28% | $-1.10 +2025-03-10 12:21:18,551 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0284999999994 | Take profit: 2034.7144999999998 +2025-03-10 12:21:18,685 - INFO - CLOSED short at 2063.97 | PnL: 0.08% | $-0.05 +2025-03-10 12:21:18,908 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1725 | Take profit: 2096.4824999999996 +2025-03-10 12:21:18,949 - INFO - CLOSED long at 2067.53 | PnL: 0.10% | $-0.00 +2025-03-10 12:21:19,169 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.93295 | Take profit: 2037.5611500000002 +2025-03-10 12:21:19,212 - INFO - CLOSED short at 2071.59 | PnL: -0.15% | $-0.70 +2025-03-10 12:21:19,388 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.34155 | Take profit: 2100.73535 +2025-03-10 12:21:19,561 - INFO - CLOSED long at 2070.61 | PnL: 0.04% | $-0.16 +2025-03-10 12:21:19,601 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.6300499999998 | Take profit: 2103.0698499999994 +2025-03-10 12:21:19,644 - INFO - CLOSED long at 2068.19 | PnL: -0.18% | $-0.80 +2025-03-10 12:21:19,645 - INFO - OPENED SHORT at 2068.19 | Stop loss: 2078.53095 | Take profit: 2037.16715 +2025-03-10 12:21:19,785 - INFO - CLOSED short at 2069.78 | PnL: -0.08% | $-0.49 +2025-03-10 12:21:19,785 - INFO - OPENED LONG at 2069.78 | Stop loss: 2059.4311000000002 | Take profit: 2100.8267 +2025-03-10 12:21:19,877 - INFO - CLOSED long at 2074.37 | PnL: 0.22% | $0.34 +2025-03-10 12:21:19,879 - INFO - OPENED SHORT at 2074.37 | Stop loss: 2084.74185 | Take profit: 2043.25445 +2025-03-10 12:21:20,047 - INFO - CLOSED short at 2073.99 | PnL: 0.02% | $-0.23 +2025-03-10 12:21:20,193 - INFO - OPENED LONG at 2076.9 | Stop loss: 2066.5155 | Take profit: 2108.0535 +2025-03-10 12:21:20,434 - INFO - CLOSED long at 2067.7 | PnL: -0.44% | $-1.51 +2025-03-10 12:21:20,657 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.5406000000003 | Take profit: 2098.8982 +2025-03-10 12:21:20,704 - INFO - CLOSED long at 2065.45 | PnL: -0.12% | $-0.59 +2025-03-10 12:21:20,798 - ERROR - Learning error in episode 4, step 342: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:20,849 - ERROR - Learning error in episode 4, step 343: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:20,893 - ERROR - Learning error in episode 4, step 344: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:20,939 - ERROR - Learning error in episode 4, step 345: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:20,987 - ERROR - Learning error in episode 4, step 346: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:20,987 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8275 | Take profit: 2034.5175 +2025-03-10 12:21:21,032 - ERROR - Learning error in episode 4, step 347: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,079 - ERROR - Learning error in episode 4, step 348: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,080 - INFO - CLOSED short at 2065.8 | PnL: -0.01% | $-0.31 +2025-03-10 12:21:21,080 - INFO - OPENED LONG at 2065.8 | Stop loss: 2055.471 | Take profit: 2096.787 +2025-03-10 12:21:21,121 - ERROR - Learning error in episode 4, step 349: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,162 - ERROR - Learning error in episode 4, step 350: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,166 - INFO - CLOSED long at 2066.09 | PnL: 0.01% | $-0.23 +2025-03-10 12:21:21,166 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.42045 | Take profit: 2035.0986500000001 +2025-03-10 12:21:21,204 - ERROR - Learning error in episode 4, step 351: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,253 - ERROR - Learning error in episode 4, step 352: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,293 - ERROR - Learning error in episode 4, step 353: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,337 - ERROR - Learning error in episode 4, step 354: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,338 - INFO - CLOSED short at 2066.1 | PnL: -0.00% | $-0.27 +2025-03-10 12:21:21,338 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7695 | Take profit: 2097.0914999999995 +2025-03-10 12:21:21,382 - ERROR - Learning error in episode 4, step 355: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,383 - INFO - CLOSED long at 2065.06 | PnL: -0.05% | $-0.40 +2025-03-10 12:21:21,426 - ERROR - Learning error in episode 4, step 356: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,469 - ERROR - Learning error in episode 4, step 357: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,513 - ERROR - Learning error in episode 4, step 358: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,514 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.99835 | Take profit: 2097.3249499999997 +2025-03-10 12:21:21,556 - ERROR - Learning error in episode 4, step 359: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,598 - ERROR - Learning error in episode 4, step 360: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,601 - INFO - CLOSED long at 2060.7 | PnL: -0.27% | $-0.99 +2025-03-10 12:21:21,602 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:21:21,641 - ERROR - Learning error in episode 4, step 361: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,687 - ERROR - Learning error in episode 4, step 362: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,688 - INFO - CLOSED short at 2059.2 | PnL: 0.07% | $-0.07 +2025-03-10 12:21:21,688 - INFO - OPENED LONG at 2059.2 | Stop loss: 2048.904 | Take profit: 2090.0879999999997 +2025-03-10 12:21:21,730 - ERROR - Learning error in episode 4, step 363: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,730 - INFO - CLOSED long at 2058.09 | PnL: -0.05% | $-0.40 +2025-03-10 12:21:21,773 - ERROR - Learning error in episode 4, step 364: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,815 - ERROR - Learning error in episode 4, step 365: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,858 - ERROR - Learning error in episode 4, step 366: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,903 - ERROR - Learning error in episode 4, step 367: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,951 - ERROR - Learning error in episode 4, step 368: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,996 - ERROR - Learning error in episode 4, step 369: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:21,996 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7300499999997 | Take profit: 2082.7698499999997 +2025-03-10 12:21:22,041 - ERROR - Learning error in episode 4, step 370: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,087 - ERROR - Learning error in episode 4, step 371: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,129 - ERROR - Learning error in episode 4, step 372: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,174 - ERROR - Learning error in episode 4, step 373: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,175 - INFO - CLOSED long at 2057.89 | PnL: 0.29% | $0.49 +2025-03-10 12:21:22,175 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1794499999996 | Take profit: 2027.02165 +2025-03-10 12:21:22,222 - ERROR - Learning error in episode 4, step 374: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,222 - INFO - CLOSED short at 2062.83 | PnL: -0.24% | $-0.89 +2025-03-10 12:21:22,264 - ERROR - Learning error in episode 4, step 375: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,264 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5805 | Take profit: 2094.8585 +2025-03-10 12:21:22,308 - ERROR - Learning error in episode 4, step 376: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,351 - ERROR - Learning error in episode 4, step 377: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,399 - ERROR - Learning error in episode 4, step 378: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,445 - ERROR - Learning error in episode 4, step 379: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,490 - ERROR - Learning error in episode 4, step 380: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,494 - INFO - CLOSED long at 2068.33 | PnL: 0.21% | $0.30 +2025-03-10 12:21:22,494 - INFO - OPENED SHORT at 2068.33 | Stop loss: 2078.6716499999998 | Take profit: 2037.30505 +2025-03-10 12:21:22,536 - ERROR - Learning error in episode 4, step 381: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,537 - INFO - CLOSED short at 2067.49 | PnL: 0.04% | $-0.15 +2025-03-10 12:21:22,577 - ERROR - Learning error in episode 4, step 382: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,578 - INFO - OPENED LONG at 2066.59 | Stop loss: 2056.25705 | Take profit: 2097.58885 +2025-03-10 12:21:22,621 - ERROR - Learning error in episode 4, step 383: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,622 - INFO - CLOSED long at 2064.08 | PnL: -0.12% | $-0.57 +2025-03-10 12:21:22,664 - ERROR - Learning error in episode 4, step 384: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,708 - ERROR - Learning error in episode 4, step 385: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,750 - ERROR - Learning error in episode 4, step 386: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,751 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:21:22,793 - ERROR - Learning error in episode 4, step 387: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,836 - ERROR - Learning error in episode 4, step 388: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,836 - INFO - CLOSED short at 2062.54 | PnL: -0.09% | $-0.48 +2025-03-10 12:21:22,879 - ERROR - Learning error in episode 4, step 389: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,921 - ERROR - Learning error in episode 4, step 390: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,970 - ERROR - Learning error in episode 4, step 391: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:22,970 - INFO - OPENED LONG at 2070.24 | Stop loss: 2059.8887999999997 | Take profit: 2101.2935999999995 +2025-03-10 12:21:23,011 - ERROR - Learning error in episode 4, step 392: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,012 - INFO - CLOSED long at 2069.34 | PnL: -0.04% | $-0.36 +2025-03-10 12:21:23,012 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.6866999999997 | Take profit: 2038.2999000000002 +2025-03-10 12:21:23,055 - ERROR - Learning error in episode 4, step 393: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,055 - INFO - CLOSED short at 2069.81 | PnL: -0.02% | $-0.31 +2025-03-10 12:21:23,097 - ERROR - Learning error in episode 4, step 394: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,139 - ERROR - Learning error in episode 4, step 395: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,188 - ERROR - Learning error in episode 4, step 396: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,189 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.42025 | Take profit: 2042.9392500000001 +2025-03-10 12:21:23,231 - ERROR - Learning error in episode 4, step 397: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,232 - INFO - CLOSED short at 2072.99 | PnL: 0.05% | $-0.12 +2025-03-10 12:21:23,274 - ERROR - Learning error in episode 4, step 398: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,321 - ERROR - Learning error in episode 4, step 399: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,369 - ERROR - Learning error in episode 4, step 400: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,414 - ERROR - Learning error in episode 4, step 401: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,459 - ERROR - Learning error in episode 4, step 402: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,505 - ERROR - Learning error in episode 4, step 403: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,506 - INFO - OPENED SHORT at 2085.56 | Stop loss: 2095.9878 | Take profit: 2054.2766 +2025-03-10 12:21:23,549 - ERROR - Learning error in episode 4, step 404: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,550 - INFO - CLOSED short at 2090.49 | PnL: -0.24% | $-0.84 +2025-03-10 12:21:23,592 - ERROR - Learning error in episode 4, step 405: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,633 - ERROR - Learning error in episode 4, step 406: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,676 - ERROR - Learning error in episode 4, step 407: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,718 - ERROR - Learning error in episode 4, step 408: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,766 - ERROR - Learning error in episode 4, step 409: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,810 - ERROR - Learning error in episode 4, step 410: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,859 - ERROR - Learning error in episode 4, step 411: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,860 - INFO - OPENED SHORT at 2141.41 | Stop loss: 2152.11705 | Take profit: 2109.28885 +2025-03-10 12:21:23,902 - ERROR - Learning error in episode 4, step 412: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,945 - ERROR - Learning error in episode 4, step 413: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,990 - ERROR - Learning error in episode 4, step 414: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:23,990 - INFO - CLOSED short at 2140.01 | PnL: 0.07% | $-0.09 +2025-03-10 12:21:23,992 - INFO - OPENED LONG at 2140.01 | Stop loss: 2129.3099500000003 | Take profit: 2172.11015 +2025-03-10 12:21:24,037 - ERROR - Learning error in episode 4, step 415: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,080 - ERROR - Learning error in episode 4, step 416: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,080 - INFO - CLOSED long at 2126.99 | PnL: -0.61% | $-1.75 +2025-03-10 12:21:24,081 - INFO - OPENED SHORT at 2126.99 | Stop loss: 2137.6249499999994 | Take profit: 2095.08515 +2025-03-10 12:21:24,126 - ERROR - Learning error in episode 4, step 417: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,126 - INFO - CLOSED short at 2127.3 | PnL: -0.01% | $-0.27 +2025-03-10 12:21:24,126 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.6635 | Take profit: 2159.2095 +2025-03-10 12:21:24,168 - ERROR - Learning error in episode 4, step 418: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,210 - ERROR - Learning error in episode 4, step 419: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,211 - INFO - CLOSED long at 2121.09 | PnL: -0.29% | $-0.94 +2025-03-10 12:21:24,211 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.6954499999997 | Take profit: 2089.27365 +2025-03-10 12:21:24,254 - ERROR - Learning error in episode 4, step 420: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,258 - INFO - CLOSED short at 2120.15 | PnL: 0.04% | $-0.13 +2025-03-10 12:21:24,300 - ERROR - Learning error in episode 4, step 421: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,348 - ERROR - Learning error in episode 4, step 422: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,400 - ERROR - Learning error in episode 4, step 423: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,445 - ERROR - Learning error in episode 4, step 424: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,491 - ERROR - Learning error in episode 4, step 425: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,533 - ERROR - Learning error in episode 4, step 426: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,534 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.47465 | Take profit: 2150.85605 +2025-03-10 12:21:24,576 - ERROR - Learning error in episode 4, step 427: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,621 - ERROR - Learning error in episode 4, step 428: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,622 - INFO - STOP LOSS hit for long at 2108.47465 | PnL: -0.50% | $-1.41 +2025-03-10 12:21:24,673 - ERROR - Learning error in episode 4, step 429: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,674 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.047 | Take profit: 2142.2589999999996 +2025-03-10 12:21:24,717 - ERROR - Learning error in episode 4, step 430: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,769 - ERROR - Learning error in episode 4, step 431: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,815 - ERROR - Learning error in episode 4, step 432: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,816 - INFO - CLOSED long at 2112.95 | PnL: 0.11% | $0.03 +2025-03-10 12:21:24,816 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.5147499999994 | Take profit: 2081.25575 +2025-03-10 12:21:24,856 - ERROR - Learning error in episode 4, step 433: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,901 - ERROR - Learning error in episode 4, step 434: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,902 - INFO - CLOSED short at 2113.24 | PnL: -0.01% | $-0.26 +2025-03-10 12:21:24,902 - INFO - OPENED LONG at 2113.24 | Stop loss: 2102.6737999999996 | Take profit: 2144.9385999999995 +2025-03-10 12:21:24,944 - ERROR - Learning error in episode 4, step 435: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:24,946 - INFO - CLOSED long at 2112.99 | PnL: -0.01% | $-0.26 +2025-03-10 12:21:24,987 - ERROR - Learning error in episode 4, step 436: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,029 - ERROR - Learning error in episode 4, step 437: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,071 - ERROR - Learning error in episode 4, step 438: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,113 - ERROR - Learning error in episode 4, step 439: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,161 - ERROR - Learning error in episode 4, step 440: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,164 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.16645 | Take profit: 2140.3406499999996 +2025-03-10 12:21:25,207 - ERROR - Learning error in episode 4, step 441: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,208 - INFO - CLOSED long at 2106.49 | PnL: -0.11% | $-0.47 +2025-03-10 12:21:25,252 - ERROR - Learning error in episode 4, step 442: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,252 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.5197 | Take profit: 2139.6809 +2025-03-10 12:21:25,296 - ERROR - Learning error in episode 4, step 443: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,297 - INFO - CLOSED long at 2103.33 | PnL: -0.22% | $-0.73 +2025-03-10 12:21:25,341 - ERROR - Learning error in episode 4, step 444: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,391 - ERROR - Learning error in episode 4, step 445: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,437 - ERROR - Learning error in episode 4, step 446: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,438 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0323500000004 | Take profit: 2131.02295 +2025-03-10 12:21:25,484 - ERROR - Learning error in episode 4, step 447: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,535 - ERROR - Learning error in episode 4, step 448: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,583 - ERROR - Learning error in episode 4, step 449: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,584 - INFO - CLOSED long at 2102.29 | PnL: 0.13% | $0.07 +2025-03-10 12:21:25,623 - ERROR - Learning error in episode 4, step 450: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,671 - ERROR - Learning error in episode 4, step 451: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,671 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.4055000000003 | Take profit: 2130.3835 +2025-03-10 12:21:25,716 - ERROR - Learning error in episode 4, step 452: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,766 - ERROR - Learning error in episode 4, step 453: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,805 - ERROR - Learning error in episode 4, step 454: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,849 - ERROR - Learning error in episode 4, step 455: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,889 - ERROR - Learning error in episode 4, step 456: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,934 - ERROR - Learning error in episode 4, step 457: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,975 - ERROR - Learning error in episode 4, step 458: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:25,975 - INFO - CLOSED long at 2101.51 | PnL: 0.12% | $0.05 +2025-03-10 12:21:26,014 - ERROR - Learning error in episode 4, step 459: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:26,061 - ERROR - Learning error in episode 4, step 460: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:26,111 - ERROR - Learning error in episode 4, step 461: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:26,112 - INFO - OPENED LONG at 2098.39 | Stop loss: 2087.89805 | Take profit: 2129.8658499999997 +2025-03-10 12:21:26,155 - ERROR - Learning error in episode 4, step 462: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:26,201 - ERROR - Learning error in episode 4, step 463: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:26,249 - ERROR - Learning error in episode 4, step 464: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:26,289 - ERROR - Learning error in episode 4, step 465: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:26,289 - INFO - CLOSED long at 2092.46 | PnL: -0.28% | $-0.85 +2025-03-10 12:21:26,290 - INFO - OPENED SHORT at 2092.46 | Stop loss: 2102.9222999999997 | Take profit: 2061.0731 +2025-03-10 12:21:26,333 - ERROR - Learning error in episode 4, step 466: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:26,381 - ERROR - Learning error in episode 4, step 467: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:26,431 - ERROR - Learning error in episode 4, step 468: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:26,432 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 16.0% in downtrends | Avg Win=$0.28, Avg Loss=$-0.55 +2025-03-10 12:21:26,433 - ERROR - Error in episode 4: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:26,462 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 12:21:26,782 - ERROR - Learning error in episode 5, step 0: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:26,823 - ERROR - Learning error in episode 5, step 1: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:26,871 - ERROR - Learning error in episode 5, step 2: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:26,918 - ERROR - Learning error in episode 5, step 3: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:26,959 - ERROR - Learning error in episode 5, step 4: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,005 - ERROR - Learning error in episode 5, step 5: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,005 - INFO - OPENED SHORT at 2060.94 | Stop loss: 2071.2446999999997 | Take profit: 2030.0259 +2025-03-10 12:21:27,047 - ERROR - Learning error in episode 5, step 6: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,048 - INFO - CLOSED short at 2062.5 | PnL: -0.08% | $-0.70 +2025-03-10 12:21:27,048 - INFO - OPENED LONG at 2062.5 | Stop loss: 2052.1875 | Take profit: 2093.4375 +2025-03-10 12:21:27,090 - ERROR - Learning error in episode 5, step 7: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,140 - ERROR - Learning error in episode 5, step 8: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,140 - INFO - CLOSED long at 2064.51 | PnL: 0.10% | $-0.01 +2025-03-10 12:21:27,141 - INFO - OPENED SHORT at 2064.51 | Stop loss: 2074.83255 | Take profit: 2033.5423500000002 +2025-03-10 12:21:27,185 - ERROR - Learning error in episode 5, step 9: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,230 - ERROR - Learning error in episode 5, step 10: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,274 - ERROR - Learning error in episode 5, step 11: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,317 - ERROR - Learning error in episode 5, step 12: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,361 - ERROR - Learning error in episode 5, step 13: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,410 - ERROR - Learning error in episode 5, step 14: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,456 - ERROR - Learning error in episode 5, step 15: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,456 - INFO - CLOSED short at 2062.75 | PnL: 0.09% | $-0.06 +2025-03-10 12:21:27,457 - INFO - OPENED LONG at 2062.75 | Stop loss: 2052.43625 | Take profit: 2093.69125 +2025-03-10 12:21:27,501 - ERROR - Learning error in episode 5, step 16: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,548 - ERROR - Learning error in episode 5, step 17: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,589 - ERROR - Learning error in episode 5, step 18: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,632 - ERROR - Learning error in episode 5, step 19: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,676 - ERROR - Learning error in episode 5, step 20: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,719 - ERROR - Learning error in episode 5, step 21: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,720 - INFO - CLOSED long at 2059.03 | PnL: -0.18% | $-1.11 +2025-03-10 12:21:27,761 - ERROR - Learning error in episode 5, step 22: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,762 - INFO - OPENED LONG at 2059.4 | Stop loss: 2049.103 | Take profit: 2090.2909999999997 +2025-03-10 12:21:27,805 - ERROR - Learning error in episode 5, step 23: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,806 - INFO - CLOSED long at 2060.1 | PnL: 0.03% | $-0.26 +2025-03-10 12:21:27,848 - ERROR - Learning error in episode 5, step 24: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,849 - INFO - OPENED LONG at 2060.51 | Stop loss: 2050.2074500000003 | Take profit: 2091.41765 +2025-03-10 12:21:27,893 - ERROR - Learning error in episode 5, step 25: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,893 - INFO - CLOSED long at 2057.52 | PnL: -0.15% | $-0.96 +2025-03-10 12:21:27,939 - ERROR - Learning error in episode 5, step 26: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:27,985 - ERROR - Learning error in episode 5, step 27: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,029 - ERROR - Learning error in episode 5, step 28: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,072 - ERROR - Learning error in episode 5, step 29: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,117 - ERROR - Learning error in episode 5, step 30: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,167 - ERROR - Learning error in episode 5, step 31: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,167 - INFO - OPENED LONG at 2055.2 | Stop loss: 2044.9239999999998 | Take profit: 2086.028 +2025-03-10 12:21:28,208 - ERROR - Learning error in episode 5, step 32: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,248 - ERROR - Learning error in episode 5, step 33: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,249 - INFO - CLOSED long at 2056.4 | PnL: 0.06% | $-0.16 +2025-03-10 12:21:28,249 - INFO - OPENED SHORT at 2056.4 | Stop loss: 2066.682 | Take profit: 2025.554 +2025-03-10 12:21:28,291 - ERROR - Learning error in episode 5, step 34: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,335 - ERROR - Learning error in episode 5, step 35: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,382 - ERROR - Learning error in episode 5, step 36: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,383 - INFO - CLOSED short at 2052.7 | PnL: 0.18% | $0.31 +2025-03-10 12:21:28,383 - INFO - OPENED LONG at 2052.7 | Stop loss: 2042.4364999999998 | Take profit: 2083.4904999999994 +2025-03-10 12:21:28,425 - ERROR - Learning error in episode 5, step 37: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,470 - ERROR - Learning error in episode 5, step 38: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,470 - INFO - CLOSED long at 2052.16 | PnL: -0.03% | $-0.49 +2025-03-10 12:21:28,513 - ERROR - Learning error in episode 5, step 39: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,554 - ERROR - Learning error in episode 5, step 40: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,557 - INFO - OPENED LONG at 2052.25 | Stop loss: 2041.98875 | Take profit: 2083.0337499999996 +2025-03-10 12:21:28,599 - ERROR - Learning error in episode 5, step 41: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,599 - INFO - CLOSED long at 2050.71 | PnL: -0.08% | $-0.68 +2025-03-10 12:21:28,600 - INFO - OPENED SHORT at 2050.71 | Stop loss: 2060.96355 | Take profit: 2019.94935 +2025-03-10 12:21:28,643 - ERROR - Learning error in episode 5, step 42: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,687 - ERROR - Learning error in episode 5, step 43: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,732 - ERROR - Learning error in episode 5, step 44: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,776 - ERROR - Learning error in episode 5, step 45: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,776 - INFO - CLOSED short at 2049.6 | PnL: 0.05% | $-0.18 +2025-03-10 12:21:28,777 - INFO - OPENED LONG at 2049.6 | Stop loss: 2039.3519999999999 | Take profit: 2080.3439999999996 +2025-03-10 12:21:28,817 - ERROR - Learning error in episode 5, step 46: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,861 - ERROR - Learning error in episode 5, step 47: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,905 - ERROR - Learning error in episode 5, step 48: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,952 - ERROR - Learning error in episode 5, step 49: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,993 - ERROR - Learning error in episode 5, step 50: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:28,996 - INFO - CLOSED long at 2047.39 | PnL: -0.11% | $-0.80 +2025-03-10 12:21:28,997 - INFO - OPENED SHORT at 2047.39 | Stop loss: 2057.62695 | Take profit: 2016.6791500000002 +2025-03-10 12:21:29,040 - ERROR - Learning error in episode 5, step 51: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,040 - INFO - CLOSED short at 2046.58 | PnL: 0.04% | $-0.23 +2025-03-10 12:21:29,040 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3471 | Take profit: 2077.2787 +2025-03-10 12:21:29,084 - ERROR - Learning error in episode 5, step 52: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,130 - ERROR - Learning error in episode 5, step 53: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,177 - ERROR - Learning error in episode 5, step 54: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,178 - INFO - CLOSED long at 2045.99 | PnL: -0.03% | $-0.49 +2025-03-10 12:21:29,220 - ERROR - Learning error in episode 5, step 55: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,263 - ERROR - Learning error in episode 5, step 56: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,306 - ERROR - Learning error in episode 5, step 57: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,307 - INFO - OPENED SHORT at 2048.13 | Stop loss: 2058.37065 | Take profit: 2017.40805 +2025-03-10 12:21:29,350 - ERROR - Learning error in episode 5, step 58: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,350 - INFO - CLOSED short at 2047.59 | PnL: 0.03% | $-0.28 +2025-03-10 12:21:29,350 - INFO - OPENED LONG at 2047.59 | Stop loss: 2037.35205 | Take profit: 2078.30385 +2025-03-10 12:21:29,393 - ERROR - Learning error in episode 5, step 59: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,394 - INFO - CLOSED long at 2048.51 | PnL: 0.04% | $-0.21 +2025-03-10 12:21:29,394 - INFO - OPENED SHORT at 2048.51 | Stop loss: 2058.75255 | Take profit: 2017.7823500000002 +2025-03-10 12:21:29,436 - ERROR - Learning error in episode 5, step 60: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,483 - ERROR - Learning error in episode 5, step 61: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,483 - INFO - CLOSED short at 2050.24 | PnL: -0.08% | $-0.69 +2025-03-10 12:21:29,483 - INFO - OPENED LONG at 2050.24 | Stop loss: 2039.9887999999999 | Take profit: 2080.9936 +2025-03-10 12:21:29,525 - ERROR - Learning error in episode 5, step 62: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,563 - ERROR - Learning error in episode 5, step 63: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,610 - ERROR - Learning error in episode 5, step 64: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,658 - ERROR - Learning error in episode 5, step 65: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,659 - INFO - CLOSED long at 2051.89 | PnL: 0.08% | $-0.07 +2025-03-10 12:21:29,659 - INFO - OPENED SHORT at 2051.89 | Stop loss: 2062.1494499999994 | Take profit: 2021.1116499999998 +2025-03-10 12:21:29,700 - ERROR - Learning error in episode 5, step 66: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,743 - ERROR - Learning error in episode 5, step 67: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,743 - INFO - CLOSED short at 2055.69 | PnL: -0.19% | $-1.06 +2025-03-10 12:21:29,783 - ERROR - Learning error in episode 5, step 68: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,831 - ERROR - Learning error in episode 5, step 69: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,874 - ERROR - Learning error in episode 5, step 70: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,877 - INFO - OPENED LONG at 2058.39 | Stop loss: 2048.09805 | Take profit: 2089.26585 +2025-03-10 12:21:29,920 - ERROR - Learning error in episode 5, step 71: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,959 - ERROR - Learning error in episode 5, step 72: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:29,959 - INFO - CLOSED long at 2059.7 | PnL: 0.06% | $-0.13 +2025-03-10 12:21:29,960 - INFO - OPENED SHORT at 2059.7 | Stop loss: 2069.9984999999997 | Take profit: 2028.8044999999997 +2025-03-10 12:21:30,003 - ERROR - Learning error in episode 5, step 73: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:30,046 - ERROR - Learning error in episode 5, step 74: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:30,090 - ERROR - Learning error in episode 5, step 75: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:30,136 - ERROR - Learning error in episode 5, step 76: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:30,183 - ERROR - Learning error in episode 5, step 77: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:30,230 - ERROR - Learning error in episode 5, step 78: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:30,268 - ERROR - Learning error in episode 5, step 79: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:30,268 - INFO - CLOSED short at 2063.01 | PnL: -0.16% | $-0.96 +2025-03-10 12:21:30,313 - ERROR - Learning error in episode 5, step 80: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:30,353 - ERROR - Learning error in episode 5, step 81: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:30,398 - ERROR - Learning error in episode 5, step 82: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:30,399 - INFO - OPENED SHORT at 2060.0 | Stop loss: 2070.2999999999997 | Take profit: 2029.1 +2025-03-10 12:21:30,441 - ERROR - Learning error in episode 5, step 83: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:30,483 - ERROR - Learning error in episode 5, step 84: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:30,484 - INFO - CLOSED short at 2062.89 | PnL: -0.14% | $-0.87 +2025-03-10 12:21:30,526 - ERROR - Learning error in episode 5, step 85: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:30,571 - ERROR - Learning error in episode 5, step 86: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:30,572 - INFO - OPENED LONG at 2059.49 | Stop loss: 2049.1925499999998 | Take profit: 2090.3823499999994 +2025-03-10 12:21:30,614 - ERROR - Learning error in episode 5, step 87: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:30,656 - ERROR - Learning error in episode 5, step 88: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:30,656 - INFO - CLOSED long at 2057.89 | PnL: -0.08% | $-0.64 +2025-03-10 12:21:30,699 - ERROR - Learning error in episode 5, step 89: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:30,741 - ERROR - Learning error in episode 5, step 90: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:30,787 - ERROR - Learning error in episode 5, step 91: [Errno 2] No such file or directory: b'runs\\Mar10_12-19-50_GW-DOBRI\\events.out.tfevents.1741601990.GW-DOBRI.56464.0' +2025-03-10 12:21:39,823 - INFO - GPU not available, using CPU +2025-03-10 12:21:39,844 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 12:21:39,844 - INFO - Fetching initial data for ETH/USDT +2025-03-10 12:21:43,316 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 12:21:43,334 - INFO - Initialized environment with 500 candles +2025-03-10 12:21:45,621 - INFO - Starting training for 1000 episodes... +2025-03-10 12:21:45,622 - INFO - Starting training on device: cpu +2025-03-10 12:21:45,648 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:21:45,972 - INFO - OPENED SHORT at 2059.23 | Stop loss: 2069.5261499999997 | Take profit: 2028.34155 +2025-03-10 12:21:45,973 - INFO - CLOSED short at 2062.5 | PnL: -0.16% | $-1.04 +2025-03-10 12:21:45,974 - INFO - OPENED SHORT at 2066.35 | Stop loss: 2076.6817499999997 | Take profit: 2035.35475 +2025-03-10 12:21:45,977 - INFO - CLOSED short at 2062.83 | PnL: 0.17% | $0.28 +2025-03-10 12:21:45,977 - INFO - OPENED LONG at 2062.83 | Stop loss: 2052.51585 | Take profit: 2093.77245 +2025-03-10 12:21:45,978 - INFO - CLOSED long at 2064.11 | PnL: 0.06% | $-0.15 +2025-03-10 12:21:45,978 - INFO - OPENED LONG at 2062.28 | Stop loss: 2051.9686 | Take profit: 2093.2142 +2025-03-10 12:21:45,979 - INFO - CLOSED long at 2057.59 | PnL: -0.23% | $-1.30 +2025-03-10 12:21:45,983 - INFO - OPENED LONG at 2060.51 | Stop loss: 2050.2074500000003 | Take profit: 2091.41765 +2025-03-10 12:21:45,983 - INFO - CLOSED long at 2057.52 | PnL: -0.15% | $-0.96 +2025-03-10 12:21:45,983 - INFO - OPENED SHORT at 2057.52 | Stop loss: 2067.8075999999996 | Take profit: 2026.6571999999999 +2025-03-10 12:21:45,984 - INFO - CLOSED short at 2057.9 | PnL: -0.02% | $-0.46 +2025-03-10 12:21:45,984 - INFO - OPENED SHORT at 2057.99 | Stop loss: 2068.2799499999996 | Take profit: 2027.1201499999997 +2025-03-10 12:21:45,985 - INFO - CLOSED short at 2058.51 | PnL: -0.03% | $-0.48 +2025-03-10 12:21:45,985 - INFO - OPENED LONG at 2058.51 | Stop loss: 2048.21745 | Take profit: 2089.38765 +2025-03-10 12:21:45,986 - INFO - CLOSED long at 2055.2 | PnL: -0.16% | $-1.00 +2025-03-10 12:21:45,989 - INFO - OPENED SHORT at 2053.56 | Stop loss: 2063.8277999999996 | Take profit: 2022.7566 +2025-03-10 12:21:45,989 - INFO - CLOSED short at 2052.7 | PnL: 0.04% | $-0.22 +2025-03-10 12:21:45,989 - INFO - OPENED LONG at 2052.7 | Stop loss: 2042.4364999999998 | Take profit: 2083.4904999999994 +2025-03-10 12:21:45,991 - INFO - CLOSED long at 2051.66 | PnL: -0.05% | $-0.57 +2025-03-10 12:21:45,991 - INFO - OPENED SHORT at 2052.16 | Stop loss: 2062.4207999999994 | Take profit: 2021.3775999999998 +2025-03-10 12:21:45,992 - INFO - CLOSED short at 2053.1 | PnL: -0.05% | $-0.55 +2025-03-10 12:21:45,992 - INFO - OPENED LONG at 2053.1 | Stop loss: 2042.8345 | Take profit: 2083.8965 +2025-03-10 12:21:45,992 - INFO - CLOSED long at 2052.25 | PnL: -0.04% | $-0.53 +2025-03-10 12:21:45,993 - INFO - OPENED SHORT at 2052.25 | Stop loss: 2062.5112499999996 | Take profit: 2021.46625 +2025-03-10 12:21:45,993 - INFO - CLOSED short at 2050.71 | PnL: 0.08% | $-0.09 +2025-03-10 12:21:45,996 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7300499999997 | Take profit: 2082.7698499999997 +2025-03-10 12:21:45,997 - INFO - CLOSED long at 2049.24 | PnL: -0.13% | $-0.87 +2025-03-10 12:21:45,997 - INFO - OPENED SHORT at 2049.24 | Stop loss: 2059.4861999999994 | Take profit: 2018.5013999999996 +2025-03-10 12:21:45,998 - INFO - CLOSED short at 2048.48 | PnL: 0.04% | $-0.23 +2025-03-10 12:21:45,999 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3471 | Take profit: 2077.2787 +2025-03-10 12:21:46,002 - INFO - CLOSED long at 2047.2 | PnL: 0.03% | $-0.26 +2025-03-10 12:21:46,002 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.2199499999997 | Take profit: 2015.30015 +2025-03-10 12:21:46,003 - INFO - CLOSED short at 2045.79 | PnL: 0.01% | $-0.33 +2025-03-10 12:21:46,004 - INFO - OPENED SHORT at 2048.13 | Stop loss: 2058.37065 | Take profit: 2017.40805 +2025-03-10 12:21:46,004 - INFO - CLOSED short at 2047.59 | PnL: 0.03% | $-0.27 +2025-03-10 12:21:46,004 - INFO - OPENED SHORT at 2048.51 | Stop loss: 2058.75255 | Take profit: 2017.7823500000002 +2025-03-10 12:21:46,007 - INFO - CLOSED short at 2049.89 | PnL: -0.07% | $-0.61 +2025-03-10 12:21:46,007 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6405499999998 | Take profit: 2080.6383499999997 +2025-03-10 12:21:46,008 - INFO - CLOSED long at 2051.11 | PnL: 0.06% | $-0.15 +2025-03-10 12:21:46,008 - INFO - OPENED SHORT at 2051.11 | Stop loss: 2061.36555 | Take profit: 2020.34335 +2025-03-10 12:21:46,009 - INFO - CLOSED short at 2053.26 | PnL: -0.10% | $-0.74 +2025-03-10 12:21:46,009 - INFO - OPENED LONG at 2053.26 | Stop loss: 2042.9937000000002 | Take profit: 2084.0589 +2025-03-10 12:21:46,106 - INFO - CLOSED long at 2052.3 | PnL: -0.05% | $-0.53 +2025-03-10 12:21:46,148 - INFO - OPENED LONG at 2055.69 | Stop loss: 2045.41155 | Take profit: 2086.52535 +2025-03-10 12:21:46,314 - INFO - CLOSED long at 2060.13 | PnL: 0.22% | $0.41 +2025-03-10 12:21:46,362 - INFO - OPENED SHORT at 2059.7 | Stop loss: 2069.9984999999997 | Take profit: 2028.8044999999997 +2025-03-10 12:21:46,444 - INFO - CLOSED short at 2063.29 | PnL: -0.17% | $-0.98 +2025-03-10 12:21:46,484 - INFO - OPENED LONG at 2064.61 | Stop loss: 2054.28695 | Take profit: 2095.57915 +2025-03-10 12:21:46,522 - INFO - CLOSED long at 2063.59 | PnL: -0.05% | $-0.53 +2025-03-10 12:21:46,565 - INFO - OPENED LONG at 2061.61 | Stop loss: 2051.30195 | Take profit: 2092.53415 +2025-03-10 12:21:46,646 - INFO - CLOSED long at 2063.01 | PnL: 0.07% | $-0.11 +2025-03-10 12:21:46,646 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.32505 | Take profit: 2032.0648500000002 +2025-03-10 12:21:46,727 - INFO - CLOSED short at 2058.3 | PnL: 0.23% | $0.45 +2025-03-10 12:21:46,769 - INFO - OPENED SHORT at 2060.0 | Stop loss: 2070.2999999999997 | Take profit: 2029.1 +2025-03-10 12:21:46,929 - INFO - CLOSED short at 2059.49 | PnL: 0.02% | $-0.27 +2025-03-10 12:21:47,081 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.8194500000002 | Take profit: 2088.9816499999997 +2025-03-10 12:21:47,229 - INFO - CLOSED long at 2065.86 | PnL: 0.38% | $0.97 +2025-03-10 12:21:47,304 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.45055 | Take profit: 2037.08835 +2025-03-10 12:21:47,425 - INFO - CLOSED short at 2071.63 | PnL: -0.17% | $-0.96 +2025-03-10 12:21:47,543 - INFO - OPENED SHORT at 2068.65 | Stop loss: 2078.99325 | Take profit: 2037.6202500000002 +2025-03-10 12:21:47,582 - INFO - CLOSED short at 2068.99 | PnL: -0.02% | $-0.41 +2025-03-10 12:21:47,583 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.6450499999996 | Take profit: 2100.02485 +2025-03-10 12:21:47,623 - INFO - CLOSED long at 2067.9 | PnL: -0.05% | $-0.53 +2025-03-10 12:21:47,699 - INFO - OPENED SHORT at 2070.26 | Stop loss: 2080.6113 | Take profit: 2039.2061 +2025-03-10 12:21:47,847 - INFO - CLOSED short at 2072.91 | PnL: -0.13% | $-0.79 +2025-03-10 12:21:47,848 - INFO - OPENED LONG at 2072.91 | Stop loss: 2062.5454499999996 | Take profit: 2104.0036499999997 +2025-03-10 12:21:47,888 - INFO - CLOSED long at 2072.33 | PnL: -0.03% | $-0.44 +2025-03-10 12:21:47,889 - INFO - OPENED SHORT at 2072.33 | Stop loss: 2082.6916499999998 | Take profit: 2041.24505 +2025-03-10 12:21:47,970 - INFO - CLOSED short at 2071.41 | PnL: 0.04% | $-0.19 +2025-03-10 12:21:47,971 - INFO - OPENED LONG at 2071.41 | Stop loss: 2061.05295 | Take profit: 2102.4811499999996 +2025-03-10 12:21:48,055 - INFO - CLOSED long at 2070.9 | PnL: -0.02% | $-0.43 +2025-03-10 12:21:48,056 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.2545 | Take profit: 2039.8365000000001 +2025-03-10 12:21:48,097 - INFO - CLOSED short at 2072.8 | PnL: -0.09% | $-0.65 +2025-03-10 12:21:48,098 - INFO - OPENED LONG at 2072.8 | Stop loss: 2062.436 | Take profit: 2103.892 +2025-03-10 12:21:48,246 - INFO - CLOSED long at 2067.2 | PnL: -0.27% | $-1.25 +2025-03-10 12:21:48,247 - INFO - OPENED SHORT at 2067.2 | Stop loss: 2077.5359999999996 | Take profit: 2036.1919999999998 +2025-03-10 12:21:48,288 - INFO - CLOSED short at 2070.36 | PnL: -0.15% | $-0.84 +2025-03-10 12:21:48,289 - INFO - OPENED LONG at 2070.36 | Stop loss: 2060.0082 | Take profit: 2101.4154 +2025-03-10 12:21:48,374 - INFO - CLOSED long at 2070.7 | PnL: 0.02% | $-0.28 +2025-03-10 12:21:48,375 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0534999999995 | Take profit: 2039.6394999999998 +2025-03-10 12:21:48,412 - INFO - CLOSED short at 2069.34 | PnL: 0.07% | $-0.11 +2025-03-10 12:21:48,488 - INFO - OPENED SHORT at 2068.8 | Stop loss: 2079.144 | Take profit: 2037.7680000000003 +2025-03-10 12:21:48,573 - INFO - CLOSED short at 2067.51 | PnL: 0.06% | $-0.12 +2025-03-10 12:21:48,574 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.17245 | Take profit: 2098.52265 +2025-03-10 12:21:48,656 - INFO - CLOSED long at 2066.39 | PnL: -0.05% | $-0.50 +2025-03-10 12:21:48,771 - INFO - OPENED LONG at 2066.29 | Stop loss: 2055.95855 | Take profit: 2097.28435 +2025-03-10 12:21:48,895 - INFO - CLOSED long at 2068.76 | PnL: 0.12% | $0.06 +2025-03-10 12:21:48,896 - INFO - OPENED SHORT at 2068.76 | Stop loss: 2079.1038 | Take profit: 2037.7286000000001 +2025-03-10 12:21:48,979 - INFO - CLOSED short at 2068.51 | PnL: 0.01% | $-0.29 +2025-03-10 12:21:48,979 - INFO - OPENED LONG at 2068.51 | Stop loss: 2058.1674500000004 | Take profit: 2099.53765 +2025-03-10 12:21:49,153 - INFO - CLOSED long at 2069.96 | PnL: 0.07% | $-0.10 +2025-03-10 12:21:49,360 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.74445 | Take profit: 2104.20665 +2025-03-10 12:21:49,403 - INFO - CLOSED long at 2072.7 | PnL: -0.02% | $-0.39 +2025-03-10 12:21:49,564 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.5604 | Take profit: 2102.9988 +2025-03-10 12:21:49,602 - INFO - CLOSED long at 2070.4 | PnL: -0.07% | $-0.56 +2025-03-10 12:21:49,925 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.134 | Take profit: 2035.7980000000002 +2025-03-10 12:21:49,970 - INFO - CLOSED short at 2065.49 | PnL: 0.06% | $-0.12 +2025-03-10 12:21:50,013 - INFO - OPENED SHORT at 2063.61 | Stop loss: 2073.92805 | Take profit: 2032.65585 +2025-03-10 12:21:50,054 - INFO - CLOSED short at 2065.26 | PnL: -0.08% | $-0.58 +2025-03-10 12:21:50,055 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9337 | Take profit: 2096.2389 +2025-03-10 12:21:50,173 - INFO - CLOSED long at 2068.8 | PnL: 0.17% | $0.23 +2025-03-10 12:21:50,174 - INFO - OPENED SHORT at 2068.8 | Stop loss: 2079.144 | Take profit: 2037.7680000000003 +2025-03-10 12:21:50,214 - INFO - CLOSED short at 2069.34 | PnL: -0.03% | $-0.40 +2025-03-10 12:21:50,215 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9933 | Take profit: 2100.3801 +2025-03-10 12:21:50,330 - INFO - CLOSED long at 2069.2 | PnL: -0.01% | $-0.34 +2025-03-10 12:21:50,331 - INFO - OPENED SHORT at 2069.2 | Stop loss: 2079.546 | Take profit: 2038.1619999999998 +2025-03-10 12:21:50,377 - INFO - CLOSED short at 2070.3 | PnL: -0.05% | $-0.48 +2025-03-10 12:21:50,416 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.9479499999998 | Take profit: 2040.5161500000002 +2025-03-10 12:21:50,458 - INFO - CLOSED short at 2070.7 | PnL: 0.04% | $-0.18 +2025-03-10 12:21:50,459 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3464999999997 | Take profit: 2101.7604999999994 +2025-03-10 12:21:50,500 - INFO - CLOSED long at 2070.4 | PnL: -0.01% | $-0.36 +2025-03-10 12:21:50,542 - INFO - OPENED LONG at 2070.73 | Stop loss: 2060.37635 | Take profit: 2101.7909499999996 +2025-03-10 12:21:50,584 - INFO - CLOSED long at 2068.5 | PnL: -0.11% | $-0.65 +2025-03-10 12:21:50,585 - INFO - OPENED SHORT at 2068.5 | Stop loss: 2078.8424999999997 | Take profit: 2037.4725 +2025-03-10 12:21:50,661 - INFO - CLOSED short at 2067.84 | PnL: 0.03% | $-0.21 +2025-03-10 12:21:50,704 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.44555 | Take profit: 2036.10335 +2025-03-10 12:21:50,786 - INFO - CLOSED short at 2066.4 | PnL: 0.03% | $-0.20 +2025-03-10 12:21:50,787 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.068 | Take profit: 2097.3959999999997 +2025-03-10 12:21:50,824 - INFO - CLOSED long at 2066.1 | PnL: -0.01% | $-0.35 +2025-03-10 12:21:50,948 - INFO - OPENED LONG at 2064.47 | Stop loss: 2054.14765 | Take profit: 2095.4370499999995 +2025-03-10 12:21:51,025 - INFO - CLOSED long at 2067.8 | PnL: 0.16% | $0.19 +2025-03-10 12:21:51,025 - INFO - OPENED SHORT at 2067.8 | Stop loss: 2078.139 | Take profit: 2036.7830000000001 +2025-03-10 12:21:51,068 - INFO - CLOSED short at 2068.18 | PnL: -0.02% | $-0.36 +2025-03-10 12:21:51,192 - INFO - OPENED LONG at 2064.99 | Stop loss: 2054.6650499999996 | Take profit: 2095.9648499999994 +2025-03-10 12:21:51,233 - INFO - CLOSED long at 2065.83 | PnL: 0.04% | $-0.18 +2025-03-10 12:21:51,311 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.5863 | Take profit: 2034.2811000000002 +2025-03-10 12:21:51,353 - INFO - CLOSED short at 2062.89 | PnL: 0.11% | $0.04 +2025-03-10 12:21:51,354 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.57555 | Take profit: 2093.83335 +2025-03-10 12:21:51,405 - INFO - CLOSED long at 2062.65 | PnL: -0.01% | $-0.34 +2025-03-10 12:21:51,405 - INFO - OPENED SHORT at 2062.65 | Stop loss: 2072.96325 | Take profit: 2031.71025 +2025-03-10 12:21:51,448 - INFO - CLOSED short at 2061.78 | PnL: 0.04% | $-0.18 +2025-03-10 12:21:51,488 - INFO - OPENED SHORT at 2059.59 | Stop loss: 2069.88795 | Take profit: 2028.6961500000002 +2025-03-10 12:21:51,612 - INFO - CLOSED short at 2064.96 | PnL: -0.26% | $-1.09 +2025-03-10 12:21:51,649 - INFO - OPENED LONG at 2066.24 | Stop loss: 2055.9087999999997 | Take profit: 2097.2335999999996 +2025-03-10 12:21:51,692 - INFO - CLOSED long at 2067.1 | PnL: 0.04% | $-0.17 +2025-03-10 12:21:51,693 - INFO - OPENED SHORT at 2067.1 | Stop loss: 2077.4354999999996 | Take profit: 2036.0935 +2025-03-10 12:21:51,736 - INFO - CLOSED short at 2065.54 | PnL: 0.08% | $-0.07 +2025-03-10 12:21:51,780 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.42045 | Take profit: 2035.0986500000001 +2025-03-10 12:21:51,820 - INFO - CLOSED short at 2064.45 | PnL: 0.08% | $-0.06 +2025-03-10 12:21:51,821 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.1277499999997 | Take profit: 2095.4167499999994 +2025-03-10 12:21:51,897 - INFO - CLOSED long at 2062.71 | PnL: -0.08% | $-0.55 +2025-03-10 12:21:51,897 - INFO - OPENED SHORT at 2062.71 | Stop loss: 2073.02355 | Take profit: 2031.76935 +2025-03-10 12:21:51,937 - INFO - CLOSED short at 2062.89 | PnL: -0.01% | $-0.32 +2025-03-10 12:21:51,938 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.57555 | Take profit: 2093.83335 +2025-03-10 12:21:52,051 - INFO - CLOSED long at 2061.6 | PnL: -0.06% | $-0.48 +2025-03-10 12:21:52,132 - INFO - OPENED SHORT at 2060.65 | Stop loss: 2070.95325 | Take profit: 2029.74025 +2025-03-10 12:21:52,171 - INFO - CLOSED short at 2058.89 | PnL: 0.09% | $-0.04 +2025-03-10 12:21:52,248 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.6115499999996 | Take profit: 2029.40535 +2025-03-10 12:21:52,328 - INFO - CLOSED short at 2064.7 | PnL: -0.21% | $-0.91 +2025-03-10 12:21:52,329 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.3765 | Take profit: 2095.6704999999997 +2025-03-10 12:21:52,533 - INFO - CLOSED long at 2061.9 | PnL: -0.14% | $-0.68 +2025-03-10 12:21:52,575 - INFO - OPENED SHORT at 2064.1 | Stop loss: 2074.4204999999997 | Take profit: 2033.1384999999998 +2025-03-10 12:21:52,617 - INFO - CLOSED short at 2065.36 | PnL: -0.06% | $-0.46 +2025-03-10 12:21:52,699 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.70695 | Take profit: 2032.43915 +2025-03-10 12:21:52,740 - INFO - CLOSED short at 2064.79 | PnL: -0.07% | $-0.48 +2025-03-10 12:21:52,829 - INFO - OPENED SHORT at 2063.53 | Stop loss: 2073.84765 | Take profit: 2032.57705 +2025-03-10 12:21:52,869 - INFO - CLOSED short at 2063.0 | PnL: 0.03% | $-0.21 +2025-03-10 12:21:52,870 - INFO - OPENED LONG at 2063.0 | Stop loss: 2052.685 | Take profit: 2093.9449999999997 +2025-03-10 12:21:52,950 - INFO - CLOSED long at 2061.89 | PnL: -0.05% | $-0.43 +2025-03-10 12:21:52,951 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.1994499999996 | Take profit: 2030.9616499999997 +2025-03-10 12:21:53,111 - INFO - CLOSED short at 2059.61 | PnL: 0.11% | $0.03 +2025-03-10 12:21:53,152 - INFO - OPENED LONG at 2059.16 | Stop loss: 2048.8642 | Take profit: 2090.0473999999995 +2025-03-10 12:21:53,239 - INFO - CLOSED long at 2058.89 | PnL: -0.01% | $-0.32 +2025-03-10 12:21:53,239 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.1844499999997 | Take profit: 2028.0066499999998 +2025-03-10 12:21:53,280 - INFO - CLOSED short at 2059.96 | PnL: -0.05% | $-0.42 +2025-03-10 12:21:53,443 - INFO - OPENED SHORT at 2056.28 | Stop loss: 2066.5614 | Take profit: 2025.4358000000002 +2025-03-10 12:21:53,522 - INFO - CLOSED short at 2054.89 | PnL: 0.07% | $-0.09 +2025-03-10 12:21:53,522 - INFO - OPENED LONG at 2054.89 | Stop loss: 2044.6155499999998 | Take profit: 2085.7133499999995 +2025-03-10 12:21:53,567 - INFO - CLOSED long at 2054.83 | PnL: -0.00% | $-0.28 +2025-03-10 12:21:53,607 - INFO - OPENED SHORT at 2056.71 | Stop loss: 2066.9935499999997 | Take profit: 2025.85935 +2025-03-10 12:21:53,651 - INFO - CLOSED short at 2058.15 | PnL: -0.07% | $-0.47 +2025-03-10 12:21:53,651 - INFO - OPENED LONG at 2058.15 | Stop loss: 2047.85925 | Take profit: 2089.02225 +2025-03-10 12:21:53,728 - INFO - CLOSED long at 2061.66 | PnL: 0.17% | $0.19 +2025-03-10 12:21:53,773 - INFO - OPENED LONG at 2061.5 | Stop loss: 2051.1925 | Take profit: 2092.4224999999997 +2025-03-10 12:21:53,813 - INFO - CLOSED long at 2061.6 | PnL: 0.00% | $-0.26 +2025-03-10 12:21:53,942 - INFO - OPENED LONG at 2063.4 | Stop loss: 2053.083 | Take profit: 2094.351 +2025-03-10 12:21:53,982 - INFO - CLOSED long at 2066.36 | PnL: 0.14% | $0.12 +2025-03-10 12:21:54,106 - INFO - OPENED LONG at 2064.49 | Stop loss: 2054.1675499999997 | Take profit: 2095.4573499999997 +2025-03-10 12:21:54,147 - INFO - CLOSED long at 2066.33 | PnL: 0.09% | $-0.03 +2025-03-10 12:21:54,148 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6616499999996 | Take profit: 2035.33505 +2025-03-10 12:21:54,190 - INFO - CLOSED short at 2066.34 | PnL: -0.00% | $-0.27 +2025-03-10 12:21:54,347 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.36155 | Take profit: 2096.67535 +2025-03-10 12:21:54,431 - INFO - CLOSED long at 2072.0 | PnL: 0.31% | $0.56 +2025-03-10 12:21:54,431 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3599999999997 | Take profit: 2040.92 +2025-03-10 12:21:54,474 - INFO - CLOSED short at 2074.3 | PnL: -0.11% | $-0.58 +2025-03-10 12:21:54,475 - INFO - OPENED LONG at 2074.3 | Stop loss: 2063.9285 | Take profit: 2105.4145 +2025-03-10 12:21:54,553 - INFO - CLOSED long at 2075.01 | PnL: 0.03% | $-0.18 +2025-03-10 12:21:54,595 - INFO - OPENED SHORT at 2072.6 | Stop loss: 2082.9629999999997 | Take profit: 2041.511 +2025-03-10 12:21:54,634 - INFO - CLOSED short at 2071.04 | PnL: 0.08% | $-0.07 +2025-03-10 12:21:54,674 - INFO - OPENED LONG at 2070.01 | Stop loss: 2059.65995 | Take profit: 2101.06015 +2025-03-10 12:21:54,750 - INFO - CLOSED long at 2073.23 | PnL: 0.16% | $0.15 +2025-03-10 12:21:54,827 - INFO - OPENED SHORT at 2068.15 | Stop loss: 2078.49075 | Take profit: 2037.12775 +2025-03-10 12:21:54,868 - INFO - CLOSED short at 2068.39 | PnL: -0.01% | $-0.30 +2025-03-10 12:21:54,868 - INFO - OPENED LONG at 2068.39 | Stop loss: 2058.04805 | Take profit: 2099.41585 +2025-03-10 12:21:54,908 - INFO - CLOSED long at 2069.69 | PnL: 0.06% | $-0.10 +2025-03-10 12:21:54,909 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.03845 | Take profit: 2038.64465 +2025-03-10 12:21:54,947 - INFO - CLOSED short at 2069.03 | PnL: 0.03% | $-0.18 +2025-03-10 12:21:55,066 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6250499999996 | Take profit: 2104.0848499999997 +2025-03-10 12:21:55,254 - INFO - CLOSED long at 2065.7 | PnL: -0.35% | $-1.21 +2025-03-10 12:21:55,414 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1775 | Take profit: 2095.4674999999997 +2025-03-10 12:21:55,544 - INFO - CLOSED long at 2064.31 | PnL: -0.01% | $-0.29 +2025-03-10 12:21:55,587 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8275 | Take profit: 2034.5175 +2025-03-10 12:21:55,628 - INFO - CLOSED short at 2067.53 | PnL: -0.10% | $-0.52 +2025-03-10 12:21:55,670 - INFO - OPENED SHORT at 2065.29 | Stop loss: 2075.6164499999995 | Take profit: 2034.31065 +2025-03-10 12:21:55,707 - INFO - CLOSED short at 2065.31 | PnL: -0.00% | $-0.26 +2025-03-10 12:21:55,745 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.134 | Take profit: 2035.7980000000002 +2025-03-10 12:21:55,822 - INFO - CLOSED short at 2068.59 | PnL: -0.09% | $-0.48 +2025-03-10 12:21:55,822 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.24705 | Take profit: 2099.61885 +2025-03-10 12:21:55,903 - INFO - CLOSED long at 2070.2 | PnL: 0.08% | $-0.06 +2025-03-10 12:21:55,945 - INFO - OPENED SHORT at 2071.35 | Stop loss: 2081.70675 | Take profit: 2040.27975 +2025-03-10 12:21:55,985 - INFO - CLOSED short at 2070.9 | PnL: 0.02% | $-0.20 +2025-03-10 12:21:56,104 - INFO - OPENED SHORT at 2070.8 | Stop loss: 2081.154 | Take profit: 2039.738 +2025-03-10 12:21:56,184 - INFO - CLOSED short at 2070.61 | PnL: 0.01% | $-0.23 +2025-03-10 12:21:56,185 - INFO - OPENED LONG at 2070.61 | Stop loss: 2060.25695 | Take profit: 2101.6691499999997 +2025-03-10 12:21:56,222 - INFO - CLOSED long at 2071.99 | PnL: 0.07% | $-0.09 +2025-03-10 12:21:56,223 - INFO - OPENED SHORT at 2071.99 | Stop loss: 2082.3499499999994 | Take profit: 2040.9101499999997 +2025-03-10 12:21:56,262 - INFO - CLOSED short at 2068.19 | PnL: 0.18% | $0.21 +2025-03-10 12:21:56,615 - INFO - OPENED LONG at 2073.99 | Stop loss: 2063.62005 | Take profit: 2105.0998499999996 +2025-03-10 12:21:56,764 - INFO - CLOSED long at 2075.61 | PnL: 0.08% | $-0.06 +2025-03-10 12:21:56,764 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2085.98805 | Take profit: 2044.47585 +2025-03-10 12:21:56,805 - INFO - CLOSED short at 2074.0 | PnL: 0.08% | $-0.06 +2025-03-10 12:21:56,806 - INFO - OPENED LONG at 2074.0 | Stop loss: 2063.63 | Take profit: 2105.1099999999997 +2025-03-10 12:21:56,960 - INFO - CLOSED long at 2067.0 | PnL: -0.34% | $-1.12 +2025-03-10 12:21:56,998 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2394999999997 | Take profit: 2036.8815 +2025-03-10 12:21:57,225 - INFO - CLOSED short at 2069.0 | PnL: -0.05% | $-0.38 +2025-03-10 12:21:57,225 - INFO - OPENED LONG at 2069.0 | Stop loss: 2058.655 | Take profit: 2100.035 +2025-03-10 12:21:57,385 - INFO - CLOSED long at 2065.5 | PnL: -0.17% | $-0.67 +2025-03-10 12:21:57,387 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8275 | Take profit: 2034.5175 +2025-03-10 12:21:57,427 - INFO - CLOSED short at 2065.7 | PnL: -0.01% | $-0.27 +2025-03-10 12:21:57,428 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3714999999997 | Take profit: 2096.6854999999996 +2025-03-10 12:21:57,469 - INFO - CLOSED long at 2065.8 | PnL: 0.00% | $-0.23 +2025-03-10 12:21:57,471 - INFO - OPENED SHORT at 2065.8 | Stop loss: 2076.129 | Take profit: 2034.813 +2025-03-10 12:21:57,509 - INFO - CLOSED short at 2065.07 | PnL: 0.04% | $-0.16 +2025-03-10 12:21:57,509 - INFO - OPENED LONG at 2065.07 | Stop loss: 2054.74465 | Take profit: 2096.04605 +2025-03-10 12:21:57,634 - INFO - CLOSED long at 2062.34 | PnL: -0.13% | $-0.57 +2025-03-10 12:21:57,635 - INFO - OPENED SHORT at 2062.34 | Stop loss: 2072.6517 | Take profit: 2031.4049000000002 +2025-03-10 12:21:57,861 - INFO - CLOSED short at 2066.33 | PnL: -0.19% | $-0.71 +2025-03-10 12:21:57,900 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.69495 | Take profit: 2093.9551500000002 +2025-03-10 12:21:58,016 - INFO - CLOSED long at 2059.2 | PnL: -0.18% | $-0.68 +2025-03-10 12:21:58,016 - INFO - OPENED SHORT at 2059.2 | Stop loss: 2069.4959999999996 | Take profit: 2028.312 +2025-03-10 12:21:58,131 - INFO - CLOSED short at 2056.77 | PnL: 0.12% | $0.04 +2025-03-10 12:21:58,131 - INFO - OPENED LONG at 2056.77 | Stop loss: 2046.48615 | Take profit: 2087.62155 +2025-03-10 12:21:58,171 - INFO - CLOSED long at 2053.01 | PnL: -0.18% | $-0.67 +2025-03-10 12:21:58,287 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.2499499999994 | Take profit: 2021.2101499999997 +2025-03-10 12:21:58,327 - INFO - CLOSED short at 2058.3 | PnL: -0.31% | $-0.95 +2025-03-10 12:21:58,370 - INFO - OPENED LONG at 2056.85 | Stop loss: 2046.56575 | Take profit: 2087.70275 +2025-03-10 12:21:58,490 - INFO - CLOSED long at 2062.83 | PnL: 0.29% | $0.44 +2025-03-10 12:21:58,490 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.1441499999996 | Take profit: 2031.88755 +2025-03-10 12:21:58,529 - INFO - CLOSED short at 2063.9 | PnL: -0.05% | $-0.35 +2025-03-10 12:21:58,531 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5805 | Take profit: 2094.8585 +2025-03-10 12:21:58,613 - INFO - CLOSED long at 2062.43 | PnL: -0.07% | $-0.39 +2025-03-10 12:21:58,614 - INFO - OPENED SHORT at 2062.43 | Stop loss: 2072.7421499999996 | Take profit: 2031.49355 +2025-03-10 12:21:58,770 - INFO - CLOSED short at 2067.49 | PnL: -0.25% | $-0.79 +2025-03-10 12:21:58,812 - INFO - OPENED SHORT at 2066.59 | Stop loss: 2076.92295 | Take profit: 2035.5911500000002 +2025-03-10 12:21:58,853 - INFO - CLOSED short at 2064.08 | PnL: 0.12% | $0.05 +2025-03-10 12:21:58,854 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.7596 | Take profit: 2095.0411999999997 +2025-03-10 12:21:58,896 - INFO - CLOSED long at 2061.21 | PnL: -0.14% | $-0.54 +2025-03-10 12:21:58,897 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.5160499999997 | Take profit: 2030.29185 +2025-03-10 12:21:58,934 - INFO - CLOSED short at 2059.9 | PnL: 0.06% | $-0.08 +2025-03-10 12:21:58,935 - INFO - OPENED LONG at 2059.9 | Stop loss: 2049.6005 | Take profit: 2090.7985 +2025-03-10 12:21:59,009 - INFO - CLOSED long at 2061.84 | PnL: 0.09% | $-0.01 +2025-03-10 12:21:59,170 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.5911999999994 | Take profit: 2039.1863999999998 +2025-03-10 12:21:59,210 - INFO - CLOSED short at 2069.34 | PnL: 0.04% | $-0.13 +2025-03-10 12:21:59,211 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9933 | Take profit: 2100.3801 +2025-03-10 12:21:59,251 - INFO - CLOSED long at 2069.81 | PnL: 0.02% | $-0.17 +2025-03-10 12:21:59,329 - INFO - OPENED SHORT at 2073.49 | Stop loss: 2083.8574499999995 | Take profit: 2042.3876499999997 +2025-03-10 12:21:59,415 - INFO - CLOSED short at 2072.99 | PnL: 0.02% | $-0.17 +2025-03-10 12:21:59,416 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6250499999996 | Take profit: 2104.0848499999997 +2025-03-10 12:21:59,500 - INFO - CLOSED long at 2071.8 | PnL: -0.06% | $-0.35 +2025-03-10 12:21:59,500 - INFO - OPENED SHORT at 2071.8 | Stop loss: 2082.159 | Take profit: 2040.7230000000002 +2025-03-10 12:21:59,545 - INFO - CLOSED short at 2074.9 | PnL: -0.15% | $-0.55 +2025-03-10 12:21:59,589 - INFO - OPENED LONG at 2076.08 | Stop loss: 2065.6996 | Take profit: 2107.2211999999995 +2025-03-10 12:21:59,633 - INFO - CLOSED long at 2077.61 | PnL: 0.07% | $-0.06 +2025-03-10 12:21:59,672 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.1322 | Take profit: 2116.8433999999997 +2025-03-10 12:21:59,756 - INFO - CLOSED long at 2103.02 | PnL: 0.84% | $1.61 +2025-03-10 12:21:59,841 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8423 | Take profit: 2171.6330999999996 +2025-03-10 12:21:59,884 - INFO - CLOSED long at 2131.78 | PnL: -0.36% | $-1.04 +2025-03-10 12:22:00,093 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.3933999999995 | Take profit: 2110.5398 +2025-03-10 12:22:00,136 - INFO - CLOSED short at 2140.01 | PnL: 0.12% | $0.05 +2025-03-10 12:22:00,177 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.1061 | Take profit: 2166.8017 +2025-03-10 12:22:00,218 - INFO - CLOSED long at 2126.99 | PnL: -0.36% | $-1.02 +2025-03-10 12:22:00,219 - INFO - OPENED SHORT at 2126.99 | Stop loss: 2137.6249499999994 | Take profit: 2095.08515 +2025-03-10 12:22:00,545 - INFO - CLOSED short at 2118.52 | PnL: 0.40% | $0.64 +2025-03-10 12:22:00,624 - INFO - OPENED SHORT at 2119.07 | Stop loss: 2129.6653499999998 | Take profit: 2087.28395 +2025-03-10 12:22:00,664 - INFO - CLOSED short at 2115.28 | PnL: 0.18% | $0.17 +2025-03-10 12:22:00,665 - INFO - OPENED LONG at 2115.28 | Stop loss: 2104.7036000000003 | Take profit: 2147.0092 +2025-03-10 12:22:00,702 - INFO - CLOSED long at 2107.43 | PnL: -0.37% | $-1.03 +2025-03-10 12:22:00,778 - INFO - OPENED LONG at 2109.05 | Stop loss: 2098.50475 | Take profit: 2140.68575 +2025-03-10 12:22:00,864 - INFO - CLOSED long at 2112.95 | PnL: 0.18% | $0.18 +2025-03-10 12:22:00,864 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.5147499999994 | Take profit: 2081.25575 +2025-03-10 12:22:01,075 - INFO - CLOSED short at 2116.48 | PnL: -0.17% | $-0.58 +2025-03-10 12:22:01,559 - INFO - OPENED SHORT at 2102.19 | Stop loss: 2112.70095 | Take profit: 2070.65715 +2025-03-10 12:22:01,611 - INFO - CLOSED short at 2102.29 | PnL: -0.00% | $-0.22 +2025-03-10 12:22:01,692 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.4055000000003 | Take profit: 2130.3835 +2025-03-10 12:22:01,816 - INFO - CLOSED long at 2106.39 | PnL: 0.36% | $0.55 +2025-03-10 12:22:01,818 - INFO - OPENED SHORT at 2106.39 | Stop loss: 2116.9219499999995 | Take profit: 2074.7941499999997 +2025-03-10 12:22:02,174 - INFO - CLOSED short at 2093.46 | PnL: 0.61% | $1.11 +2025-03-10 12:22:02,175 - INFO - OPENED LONG at 2093.46 | Stop loss: 2082.9927000000002 | Take profit: 2124.8619 +2025-03-10 12:22:02,227 - INFO - CLOSED long at 2093.33 | PnL: -0.01% | $-0.23 +2025-03-10 12:22:02,227 - INFO - OPENED SHORT at 2093.33 | Stop loss: 2103.7966499999998 | Take profit: 2061.93005 +2025-03-10 12:22:02,269 - INFO - CLOSED short at 2092.46 | PnL: 0.04% | $-0.13 +2025-03-10 12:22:02,354 - INFO - OPENED SHORT at 2094.72 | Stop loss: 2105.1935999999996 | Take profit: 2063.2992 +2025-03-10 12:22:02,444 - INFO - CLOSED short at 2088.35 | PnL: 0.30% | $0.45 +2025-03-10 12:22:02,445 - INFO - OPENED LONG at 2088.35 | Stop loss: 2077.90825 | Take profit: 2119.67525 +2025-03-10 12:22:02,494 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 17.1% in downtrends | Avg Win=$0.37, Avg Loss=$-0.43 +2025-03-10 12:22:02,494 - INFO - Episode 0: Reward=-133.55, Balance=$54.96, Win Rate=48.7%, Trades=152, Episode PnL=$-24.10, Total PnL=$-45.04, Max Drawdown=46.8%, Pred Accuracy=98.1% +2025-03-10 12:22:02,619 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:22:02,737 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:22:02,839 - INFO - Model saved to models/trading_agent_episode_0.pt +2025-03-10 12:22:02,860 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:22:03,136 - INFO - OPENED LONG at 2056.0 | Stop loss: 2045.72 | Take profit: 2086.8399999999997 +2025-03-10 12:22:03,179 - INFO - CLOSED long at 2055.31 | PnL: -0.03% | $-0.53 +2025-03-10 12:22:03,220 - INFO - OPENED SHORT at 2059.23 | Stop loss: 2069.5261499999997 | Take profit: 2028.34155 +2025-03-10 12:22:03,380 - INFO - CLOSED short at 2065.64 | PnL: -0.31% | $-1.64 +2025-03-10 12:22:03,381 - INFO - OPENED LONG at 2065.64 | Stop loss: 2055.3118 | Take profit: 2096.6245999999996 +2025-03-10 12:22:03,461 - INFO - CLOSED long at 2067.0 | PnL: 0.07% | $-0.13 +2025-03-10 12:22:03,461 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3349999999996 | Take profit: 2035.995 +2025-03-10 12:22:03,736 - INFO - CLOSED short at 2063.84 | PnL: 0.15% | $0.21 +2025-03-10 12:22:03,850 - INFO - OPENED SHORT at 2059.4 | Stop loss: 2069.6969999999997 | Take profit: 2028.509 +2025-03-10 12:22:03,969 - INFO - CLOSED short at 2059.4 | PnL: 0.00% | $-0.39 +2025-03-10 12:22:04,010 - INFO - OPENED LONG at 2060.1 | Stop loss: 2049.7995 | Take profit: 2091.0015 +2025-03-10 12:22:04,053 - INFO - CLOSED long at 2060.51 | PnL: 0.02% | $-0.31 +2025-03-10 12:22:04,054 - INFO - OPENED SHORT at 2060.51 | Stop loss: 2070.81255 | Take profit: 2029.6023500000001 +2025-03-10 12:22:04,131 - INFO - CLOSED short at 2056.9 | PnL: 0.18% | $0.29 +2025-03-10 12:22:04,298 - INFO - OPENED SHORT at 2058.51 | Stop loss: 2068.80255 | Take profit: 2027.63235 +2025-03-10 12:22:04,428 - INFO - CLOSED short at 2056.4 | PnL: 0.10% | $0.01 +2025-03-10 12:22:04,744 - INFO - OPENED SHORT at 2050.71 | Stop loss: 2060.96355 | Take profit: 2019.94935 +2025-03-10 12:22:04,827 - INFO - CLOSED short at 2049.49 | PnL: 0.06% | $-0.16 +2025-03-10 12:22:04,828 - INFO - OPENED LONG at 2049.49 | Stop loss: 2039.2425499999997 | Take profit: 2080.2323499999998 +2025-03-10 12:22:04,905 - INFO - CLOSED long at 2049.6 | PnL: 0.01% | $-0.37 +2025-03-10 12:22:04,906 - INFO - OPENED SHORT at 2049.6 | Stop loss: 2059.8479999999995 | Take profit: 2018.856 +2025-03-10 12:22:04,986 - INFO - CLOSED short at 2049.61 | PnL: -0.00% | $-0.39 +2025-03-10 12:22:04,986 - INFO - OPENED LONG at 2049.61 | Stop loss: 2039.3619500000002 | Take profit: 2080.35415 +2025-03-10 12:22:05,107 - INFO - CLOSED long at 2047.39 | PnL: -0.11% | $-0.80 +2025-03-10 12:22:05,108 - INFO - OPENED SHORT at 2047.39 | Stop loss: 2057.62695 | Take profit: 2016.6791500000002 +2025-03-10 12:22:05,264 - INFO - CLOSED short at 2045.99 | PnL: 0.07% | $-0.12 +2025-03-10 12:22:05,265 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.76005 | Take profit: 2076.67985 +2025-03-10 12:22:05,349 - INFO - CLOSED long at 2045.79 | PnL: -0.01% | $-0.42 +2025-03-10 12:22:05,390 - INFO - OPENED SHORT at 2048.13 | Stop loss: 2058.37065 | Take profit: 2017.40805 +2025-03-10 12:22:05,546 - INFO - CLOSED short at 2050.24 | PnL: -0.10% | $-0.77 +2025-03-10 12:22:05,627 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.85445 | Take profit: 2081.87665 +2025-03-10 12:22:05,665 - INFO - CLOSED long at 2053.26 | PnL: 0.10% | $0.02 +2025-03-10 12:22:05,666 - INFO - OPENED SHORT at 2053.26 | Stop loss: 2063.5263 | Take profit: 2022.4611000000002 +2025-03-10 12:22:05,703 - INFO - CLOSED short at 2051.89 | PnL: 0.07% | $-0.13 +2025-03-10 12:22:05,742 - INFO - OPENED SHORT at 2052.3 | Stop loss: 2062.5615 | Take profit: 2021.5155000000002 +2025-03-10 12:22:05,854 - INFO - CLOSED short at 2056.89 | PnL: -0.22% | $-1.22 +2025-03-10 12:22:05,933 - INFO - OPENED SHORT at 2060.13 | Stop loss: 2070.43065 | Take profit: 2029.2280500000002 +2025-03-10 12:22:05,974 - INFO - CLOSED short at 2059.7 | PnL: 0.02% | $-0.29 +2025-03-10 12:22:05,975 - INFO - OPENED LONG at 2059.7 | Stop loss: 2049.4015 | Take profit: 2090.5954999999994 +2025-03-10 12:22:06,092 - INFO - CLOSED long at 2064.61 | PnL: 0.24% | $0.51 +2025-03-10 12:22:06,136 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.27205 | Take profit: 2094.54385 +2025-03-10 12:22:06,217 - INFO - CLOSED long at 2064.69 | PnL: 0.05% | $-0.17 +2025-03-10 12:22:06,218 - INFO - OPENED SHORT at 2064.69 | Stop loss: 2075.01345 | Take profit: 2033.71965 +2025-03-10 12:22:06,385 - INFO - CLOSED short at 2060.0 | PnL: 0.23% | $0.47 +2025-03-10 12:22:06,532 - INFO - OPENED LONG at 2059.49 | Stop loss: 2049.1925499999998 | Take profit: 2090.3823499999994 +2025-03-10 12:22:06,676 - INFO - CLOSED long at 2057.94 | PnL: -0.08% | $-0.66 +2025-03-10 12:22:06,801 - INFO - OPENED SHORT at 2061.18 | Stop loss: 2071.4858999999997 | Take profit: 2030.2622999999999 +2025-03-10 12:22:07,074 - INFO - STOP LOSS hit for short at 2071.4858999999997 | PnL: -0.50% | $-2.23 +2025-03-10 12:22:07,153 - INFO - OPENED LONG at 2069.6 | Stop loss: 2059.252 | Take profit: 2100.644 +2025-03-10 12:22:07,194 - INFO - CLOSED long at 2068.65 | PnL: -0.05% | $-0.53 +2025-03-10 12:22:07,234 - INFO - OPENED SHORT at 2068.99 | Stop loss: 2079.3349499999995 | Take profit: 2037.9551499999998 +2025-03-10 12:22:07,433 - INFO - CLOSED short at 2073.73 | PnL: -0.23% | $-1.19 +2025-03-10 12:22:07,681 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.02315 | Take profit: 2100.4105499999996 +2025-03-10 12:22:07,756 - INFO - CLOSED long at 2072.8 | PnL: 0.17% | $0.23 +2025-03-10 12:22:07,757 - INFO - OPENED SHORT at 2072.8 | Stop loss: 2083.1639999999998 | Take profit: 2041.708 +2025-03-10 12:22:07,796 - INFO - CLOSED short at 2070.79 | PnL: 0.10% | $-0.01 +2025-03-10 12:22:07,796 - INFO - OPENED LONG at 2070.79 | Stop loss: 2060.43605 | Take profit: 2101.8518499999996 +2025-03-10 12:22:07,835 - INFO - CLOSED long at 2070.28 | PnL: -0.02% | $-0.45 +2025-03-10 12:22:07,954 - INFO - OPENED LONG at 2070.36 | Stop loss: 2060.0082 | Take profit: 2101.4154 +2025-03-10 12:22:08,042 - INFO - CLOSED long at 2070.7 | PnL: 0.02% | $-0.30 +2025-03-10 12:22:08,043 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0534999999995 | Take profit: 2039.6394999999998 +2025-03-10 12:22:08,083 - INFO - CLOSED short at 2069.34 | PnL: 0.07% | $-0.12 +2025-03-10 12:22:08,083 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9933 | Take profit: 2100.3801 +2025-03-10 12:22:08,205 - INFO - CLOSED long at 2067.6 | PnL: -0.08% | $-0.65 +2025-03-10 12:22:08,206 - INFO - OPENED SHORT at 2067.6 | Stop loss: 2077.9379999999996 | Take profit: 2036.5859999999998 +2025-03-10 12:22:08,245 - INFO - CLOSED short at 2067.51 | PnL: 0.00% | $-0.34 +2025-03-10 12:22:08,246 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.17245 | Take profit: 2098.52265 +2025-03-10 12:22:08,287 - INFO - CLOSED long at 2069.01 | PnL: 0.07% | $-0.10 +2025-03-10 12:22:08,288 - INFO - OPENED SHORT at 2069.01 | Stop loss: 2079.35505 | Take profit: 2037.9748500000003 +2025-03-10 12:22:08,420 - INFO - CLOSED short at 2066.19 | PnL: 0.14% | $0.13 +2025-03-10 12:22:08,420 - INFO - OPENED LONG at 2066.19 | Stop loss: 2055.85905 | Take profit: 2097.1828499999997 +2025-03-10 12:22:08,537 - INFO - CLOSED long at 2066.18 | PnL: -0.00% | $-0.35 +2025-03-10 12:22:08,537 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.5108999999998 | Take profit: 2035.1872999999998 +2025-03-10 12:22:08,642 - INFO - CLOSED short at 2068.9 | PnL: -0.13% | $-0.81 +2025-03-10 12:22:08,643 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.5555 | Take profit: 2099.9335 +2025-03-10 12:22:08,875 - INFO - CLOSED long at 2069.96 | PnL: 0.05% | $-0.17 +2025-03-10 12:22:08,875 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.3098 | Take profit: 2038.9106 +2025-03-10 12:22:08,995 - INFO - CLOSED short at 2071.36 | PnL: -0.07% | $-0.58 +2025-03-10 12:22:08,995 - INFO - OPENED LONG at 2071.36 | Stop loss: 2061.0032 | Take profit: 2102.4303999999997 +2025-03-10 12:22:09,108 - INFO - CLOSED long at 2072.7 | PnL: 0.06% | $-0.12 +2025-03-10 12:22:09,108 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.0634999999997 | Take profit: 2041.6094999999998 +2025-03-10 12:22:09,152 - INFO - CLOSED short at 2072.15 | PnL: 0.03% | $-0.25 +2025-03-10 12:22:09,320 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.752 | Take profit: 2039.344 +2025-03-10 12:22:09,362 - INFO - CLOSED short at 2071.11 | PnL: -0.03% | $-0.46 +2025-03-10 12:22:09,437 - INFO - OPENED LONG at 2069.35 | Stop loss: 2059.0032499999998 | Take profit: 2100.39025 +2025-03-10 12:22:09,480 - INFO - CLOSED long at 2068.32 | PnL: -0.05% | $-0.51 +2025-03-10 12:22:09,559 - INFO - OPENED SHORT at 2067.79 | Stop loss: 2078.12895 | Take profit: 2036.77315 +2025-03-10 12:22:09,600 - INFO - CLOSED short at 2067.46 | PnL: 0.02% | $-0.28 +2025-03-10 12:22:09,602 - INFO - OPENED LONG at 2067.46 | Stop loss: 2057.1227 | Take profit: 2098.4719 +2025-03-10 12:22:09,643 - INFO - CLOSED long at 2066.8 | PnL: -0.03% | $-0.44 +2025-03-10 12:22:09,644 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.134 | Take profit: 2035.7980000000002 +2025-03-10 12:22:09,684 - INFO - CLOSED short at 2065.49 | PnL: 0.06% | $-0.12 +2025-03-10 12:22:09,723 - INFO - OPENED SHORT at 2063.61 | Stop loss: 2073.92805 | Take profit: 2032.65585 +2025-03-10 12:22:09,796 - INFO - CLOSED short at 2067.89 | PnL: -0.21% | $-1.03 +2025-03-10 12:22:09,797 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.55055 | Take profit: 2098.9083499999997 +2025-03-10 12:22:09,833 - INFO - CLOSED long at 2068.58 | PnL: 0.03% | $-0.22 +2025-03-10 12:22:09,835 - INFO - OPENED SHORT at 2068.58 | Stop loss: 2078.9228999999996 | Take profit: 2037.5512999999999 +2025-03-10 12:22:09,913 - INFO - CLOSED short at 2069.34 | PnL: -0.04% | $-0.45 +2025-03-10 12:22:09,951 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.1992999999998 | Take profit: 2036.8421 +2025-03-10 12:22:10,072 - INFO - CLOSED short at 2070.3 | PnL: -0.12% | $-0.71 +2025-03-10 12:22:10,072 - INFO - OPENED LONG at 2070.3 | Stop loss: 2059.9485 | Take profit: 2101.3545 +2025-03-10 12:22:10,111 - INFO - CLOSED long at 2071.59 | PnL: 0.06% | $-0.12 +2025-03-10 12:22:10,112 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.9479499999998 | Take profit: 2040.5161500000002 +2025-03-10 12:22:10,150 - INFO - CLOSED short at 2070.7 | PnL: 0.04% | $-0.18 +2025-03-10 12:22:10,150 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3464999999997 | Take profit: 2101.7604999999994 +2025-03-10 12:22:10,193 - INFO - CLOSED long at 2070.4 | PnL: -0.01% | $-0.37 +2025-03-10 12:22:10,310 - INFO - OPENED LONG at 2068.69 | Stop loss: 2058.34655 | Take profit: 2099.72035 +2025-03-10 12:22:10,354 - INFO - CLOSED long at 2067.84 | PnL: -0.04% | $-0.45 +2025-03-10 12:22:10,397 - INFO - OPENED LONG at 2067.11 | Stop loss: 2056.7744500000003 | Take profit: 2098.11665 +2025-03-10 12:22:10,475 - INFO - CLOSED long at 2066.4 | PnL: -0.03% | $-0.43 +2025-03-10 12:22:10,475 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.732 | Take profit: 2035.404 +2025-03-10 12:22:10,516 - INFO - CLOSED short at 2066.1 | PnL: 0.01% | $-0.27 +2025-03-10 12:22:10,517 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7695 | Take profit: 2097.0914999999995 +2025-03-10 12:22:10,557 - INFO - CLOSED long at 2065.28 | PnL: -0.04% | $-0.44 +2025-03-10 12:22:10,748 - INFO - OPENED SHORT at 2068.18 | Stop loss: 2078.5208999999995 | Take profit: 2037.1572999999999 +2025-03-10 12:22:10,790 - INFO - CLOSED short at 2065.69 | PnL: 0.12% | $0.06 +2025-03-10 12:22:10,791 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.36155 | Take profit: 2096.67535 +2025-03-10 12:22:10,905 - INFO - CLOSED long at 2065.83 | PnL: 0.01% | $-0.29 +2025-03-10 12:22:10,946 - INFO - OPENED LONG at 2066.15 | Stop loss: 2055.81925 | Take profit: 2097.14225 +2025-03-10 12:22:10,985 - INFO - CLOSED long at 2065.26 | PnL: -0.04% | $-0.45 +2025-03-10 12:22:10,985 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.5863 | Take profit: 2034.2811000000002 +2025-03-10 12:22:11,146 - INFO - CLOSED short at 2059.59 | PnL: 0.27% | $0.54 +2025-03-10 12:22:11,147 - INFO - OPENED LONG at 2059.59 | Stop loss: 2049.29205 | Take profit: 2090.48385 +2025-03-10 12:22:11,183 - INFO - CLOSED long at 2061.3 | PnL: 0.08% | $-0.05 +2025-03-10 12:22:11,225 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.27205 | Take profit: 2094.54385 +2025-03-10 12:22:11,350 - INFO - CLOSED long at 2067.1 | PnL: 0.17% | $0.22 +2025-03-10 12:22:11,350 - INFO - OPENED SHORT at 2067.1 | Stop loss: 2077.4354999999996 | Take profit: 2036.0935 +2025-03-10 12:22:11,392 - INFO - CLOSED short at 2065.54 | PnL: 0.08% | $-0.08 +2025-03-10 12:22:11,394 - INFO - OPENED LONG at 2065.54 | Stop loss: 2055.2123 | Take profit: 2096.5231 +2025-03-10 12:22:11,515 - INFO - CLOSED long at 2064.08 | PnL: -0.07% | $-0.54 +2025-03-10 12:22:11,557 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.39645 | Take profit: 2093.65065 +2025-03-10 12:22:11,639 - INFO - CLOSED long at 2064.5 | PnL: 0.09% | $-0.04 +2025-03-10 12:22:11,756 - INFO - OPENED SHORT at 2060.9 | Stop loss: 2071.2045 | Take profit: 2029.9865 +2025-03-10 12:22:11,791 - INFO - CLOSED short at 2060.65 | PnL: 0.01% | $-0.27 +2025-03-10 12:22:11,791 - INFO - OPENED LONG at 2060.65 | Stop loss: 2050.34675 | Take profit: 2091.55975 +2025-03-10 12:22:11,836 - INFO - CLOSED long at 2058.89 | PnL: -0.09% | $-0.58 +2025-03-10 12:22:11,836 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.1844499999997 | Take profit: 2028.0066499999998 +2025-03-10 12:22:11,877 - INFO - CLOSED short at 2059.3 | PnL: -0.02% | $-0.37 +2025-03-10 12:22:11,952 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.109 | Take profit: 2030.873 +2025-03-10 12:22:12,068 - INFO - CLOSED short at 2060.91 | PnL: 0.04% | $-0.17 +2025-03-10 12:22:12,107 - INFO - OPENED LONG at 2060.3 | Stop loss: 2049.9985 | Take profit: 2091.2045 +2025-03-10 12:22:12,261 - INFO - CLOSED long at 2065.36 | PnL: 0.25% | $0.45 +2025-03-10 12:22:12,262 - INFO - OPENED SHORT at 2065.36 | Stop loss: 2075.6868 | Take profit: 2034.3796000000002 +2025-03-10 12:22:12,341 - INFO - CLOSED short at 2063.39 | PnL: 0.10% | $-0.01 +2025-03-10 12:22:12,342 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.07305 | Take profit: 2094.3408499999996 +2025-03-10 12:22:12,426 - INFO - CLOSED long at 2065.89 | PnL: 0.12% | $0.07 +2025-03-10 12:22:12,426 - INFO - OPENED SHORT at 2065.89 | Stop loss: 2076.2194499999996 | Take profit: 2034.9016499999998 +2025-03-10 12:22:12,550 - INFO - CLOSED short at 2062.6 | PnL: 0.16% | $0.18 +2025-03-10 12:22:12,551 - INFO - OPENED LONG at 2062.6 | Stop loss: 2052.287 | Take profit: 2093.5389999999998 +2025-03-10 12:22:12,590 - INFO - CLOSED long at 2061.89 | PnL: -0.03% | $-0.42 +2025-03-10 12:22:12,668 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:22:12,706 - INFO - CLOSED short at 2061.09 | PnL: -0.02% | $-0.37 +2025-03-10 12:22:12,706 - INFO - OPENED LONG at 2061.09 | Stop loss: 2050.7845500000003 | Take profit: 2092.00635 +2025-03-10 12:22:12,785 - INFO - CLOSED long at 2059.16 | PnL: -0.09% | $-0.59 +2025-03-10 12:22:12,785 - INFO - OPENED SHORT at 2059.16 | Stop loss: 2069.4557999999997 | Take profit: 2028.2725999999998 +2025-03-10 12:22:12,911 - INFO - CLOSED short at 2059.96 | PnL: -0.04% | $-0.42 +2025-03-10 12:22:12,994 - INFO - OPENED LONG at 2057.4 | Stop loss: 2047.113 | Take profit: 2088.261 +2025-03-10 12:22:13,035 - INFO - CLOSED long at 2058.28 | PnL: 0.04% | $-0.17 +2025-03-10 12:22:13,078 - INFO - OPENED LONG at 2056.28 | Stop loss: 2045.9986000000001 | Take profit: 2087.1242 +2025-03-10 12:22:13,200 - INFO - CLOSED long at 2054.83 | PnL: -0.07% | $-0.51 +2025-03-10 12:22:13,201 - INFO - OPENED SHORT at 2054.83 | Stop loss: 2065.1041499999997 | Take profit: 2024.0075499999998 +2025-03-10 12:22:13,357 - INFO - CLOSED short at 2061.66 | PnL: -0.33% | $-1.29 +2025-03-10 12:22:13,357 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.3516999999997 | Take profit: 2092.5849 +2025-03-10 12:22:13,444 - INFO - CLOSED long at 2061.6 | PnL: -0.00% | $-0.30 +2025-03-10 12:22:13,446 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.908 | Take profit: 2030.676 +2025-03-10 12:22:13,566 - INFO - CLOSED short at 2063.4 | PnL: -0.09% | $-0.55 +2025-03-10 12:22:13,566 - INFO - OPENED LONG at 2063.4 | Stop loss: 2053.083 | Take profit: 2094.351 +2025-03-10 12:22:13,605 - INFO - CLOSED long at 2066.36 | PnL: 0.14% | $0.13 +2025-03-10 12:22:13,645 - INFO - OPENED LONG at 2066.01 | Stop loss: 2055.67995 | Take profit: 2097.00015 +2025-03-10 12:22:13,725 - INFO - CLOSED long at 2064.49 | PnL: -0.07% | $-0.51 +2025-03-10 12:22:13,809 - INFO - OPENED LONG at 2066.34 | Stop loss: 2056.0083 | Take profit: 2097.3351 +2025-03-10 12:22:13,933 - INFO - CLOSED long at 2067.01 | PnL: 0.03% | $-0.20 +2025-03-10 12:22:13,933 - INFO - OPENED SHORT at 2067.01 | Stop loss: 2077.34505 | Take profit: 2036.0048500000003 +2025-03-10 12:22:13,972 - INFO - CLOSED short at 2065.69 | PnL: 0.06% | $-0.10 +2025-03-10 12:22:13,973 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.36155 | Take profit: 2096.67535 +2025-03-10 12:22:14,048 - INFO - CLOSED long at 2072.0 | PnL: 0.31% | $0.59 +2025-03-10 12:22:14,048 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3599999999997 | Take profit: 2040.92 +2025-03-10 12:22:14,250 - INFO - CLOSED short at 2071.04 | PnL: 0.05% | $-0.16 +2025-03-10 12:22:14,251 - INFO - OPENED LONG at 2071.04 | Stop loss: 2060.6848 | Take profit: 2102.1056 +2025-03-10 12:22:14,289 - INFO - CLOSED long at 2070.01 | PnL: -0.05% | $-0.43 +2025-03-10 12:22:14,373 - INFO - OPENED SHORT at 2073.23 | Stop loss: 2083.59615 | Take profit: 2042.13155 +2025-03-10 12:22:14,497 - INFO - CLOSED short at 2068.39 | PnL: 0.23% | $0.38 +2025-03-10 12:22:14,537 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.03845 | Take profit: 2038.64465 +2025-03-10 12:22:14,839 - INFO - CLOSED short at 2067.33 | PnL: 0.11% | $0.04 +2025-03-10 12:22:14,878 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.0481 | Take profit: 2097.3757 +2025-03-10 12:22:14,921 - INFO - CLOSED long at 2065.7 | PnL: -0.03% | $-0.39 +2025-03-10 12:22:15,277 - INFO - OPENED SHORT at 2067.53 | Stop loss: 2077.86765 | Take profit: 2036.5170500000002 +2025-03-10 12:22:15,403 - INFO - CLOSED short at 2066.8 | PnL: 0.04% | $-0.19 +2025-03-10 12:22:15,403 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.4660000000003 | Take profit: 2097.802 +2025-03-10 12:22:15,487 - INFO - CLOSED long at 2068.59 | PnL: 0.09% | $-0.04 +2025-03-10 12:22:15,488 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.93295 | Take profit: 2037.5611500000002 +2025-03-10 12:22:15,567 - INFO - CLOSED short at 2070.2 | PnL: -0.08% | $-0.51 +2025-03-10 12:22:15,610 - INFO - OPENED LONG at 2071.35 | Stop loss: 2060.99325 | Take profit: 2102.4202499999997 +2025-03-10 12:22:15,690 - INFO - CLOSED long at 2069.69 | PnL: -0.08% | $-0.51 +2025-03-10 12:22:15,691 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.03845 | Take profit: 2038.64465 +2025-03-10 12:22:15,733 - INFO - CLOSED short at 2070.7 | PnL: -0.05% | $-0.42 +2025-03-10 12:22:15,774 - INFO - OPENED SHORT at 2070.8 | Stop loss: 2081.154 | Take profit: 2039.738 +2025-03-10 12:22:15,816 - INFO - CLOSED short at 2070.35 | PnL: 0.02% | $-0.22 +2025-03-10 12:22:15,857 - INFO - OPENED SHORT at 2070.61 | Stop loss: 2080.96305 | Take profit: 2039.55085 +2025-03-10 12:22:16,092 - INFO - CLOSED short at 2071.61 | PnL: -0.05% | $-0.42 +2025-03-10 12:22:16,206 - INFO - OPENED SHORT at 2074.35 | Stop loss: 2084.7217499999997 | Take profit: 2043.2347499999998 +2025-03-10 12:22:16,250 - INFO - CLOSED short at 2073.27 | PnL: 0.05% | $-0.13 +2025-03-10 12:22:16,252 - INFO - OPENED LONG at 2073.27 | Stop loss: 2062.90365 | Take profit: 2104.36905 +2025-03-10 12:22:16,550 - INFO - CLOSED long at 2072.09 | PnL: -0.06% | $-0.44 +2025-03-10 12:22:16,550 - INFO - OPENED SHORT at 2072.09 | Stop loss: 2082.45045 | Take profit: 2041.0086500000002 +2025-03-10 12:22:16,680 - INFO - CLOSED short at 2067.0 | PnL: 0.25% | $0.40 +2025-03-10 12:22:16,681 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.665 | Take profit: 2098.0049999999997 +2025-03-10 12:22:16,767 - INFO - CLOSED long at 2066.4 | PnL: -0.03% | $-0.36 +2025-03-10 12:22:16,897 - INFO - OPENED SHORT at 2065.45 | Stop loss: 2075.7772499999996 | Take profit: 2034.46825 +2025-03-10 12:22:17,021 - INFO - CLOSED short at 2070.19 | PnL: -0.23% | $-0.91 +2025-03-10 12:22:17,022 - INFO - OPENED LONG at 2070.19 | Stop loss: 2059.83905 | Take profit: 2101.2428499999996 +2025-03-10 12:22:17,111 - INFO - CLOSED long at 2067.19 | PnL: -0.14% | $-0.67 +2025-03-10 12:22:17,190 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3714999999997 | Take profit: 2096.6854999999996 +2025-03-10 12:22:17,229 - INFO - CLOSED long at 2065.8 | PnL: 0.00% | $-0.26 +2025-03-10 12:22:17,274 - INFO - OPENED LONG at 2065.07 | Stop loss: 2054.74465 | Take profit: 2096.04605 +2025-03-10 12:22:17,315 - INFO - CLOSED long at 2066.09 | PnL: 0.05% | $-0.14 +2025-03-10 12:22:17,316 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.42045 | Take profit: 2035.0986500000001 +2025-03-10 12:22:17,403 - INFO - CLOSED short at 2062.34 | PnL: 0.18% | $0.22 +2025-03-10 12:22:17,403 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.0283 | Take profit: 2093.2751 +2025-03-10 12:22:17,443 - INFO - CLOSED long at 2063.98 | PnL: 0.08% | $-0.06 +2025-03-10 12:22:17,444 - INFO - OPENED SHORT at 2063.98 | Stop loss: 2074.2999 | Take profit: 2033.0203 +2025-03-10 12:22:17,487 - INFO - CLOSED short at 2066.1 | PnL: -0.10% | $-0.55 +2025-03-10 12:22:17,487 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7695 | Take profit: 2097.0914999999995 +2025-03-10 12:22:17,531 - INFO - CLOSED long at 2065.06 | PnL: -0.05% | $-0.40 +2025-03-10 12:22:17,532 - INFO - OPENED SHORT at 2065.06 | Stop loss: 2075.3853 | Take profit: 2034.0840999999998 +2025-03-10 12:22:17,698 - INFO - CLOSED short at 2063.01 | PnL: 0.10% | $-0.00 +2025-03-10 12:22:17,699 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.69495 | Take profit: 2093.9551500000002 +2025-03-10 12:22:17,738 - INFO - CLOSED long at 2060.7 | PnL: -0.11% | $-0.56 +2025-03-10 12:22:17,738 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:22:17,863 - INFO - CLOSED short at 2058.09 | PnL: 0.13% | $0.07 +2025-03-10 12:22:17,864 - INFO - OPENED LONG at 2058.09 | Stop loss: 2047.7995500000002 | Take profit: 2088.96135 +2025-03-10 12:22:17,902 - INFO - CLOSED long at 2058.65 | PnL: 0.03% | $-0.19 +2025-03-10 12:22:17,902 - INFO - OPENED SHORT at 2058.65 | Stop loss: 2068.94325 | Take profit: 2027.77025 +2025-03-10 12:22:17,980 - INFO - CLOSED short at 2053.01 | PnL: 0.27% | $0.46 +2025-03-10 12:22:17,980 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.7449500000002 | Take profit: 2083.80515 +2025-03-10 12:22:18,096 - INFO - CLOSED long at 2051.99 | PnL: -0.05% | $-0.40 +2025-03-10 12:22:18,096 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.2499499999994 | Take profit: 2021.2101499999997 +2025-03-10 12:22:18,134 - INFO - CLOSED short at 2058.3 | PnL: -0.31% | $-1.07 +2025-03-10 12:22:18,135 - INFO - OPENED LONG at 2058.3 | Stop loss: 2048.0085000000004 | Take profit: 2089.1745 +2025-03-10 12:22:18,172 - INFO - CLOSED long at 2056.85 | PnL: -0.07% | $-0.44 +2025-03-10 12:22:18,214 - INFO - OPENED SHORT at 2057.11 | Stop loss: 2067.3955499999997 | Take profit: 2026.2533500000002 +2025-03-10 12:22:18,293 - INFO - CLOSED short at 2062.83 | PnL: -0.28% | $-0.97 +2025-03-10 12:22:18,489 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.7943999999998 | Take profit: 2096.0968 +2025-03-10 12:22:18,573 - INFO - CLOSED long at 2067.49 | PnL: 0.11% | $0.04 +2025-03-10 12:22:18,574 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8274499999998 | Take profit: 2036.4776499999998 +2025-03-10 12:22:18,620 - INFO - CLOSED short at 2066.59 | PnL: 0.04% | $-0.14 +2025-03-10 12:22:18,660 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.7596 | Take profit: 2095.0411999999997 +2025-03-10 12:22:18,787 - INFO - CLOSED long at 2060.7 | PnL: -0.16% | $-0.67 +2025-03-10 12:22:18,788 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:22:18,874 - INFO - CLOSED short at 2062.54 | PnL: -0.09% | $-0.47 +2025-03-10 12:22:18,874 - INFO - OPENED LONG at 2062.54 | Stop loss: 2052.2273 | Take profit: 2093.4781 +2025-03-10 12:22:18,993 - INFO - CLOSED long at 2070.24 | PnL: 0.37% | $0.68 +2025-03-10 12:22:19,078 - INFO - OPENED LONG at 2069.81 | Stop loss: 2059.46095 | Take profit: 2100.85715 +2025-03-10 12:22:19,124 - INFO - CLOSED long at 2070.41 | PnL: 0.03% | $-0.18 +2025-03-10 12:22:19,162 - INFO - OPENED SHORT at 2073.49 | Stop loss: 2083.8574499999995 | Take profit: 2042.3876499999997 +2025-03-10 12:22:19,274 - INFO - CLOSED short at 2071.89 | PnL: 0.08% | $-0.06 +2025-03-10 12:22:19,316 - INFO - OPENED SHORT at 2071.8 | Stop loss: 2082.159 | Take profit: 2040.7230000000002 +2025-03-10 12:22:19,355 - INFO - CLOSED short at 2074.9 | PnL: -0.15% | $-0.62 +2025-03-10 12:22:19,476 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.1322 | Take profit: 2116.8433999999997 +2025-03-10 12:22:19,515 - INFO - CLOSED long at 2090.49 | PnL: 0.24% | $0.34 +2025-03-10 12:22:19,763 - INFO - OPENED LONG at 2137.59 | Stop loss: 2126.90205 | Take profit: 2169.65385 +2025-03-10 12:22:19,892 - INFO - CLOSED long at 2142.68 | PnL: 0.24% | $0.34 +2025-03-10 12:22:19,892 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.3933999999995 | Take profit: 2110.5398 +2025-03-10 12:22:19,935 - INFO - CLOSED short at 2140.01 | PnL: 0.12% | $0.06 +2025-03-10 12:22:20,066 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.6635 | Take profit: 2159.2095 +2025-03-10 12:22:20,147 - INFO - CLOSED long at 2121.09 | PnL: -0.29% | $-0.98 +2025-03-10 12:22:20,188 - INFO - OPENED SHORT at 2120.15 | Stop loss: 2130.7507499999997 | Take profit: 2088.34775 +2025-03-10 12:22:20,261 - INFO - CLOSED short at 2119.93 | PnL: 0.01% | $-0.22 +2025-03-10 12:22:20,301 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.793 | Take profit: 2153.221 +2025-03-10 12:22:20,399 - INFO - CLOSED long at 2119.14 | PnL: -0.11% | $-0.51 +2025-03-10 12:22:20,440 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.47465 | Take profit: 2150.85605 +2025-03-10 12:22:20,479 - INFO - CLOSED long at 2115.28 | PnL: -0.18% | $-0.68 +2025-03-10 12:22:20,604 - INFO - OPENED SHORT at 2109.05 | Stop loss: 2119.59525 | Take profit: 2077.4142500000003 +2025-03-10 12:22:20,694 - INFO - CLOSED short at 2112.95 | PnL: -0.18% | $-0.69 +2025-03-10 12:22:20,865 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.20595 | Take profit: 2152.6221499999997 +2025-03-10 12:22:20,941 - INFO - CLOSED long at 2114.8 | PnL: -0.28% | $-0.91 +2025-03-10 12:22:20,980 - INFO - OPENED LONG at 2110.9 | Stop loss: 2100.3455 | Take profit: 2142.5634999999997 +2025-03-10 12:22:21,057 - INFO - CLOSED long at 2106.49 | PnL: -0.21% | $-0.73 +2025-03-10 12:22:21,058 - INFO - OPENED SHORT at 2106.49 | Stop loss: 2117.0224499999995 | Take profit: 2074.89265 +2025-03-10 12:22:21,100 - INFO - CLOSED short at 2108.06 | PnL: -0.07% | $-0.40 +2025-03-10 12:22:21,100 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.5197 | Take profit: 2139.6809 +2025-03-10 12:22:21,218 - INFO - STOP LOSS hit for long at 2097.5197 | PnL: -0.50% | $-1.38 +2025-03-10 12:22:21,381 - INFO - OPENED SHORT at 2102.29 | Stop loss: 2112.80145 | Take profit: 2070.75565 +2025-03-10 12:22:21,423 - INFO - CLOSED short at 2099.25 | PnL: 0.14% | $0.10 +2025-03-10 12:22:21,464 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.4055000000003 | Take profit: 2130.3835 +2025-03-10 12:22:21,544 - INFO - CLOSED long at 2104.83 | PnL: 0.28% | $0.41 +2025-03-10 12:22:21,746 - INFO - OPENED LONG at 2101.51 | Stop loss: 2091.0024500000004 | Take profit: 2133.03265 +2025-03-10 12:22:21,865 - INFO - CLOSED long at 2098.39 | PnL: -0.15% | $-0.56 +2025-03-10 12:22:21,907 - INFO - OPENED LONG at 2095.29 | Stop loss: 2084.81355 | Take profit: 2126.71935 +2025-03-10 12:22:22,062 - INFO - CLOSED long at 2091.1 | PnL: -0.20% | $-0.67 +2025-03-10 12:22:22,062 - INFO - OPENED SHORT at 2091.1 | Stop loss: 2101.5554999999995 | Take profit: 2059.7335 +2025-03-10 12:22:22,100 - INFO - CLOSED short at 2094.72 | PnL: -0.17% | $-0.61 +2025-03-10 12:22:22,101 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.2464 | Take profit: 2126.1407999999997 +2025-03-10 12:22:22,142 - INFO - CLOSED long at 2094.08 | PnL: -0.03% | $-0.29 +2025-03-10 12:22:22,221 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 19.0% in downtrends | Avg Win=$0.26, Avg Loss=$-0.45 +2025-03-10 12:22:22,222 - INFO - Episode 1: Reward=114.49, Balance=$54.56, Win Rate=51.0%, Trades=147, Episode PnL=$-23.24, Total PnL=$-90.48, Max Drawdown=45.4%, Pred Accuracy=99.7% +2025-03-10 12:22:22,340 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:22:22,463 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:22:22,485 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:22:22,771 - INFO - OPENED SHORT at 2055.31 | Stop loss: 2065.5865499999995 | Take profit: 2024.4803499999998 +2025-03-10 12:22:22,811 - INFO - CLOSED short at 2059.23 | PnL: -0.19% | $-1.16 +2025-03-10 12:22:22,812 - INFO - OPENED LONG at 2059.23 | Stop loss: 2048.93385 | Take profit: 2090.11845 +2025-03-10 12:22:23,060 - INFO - CLOSED long at 2067.0 | PnL: 0.38% | $1.10 +2025-03-10 12:22:23,105 - INFO - OPENED SHORT at 2066.35 | Stop loss: 2076.6817499999997 | Take profit: 2035.35475 +2025-03-10 12:22:23,147 - INFO - CLOSED short at 2064.21 | PnL: 0.10% | $0.01 +2025-03-10 12:22:23,192 - INFO - OPENED LONG at 2062.83 | Stop loss: 2052.51585 | Take profit: 2093.77245 +2025-03-10 12:22:23,275 - INFO - CLOSED long at 2064.11 | PnL: 0.06% | $-0.15 +2025-03-10 12:22:23,363 - INFO - OPENED SHORT at 2063.84 | Stop loss: 2074.1592 | Take profit: 2032.8824000000002 +2025-03-10 12:22:23,406 - INFO - CLOSED short at 2062.28 | PnL: 0.08% | $-0.10 +2025-03-10 12:22:23,407 - INFO - OPENED LONG at 2062.28 | Stop loss: 2051.9686 | Take profit: 2093.2142 +2025-03-10 12:22:23,488 - INFO - CLOSED long at 2059.4 | PnL: -0.14% | $-0.96 +2025-03-10 12:22:23,567 - INFO - OPENED LONG at 2059.03 | Stop loss: 2048.7348500000003 | Take profit: 2089.91545 +2025-03-10 12:22:23,966 - INFO - CLOSED long at 2055.2 | PnL: -0.19% | $-1.13 +2025-03-10 12:22:23,967 - INFO - OPENED SHORT at 2055.2 | Stop loss: 2065.4759999999997 | Take profit: 2024.3719999999998 +2025-03-10 12:22:24,014 - INFO - CLOSED short at 2058.59 | PnL: -0.16% | $-1.03 +2025-03-10 12:22:24,014 - INFO - OPENED LONG at 2058.59 | Stop loss: 2048.29705 | Take profit: 2089.4688499999997 +2025-03-10 12:22:24,101 - INFO - CLOSED long at 2055.39 | PnL: -0.16% | $-0.99 +2025-03-10 12:22:24,101 - INFO - OPENED SHORT at 2055.39 | Stop loss: 2065.66695 | Take profit: 2024.5591499999998 +2025-03-10 12:22:24,353 - INFO - CLOSED short at 2052.25 | PnL: 0.15% | $0.20 +2025-03-10 12:22:24,395 - INFO - OPENED LONG at 2050.71 | Stop loss: 2040.4564500000001 | Take profit: 2081.4706499999998 +2025-03-10 12:22:24,438 - INFO - CLOSED long at 2050.44 | PnL: -0.01% | $-0.43 +2025-03-10 12:22:24,439 - INFO - OPENED SHORT at 2050.44 | Stop loss: 2060.6922 | Take profit: 2019.6834000000001 +2025-03-10 12:22:24,555 - INFO - CLOSED short at 2049.6 | PnL: 0.04% | $-0.23 +2025-03-10 12:22:24,719 - INFO - OPENED SHORT at 2048.48 | Stop loss: 2058.7223999999997 | Take profit: 2017.7528 +2025-03-10 12:22:25,055 - INFO - CLOSED short at 2048.13 | PnL: 0.02% | $-0.32 +2025-03-10 12:22:25,056 - INFO - OPENED LONG at 2048.13 | Stop loss: 2037.8893500000001 | Take profit: 2078.8519499999998 +2025-03-10 12:22:25,094 - INFO - CLOSED long at 2047.59 | PnL: -0.03% | $-0.48 +2025-03-10 12:22:25,094 - INFO - OPENED SHORT at 2047.59 | Stop loss: 2057.82795 | Take profit: 2016.8761499999998 +2025-03-10 12:22:25,134 - INFO - CLOSED short at 2048.51 | PnL: -0.04% | $-0.55 +2025-03-10 12:22:25,135 - INFO - OPENED LONG at 2048.51 | Stop loss: 2038.2674500000003 | Take profit: 2079.23765 +2025-03-10 12:22:25,298 - INFO - CLOSED long at 2051.11 | PnL: 0.13% | $0.10 +2025-03-10 12:22:25,298 - INFO - OPENED SHORT at 2051.11 | Stop loss: 2061.36555 | Take profit: 2020.34335 +2025-03-10 12:22:25,378 - INFO - CLOSED short at 2051.89 | PnL: -0.04% | $-0.52 +2025-03-10 12:22:25,578 - INFO - OPENED SHORT at 2058.39 | Stop loss: 2068.6819499999997 | Take profit: 2027.5141499999997 +2025-03-10 12:22:25,621 - INFO - CLOSED short at 2060.13 | PnL: -0.08% | $-0.69 +2025-03-10 12:22:25,701 - INFO - OPENED LONG at 2061.49 | Stop loss: 2051.18255 | Take profit: 2092.4123499999996 +2025-03-10 12:22:25,854 - INFO - CLOSED long at 2061.61 | PnL: 0.01% | $-0.35 +2025-03-10 12:22:25,973 - INFO - OPENED SHORT at 2060.99 | Stop loss: 2071.2949499999995 | Take profit: 2030.0751499999997 +2025-03-10 12:22:26,263 - INFO - CLOSED short at 2057.8 | PnL: 0.15% | $0.20 +2025-03-10 12:22:26,303 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1794499999996 | Take profit: 2027.02165 +2025-03-10 12:22:26,341 - INFO - CLOSED short at 2057.94 | PnL: -0.00% | $-0.38 +2025-03-10 12:22:26,342 - INFO - OPENED LONG at 2057.94 | Stop loss: 2047.6503 | Take profit: 2088.8091 +2025-03-10 12:22:26,473 - INFO - CLOSED long at 2061.18 | PnL: 0.16% | $0.21 +2025-03-10 12:22:26,512 - INFO - OPENED SHORT at 2064.32 | Stop loss: 2074.6416 | Take profit: 2033.3552000000002 +2025-03-10 12:22:26,549 - INFO - CLOSED short at 2065.86 | PnL: -0.07% | $-0.65 +2025-03-10 12:22:26,715 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.55055 | Take profit: 2098.9083499999997 +2025-03-10 12:22:26,834 - INFO - CLOSED long at 2069.6 | PnL: 0.08% | $-0.06 +2025-03-10 12:22:26,836 - INFO - OPENED SHORT at 2069.6 | Stop loss: 2079.948 | Take profit: 2038.5559999999998 +2025-03-10 12:22:26,919 - INFO - CLOSED short at 2068.99 | PnL: 0.03% | $-0.26 +2025-03-10 12:22:26,998 - INFO - OPENED SHORT at 2067.69 | Stop loss: 2078.02845 | Take profit: 2036.67465 +2025-03-10 12:22:27,082 - INFO - CLOSED short at 2071.44 | PnL: -0.18% | $-1.03 +2025-03-10 12:22:27,123 - INFO - OPENED SHORT at 2073.73 | Stop loss: 2084.09865 | Take profit: 2042.62405 +2025-03-10 12:22:27,288 - INFO - CLOSED short at 2071.38 | PnL: 0.11% | $0.05 +2025-03-10 12:22:27,288 - INFO - OPENED LONG at 2071.38 | Stop loss: 2061.0231 | Take profit: 2102.4507 +2025-03-10 12:22:27,373 - INFO - CLOSED long at 2069.37 | PnL: -0.10% | $-0.71 +2025-03-10 12:22:27,374 - INFO - OPENED SHORT at 2069.37 | Stop loss: 2079.71685 | Take profit: 2038.32945 +2025-03-10 12:22:27,453 - INFO - CLOSED short at 2072.8 | PnL: -0.17% | $-0.95 +2025-03-10 12:22:27,538 - INFO - OPENED SHORT at 2070.28 | Stop loss: 2080.6313999999998 | Take profit: 2039.2258000000002 +2025-03-10 12:22:27,583 - INFO - CLOSED short at 2068.02 | PnL: 0.11% | $0.03 +2025-03-10 12:22:27,583 - INFO - OPENED LONG at 2068.02 | Stop loss: 2057.6799 | Take profit: 2099.0402999999997 +2025-03-10 12:22:27,665 - INFO - CLOSED long at 2070.36 | PnL: 0.11% | $0.05 +2025-03-10 12:22:27,832 - INFO - OPENED LONG at 2069.19 | Stop loss: 2058.84405 | Take profit: 2100.2278499999998 +2025-03-10 12:22:27,947 - INFO - CLOSED long at 2067.51 | PnL: -0.08% | $-0.64 +2025-03-10 12:22:27,989 - INFO - OPENED SHORT at 2069.01 | Stop loss: 2079.35505 | Take profit: 2037.9748500000003 +2025-03-10 12:22:28,067 - INFO - CLOSED short at 2065.99 | PnL: 0.15% | $0.16 +2025-03-10 12:22:28,067 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.66005 | Take profit: 2096.9798499999997 +2025-03-10 12:22:28,222 - INFO - CLOSED long at 2066.18 | PnL: 0.01% | $-0.32 +2025-03-10 12:22:28,384 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.93295 | Take profit: 2037.5611500000002 +2025-03-10 12:22:28,426 - INFO - CLOSED short at 2069.7 | PnL: -0.05% | $-0.54 +2025-03-10 12:22:28,468 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0480000000002 | Take profit: 2101.4559999999997 +2025-03-10 12:22:28,593 - INFO - CLOSED long at 2071.39 | PnL: 0.05% | $-0.18 +2025-03-10 12:22:28,635 - INFO - OPENED SHORT at 2071.36 | Stop loss: 2081.7167999999997 | Take profit: 2040.2896 +2025-03-10 12:22:28,719 - INFO - CLOSED short at 2073.11 | PnL: -0.08% | $-0.64 +2025-03-10 12:22:28,719 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.74445 | Take profit: 2104.20665 +2025-03-10 12:22:28,760 - INFO - CLOSED long at 2072.7 | PnL: -0.02% | $-0.42 +2025-03-10 12:22:28,878 - INFO - OPENED LONG at 2073.9 | Stop loss: 2063.5305000000003 | Take profit: 2105.0085 +2025-03-10 12:22:29,043 - INFO - CLOSED long at 2069.46 | PnL: -0.21% | $-1.08 +2025-03-10 12:22:29,044 - INFO - OPENED SHORT at 2069.46 | Stop loss: 2079.8073 | Take profit: 2038.4181 +2025-03-10 12:22:29,199 - INFO - CLOSED short at 2067.79 | PnL: 0.08% | $-0.07 +2025-03-10 12:22:29,237 - INFO - OPENED LONG at 2067.46 | Stop loss: 2057.1227 | Take profit: 2098.4719 +2025-03-10 12:22:29,316 - INFO - CLOSED long at 2065.49 | PnL: -0.10% | $-0.66 +2025-03-10 12:22:29,316 - INFO - OPENED SHORT at 2065.49 | Stop loss: 2075.8174499999996 | Take profit: 2034.5076499999998 +2025-03-10 12:22:29,355 - INFO - CLOSED short at 2063.61 | PnL: 0.09% | $-0.03 +2025-03-10 12:22:29,678 - INFO - OPENED SHORT at 2069.2 | Stop loss: 2079.546 | Take profit: 2038.1619999999998 +2025-03-10 12:22:29,800 - INFO - CLOSED short at 2070.7 | PnL: -0.07% | $-0.58 +2025-03-10 12:22:29,801 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3464999999997 | Take profit: 2101.7604999999994 +2025-03-10 12:22:29,842 - INFO - CLOSED long at 2070.4 | PnL: -0.01% | $-0.38 +2025-03-10 12:22:29,842 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.752 | Take profit: 2039.344 +2025-03-10 12:22:29,960 - INFO - CLOSED short at 2068.69 | PnL: 0.08% | $-0.06 +2025-03-10 12:22:30,039 - INFO - OPENED LONG at 2067.11 | Stop loss: 2056.7744500000003 | Take profit: 2098.11665 +2025-03-10 12:22:30,128 - INFO - CLOSED long at 2066.4 | PnL: -0.03% | $-0.45 +2025-03-10 12:22:30,168 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7695 | Take profit: 2097.0914999999995 +2025-03-10 12:22:30,207 - INFO - CLOSED long at 2065.28 | PnL: -0.04% | $-0.46 +2025-03-10 12:22:30,328 - INFO - OPENED SHORT at 2070.04 | Stop loss: 2080.3902 | Take profit: 2038.9894 +2025-03-10 12:22:30,372 - INFO - CLOSED short at 2067.8 | PnL: 0.11% | $0.03 +2025-03-10 12:22:30,373 - INFO - OPENED LONG at 2067.8 | Stop loss: 2057.4610000000002 | Take profit: 2098.817 +2025-03-10 12:22:30,411 - INFO - CLOSED long at 2068.18 | PnL: 0.02% | $-0.27 +2025-03-10 12:22:30,564 - INFO - OPENED LONG at 2065.83 | Stop loss: 2055.50085 | Take profit: 2096.8174499999996 +2025-03-10 12:22:30,602 - INFO - CLOSED long at 2066.15 | PnL: 0.02% | $-0.28 +2025-03-10 12:22:30,713 - INFO - OPENED SHORT at 2062.65 | Stop loss: 2072.96325 | Take profit: 2031.71025 +2025-03-10 12:22:30,754 - INFO - CLOSED short at 2061.78 | PnL: 0.04% | $-0.19 +2025-03-10 12:22:30,912 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.6352 | Take profit: 2095.9343999999996 +2025-03-10 12:22:30,951 - INFO - CLOSED long at 2066.24 | PnL: 0.06% | $-0.12 +2025-03-10 12:22:31,026 - INFO - OPENED SHORT at 2065.54 | Stop loss: 2075.8677 | Take profit: 2034.5569 +2025-03-10 12:22:31,067 - INFO - CLOSED short at 2066.09 | PnL: -0.03% | $-0.41 +2025-03-10 12:22:31,223 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2044499999997 | Take profit: 2031.9466499999999 +2025-03-10 12:22:31,306 - INFO - CLOSED short at 2063.5 | PnL: -0.03% | $-0.42 +2025-03-10 12:22:31,306 - INFO - OPENED LONG at 2063.5 | Stop loss: 2053.1825 | Take profit: 2094.4525 +2025-03-10 12:22:31,425 - INFO - CLOSED long at 2060.65 | PnL: -0.14% | $-0.77 +2025-03-10 12:22:31,425 - INFO - OPENED SHORT at 2060.65 | Stop loss: 2070.95325 | Take profit: 2029.74025 +2025-03-10 12:22:31,462 - INFO - CLOSED short at 2058.89 | PnL: 0.09% | $-0.05 +2025-03-10 12:22:31,463 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.59555 | Take profit: 2089.7733499999995 +2025-03-10 12:22:31,663 - INFO - CLOSED long at 2062.61 | PnL: 0.18% | $0.26 +2025-03-10 12:22:31,706 - INFO - OPENED SHORT at 2060.91 | Stop loss: 2071.2145499999997 | Take profit: 2029.99635 +2025-03-10 12:22:31,823 - INFO - CLOSED short at 2061.9 | PnL: -0.05% | $-0.48 +2025-03-10 12:22:31,904 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.0332000000003 | Take profit: 2096.3404 +2025-03-10 12:22:32,019 - INFO - CLOSED long at 2064.79 | PnL: -0.03% | $-0.41 +2025-03-10 12:22:32,019 - INFO - OPENED SHORT at 2064.79 | Stop loss: 2075.11395 | Take profit: 2033.8181499999998 +2025-03-10 12:22:32,102 - INFO - CLOSED short at 2063.53 | PnL: 0.06% | $-0.12 +2025-03-10 12:22:32,147 - INFO - OPENED SHORT at 2063.0 | Stop loss: 2073.3149999999996 | Take profit: 2032.055 +2025-03-10 12:22:32,187 - INFO - CLOSED short at 2062.6 | PnL: 0.02% | $-0.26 +2025-03-10 12:22:32,187 - INFO - OPENED LONG at 2062.6 | Stop loss: 2052.287 | Take profit: 2093.5389999999998 +2025-03-10 12:22:32,305 - INFO - CLOSED long at 2060.7 | PnL: -0.09% | $-0.61 +2025-03-10 12:22:32,395 - INFO - OPENED SHORT at 2059.61 | Stop loss: 2069.90805 | Take profit: 2028.71585 +2025-03-10 12:22:32,481 - INFO - CLOSED short at 2059.02 | PnL: 0.03% | $-0.22 +2025-03-10 12:22:32,482 - INFO - OPENED LONG at 2059.02 | Stop loss: 2048.7249 | Take profit: 2089.9053 +2025-03-10 12:22:32,566 - INFO - CLOSED long at 2059.96 | PnL: 0.05% | $-0.17 +2025-03-10 12:22:32,649 - INFO - OPENED SHORT at 2057.4 | Stop loss: 2067.687 | Take profit: 2026.539 +2025-03-10 12:22:32,728 - INFO - CLOSED short at 2056.28 | PnL: 0.05% | $-0.14 +2025-03-10 12:22:32,729 - INFO - OPENED LONG at 2056.28 | Stop loss: 2045.9986000000001 | Take profit: 2087.1242 +2025-03-10 12:22:32,766 - INFO - CLOSED long at 2055.6 | PnL: -0.03% | $-0.41 +2025-03-10 12:22:32,806 - INFO - OPENED SHORT at 2054.89 | Stop loss: 2065.1644499999998 | Take profit: 2024.0666499999998 +2025-03-10 12:22:32,847 - INFO - CLOSED short at 2054.83 | PnL: 0.00% | $-0.30 +2025-03-10 12:22:32,888 - INFO - OPENED SHORT at 2056.71 | Stop loss: 2066.9935499999997 | Take profit: 2025.85935 +2025-03-10 12:22:32,931 - INFO - CLOSED short at 2058.15 | PnL: -0.07% | $-0.52 +2025-03-10 12:22:32,932 - INFO - OPENED LONG at 2058.15 | Stop loss: 2047.85925 | Take profit: 2089.02225 +2025-03-10 12:22:33,090 - INFO - CLOSED long at 2061.6 | PnL: 0.17% | $0.21 +2025-03-10 12:22:33,175 - INFO - OPENED LONG at 2062.69 | Stop loss: 2052.37655 | Take profit: 2093.63035 +2025-03-10 12:22:33,217 - INFO - CLOSED long at 2063.4 | PnL: 0.03% | $-0.20 +2025-03-10 12:22:33,294 - INFO - OPENED SHORT at 2066.01 | Stop loss: 2076.34005 | Take profit: 2035.0198500000001 +2025-03-10 12:22:33,419 - INFO - CLOSED short at 2066.33 | PnL: -0.02% | $-0.35 +2025-03-10 12:22:33,547 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.6666499999997 | Take profit: 2036.3200499999998 +2025-03-10 12:22:33,590 - INFO - CLOSED short at 2067.01 | PnL: 0.02% | $-0.26 +2025-03-10 12:22:33,590 - INFO - OPENED LONG at 2067.01 | Stop loss: 2056.67495 | Take profit: 2098.01515 +2025-03-10 12:22:33,631 - INFO - CLOSED long at 2065.69 | PnL: -0.06% | $-0.50 +2025-03-10 12:22:33,632 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.01845 | Take profit: 2034.7046500000001 +2025-03-10 12:22:33,671 - INFO - CLOSED short at 2069.79 | PnL: -0.20% | $-0.90 +2025-03-10 12:22:33,794 - INFO - OPENED LONG at 2078.01 | Stop loss: 2067.6199500000002 | Take profit: 2109.18015 +2025-03-10 12:22:33,835 - INFO - CLOSED long at 2075.01 | PnL: -0.14% | $-0.73 +2025-03-10 12:22:33,836 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.38505 | Take profit: 2043.8848500000001 +2025-03-10 12:22:33,994 - INFO - CLOSED short at 2071.6 | PnL: 0.16% | $0.19 +2025-03-10 12:22:33,995 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.2419999999997 | Take profit: 2102.6739999999995 +2025-03-10 12:22:34,201 - INFO - CLOSED long at 2069.69 | PnL: -0.09% | $-0.57 +2025-03-10 12:22:34,201 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.03845 | Take profit: 2038.64465 +2025-03-10 12:22:34,327 - INFO - CLOSED short at 2068.79 | PnL: 0.04% | $-0.17 +2025-03-10 12:22:34,372 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6250499999996 | Take profit: 2104.0848499999997 +2025-03-10 12:22:34,512 - INFO - CLOSED long at 2067.33 | PnL: -0.27% | $-1.09 +2025-03-10 12:22:34,553 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.0481 | Take profit: 2097.3757 +2025-03-10 12:22:34,610 - INFO - CLOSED long at 2065.7 | PnL: -0.03% | $-0.38 +2025-03-10 12:22:34,610 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0284999999994 | Take profit: 2034.7144999999998 +2025-03-10 12:22:34,655 - INFO - CLOSED short at 2065.66 | PnL: 0.00% | $-0.28 +2025-03-10 12:22:34,696 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.2697499999995 | Take profit: 2032.9907499999997 +2025-03-10 12:22:34,865 - INFO - CLOSED short at 2064.4 | PnL: -0.02% | $-0.35 +2025-03-10 12:22:35,075 - INFO - OPENED LONG at 2065.31 | Stop loss: 2054.9834499999997 | Take profit: 2096.2896499999997 +2025-03-10 12:22:35,119 - INFO - CLOSED long at 2066.8 | PnL: 0.07% | $-0.08 +2025-03-10 12:22:35,120 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.134 | Take profit: 2035.7980000000002 +2025-03-10 12:22:35,253 - INFO - CLOSED short at 2071.59 | PnL: -0.23% | $-0.94 +2025-03-10 12:22:35,346 - INFO - OPENED SHORT at 2071.35 | Stop loss: 2081.70675 | Take profit: 2040.27975 +2025-03-10 12:22:35,520 - INFO - CLOSED short at 2070.8 | PnL: 0.03% | $-0.21 +2025-03-10 12:22:35,520 - INFO - OPENED LONG at 2070.8 | Stop loss: 2060.4460000000004 | Take profit: 2101.862 +2025-03-10 12:22:35,692 - INFO - CLOSED long at 2068.19 | PnL: -0.13% | $-0.63 +2025-03-10 12:22:35,733 - INFO - OPENED LONG at 2068.67 | Stop loss: 2058.32665 | Take profit: 2099.70005 +2025-03-10 12:22:35,935 - INFO - CLOSED long at 2075.07 | PnL: 0.31% | $0.58 +2025-03-10 12:22:35,936 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.44535 | Take profit: 2043.94395 +2025-03-10 12:22:36,048 - INFO - CLOSED short at 2073.99 | PnL: 0.05% | $-0.13 +2025-03-10 12:22:36,213 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2085.98805 | Take profit: 2044.47585 +2025-03-10 12:22:36,254 - INFO - CLOSED short at 2074.0 | PnL: 0.08% | $-0.06 +2025-03-10 12:22:36,255 - INFO - OPENED LONG at 2074.0 | Stop loss: 2063.63 | Take profit: 2105.1099999999997 +2025-03-10 12:22:36,347 - INFO - CLOSED long at 2069.97 | PnL: -0.19% | $-0.82 +2025-03-10 12:22:36,347 - INFO - OPENED SHORT at 2069.97 | Stop loss: 2080.3198499999994 | Take profit: 2038.9204499999998 +2025-03-10 12:22:36,431 - INFO - CLOSED short at 2067.0 | PnL: 0.14% | $0.12 +2025-03-10 12:22:36,472 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.5605 | Take profit: 2098.9184999999998 +2025-03-10 12:22:36,638 - INFO - CLOSED long at 2065.45 | PnL: -0.12% | $-0.60 +2025-03-10 12:22:36,758 - INFO - OPENED LONG at 2070.19 | Stop loss: 2059.83905 | Take profit: 2101.2428499999996 +2025-03-10 12:22:36,839 - INFO - CLOSED long at 2067.19 | PnL: -0.14% | $-0.67 +2025-03-10 12:22:36,840 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.5259499999997 | Take profit: 2036.18215 +2025-03-10 12:22:36,918 - INFO - CLOSED short at 2065.7 | PnL: 0.07% | $-0.08 +2025-03-10 12:22:36,919 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3714999999997 | Take profit: 2096.6854999999996 +2025-03-10 12:22:36,965 - INFO - CLOSED long at 2065.8 | PnL: 0.00% | $-0.26 +2025-03-10 12:22:37,228 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7695 | Take profit: 2097.0914999999995 +2025-03-10 12:22:37,522 - INFO - CLOSED long at 2060.2 | PnL: -0.29% | $-1.04 +2025-03-10 12:22:37,522 - INFO - OPENED SHORT at 2060.2 | Stop loss: 2070.5009999999997 | Take profit: 2029.2969999999998 +2025-03-10 12:22:37,693 - INFO - CLOSED short at 2056.77 | PnL: 0.17% | $0.18 +2025-03-10 12:22:37,693 - INFO - OPENED LONG at 2056.77 | Stop loss: 2046.48615 | Take profit: 2087.62155 +2025-03-10 12:22:37,732 - INFO - CLOSED long at 2053.01 | PnL: -0.18% | $-0.75 +2025-03-10 12:22:37,732 - INFO - OPENED SHORT at 2053.01 | Stop loss: 2063.27505 | Take profit: 2022.2148500000003 +2025-03-10 12:22:37,933 - INFO - CLOSED short at 2056.85 | PnL: -0.19% | $-0.76 +2025-03-10 12:22:37,934 - INFO - OPENED LONG at 2056.85 | Stop loss: 2046.56575 | Take profit: 2087.70275 +2025-03-10 12:22:38,128 - INFO - CLOSED long at 2065.1 | PnL: 0.40% | $0.78 +2025-03-10 12:22:38,284 - INFO - OPENED SHORT at 2068.33 | Stop loss: 2078.6716499999998 | Take profit: 2037.30505 +2025-03-10 12:22:38,325 - INFO - CLOSED short at 2067.49 | PnL: 0.04% | $-0.16 +2025-03-10 12:22:38,367 - INFO - OPENED SHORT at 2066.59 | Stop loss: 2076.92295 | Take profit: 2035.5911500000002 +2025-03-10 12:22:38,444 - INFO - CLOSED short at 2061.21 | PnL: 0.26% | $0.42 +2025-03-10 12:22:38,650 - INFO - OPENED LONG at 2065.72 | Stop loss: 2055.3914 | Take profit: 2096.7057999999997 +2025-03-10 12:22:38,731 - INFO - CLOSED long at 2070.24 | PnL: 0.22% | $0.31 +2025-03-10 12:22:38,776 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.6866999999997 | Take profit: 2038.2999000000002 +2025-03-10 12:22:38,853 - INFO - CLOSED short at 2070.41 | PnL: -0.05% | $-0.40 +2025-03-10 12:22:38,941 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.42025 | Take profit: 2042.9392500000001 +2025-03-10 12:22:39,140 - INFO - CLOSED short at 2076.08 | PnL: -0.10% | $-0.52 +2025-03-10 12:22:39,180 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2087.9980499999997 | Take profit: 2046.44585 +2025-03-10 12:22:39,257 - INFO - CLOSED short at 2090.49 | PnL: -0.62% | $-1.89 +2025-03-10 12:22:39,293 - INFO - OPENED LONG at 2103.02 | Stop loss: 2092.5049 | Take profit: 2134.5652999999998 +2025-03-10 12:22:39,333 - INFO - CLOSED long at 2130.7 | PnL: 1.32% | $3.09 +2025-03-10 12:22:39,370 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8423 | Take profit: 2171.6330999999996 +2025-03-10 12:22:39,409 - INFO - CLOSED long at 2131.78 | PnL: -0.36% | $-1.23 +2025-03-10 12:22:39,409 - INFO - OPENED SHORT at 2131.78 | Stop loss: 2142.4389 | Take profit: 2099.8033 +2025-03-10 12:22:39,446 - INFO - CLOSED short at 2133.95 | PnL: -0.10% | $-0.53 +2025-03-10 12:22:39,562 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0065 | Take profit: 2109.1805 +2025-03-10 12:22:39,800 - INFO - CLOSED short at 2128.69 | PnL: 0.59% | $1.27 +2025-03-10 12:22:39,801 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.04655 | Take profit: 2160.6203499999997 +2025-03-10 12:22:39,874 - INFO - CLOSED long at 2120.15 | PnL: -0.40% | $-1.33 +2025-03-10 12:22:39,874 - INFO - OPENED SHORT at 2120.15 | Stop loss: 2130.7507499999997 | Take profit: 2088.34775 +2025-03-10 12:22:39,930 - INFO - CLOSED short at 2117.24 | PnL: 0.14% | $0.10 +2025-03-10 12:22:39,931 - INFO - OPENED LONG at 2117.24 | Stop loss: 2106.6537999999996 | Take profit: 2148.9985999999994 +2025-03-10 12:22:40,082 - INFO - CLOSED long at 2118.52 | PnL: 0.06% | $-0.10 +2025-03-10 12:22:40,082 - INFO - OPENED SHORT at 2118.52 | Stop loss: 2129.1126 | Take profit: 2086.7422 +2025-03-10 12:22:40,298 - INFO - CLOSED short at 2110.6 | PnL: 0.37% | $0.71 +2025-03-10 12:22:40,469 - INFO - OPENED SHORT at 2112.46 | Stop loss: 2123.0222999999996 | Take profit: 2080.7731 +2025-03-10 12:22:40,546 - INFO - CLOSED short at 2112.99 | PnL: -0.03% | $-0.33 +2025-03-10 12:22:40,548 - INFO - OPENED LONG at 2112.99 | Stop loss: 2102.42505 | Take profit: 2144.6848499999996 +2025-03-10 12:22:40,835 - INFO - CLOSED long at 2108.06 | PnL: -0.23% | $-0.87 +2025-03-10 12:22:40,909 - INFO - OPENED LONG at 2100.5 | Stop loss: 2089.9975 | Take profit: 2132.0074999999997 +2025-03-10 12:22:40,949 - INFO - CLOSED long at 2090.0 | PnL: -0.50% | $-1.54 +2025-03-10 12:22:40,950 - INFO - OPENED SHORT at 2090.0 | Stop loss: 2100.45 | Take profit: 2058.65 +2025-03-10 12:22:41,071 - INFO - STOP LOSS hit for short at 2100.45 | PnL: -0.50% | $-1.51 +2025-03-10 12:22:41,112 - INFO - OPENED SHORT at 2102.29 | Stop loss: 2112.80145 | Take profit: 2070.75565 +2025-03-10 12:22:41,277 - INFO - CLOSED short at 2104.83 | PnL: -0.12% | $-0.54 +2025-03-10 12:22:41,279 - INFO - OPENED LONG at 2104.83 | Stop loss: 2094.3058499999997 | Take profit: 2136.4024499999996 +2025-03-10 12:22:41,319 - INFO - CLOSED long at 2106.39 | PnL: 0.07% | $-0.06 +2025-03-10 12:22:41,320 - INFO - OPENED SHORT at 2106.39 | Stop loss: 2116.9219499999995 | Take profit: 2074.7941499999997 +2025-03-10 12:22:41,364 - INFO - CLOSED short at 2100.74 | PnL: 0.27% | $0.41 +2025-03-10 12:22:41,529 - INFO - OPENED LONG at 2099.59 | Stop loss: 2089.09205 | Take profit: 2131.08385 +2025-03-10 12:22:41,568 - INFO - CLOSED long at 2100.02 | PnL: 0.02% | $-0.19 +2025-03-10 12:22:41,613 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.8819499999995 | Take profit: 2066.91415 +2025-03-10 12:22:41,694 - INFO - CLOSED short at 2093.46 | PnL: 0.23% | $0.33 +2025-03-10 12:22:41,694 - INFO - OPENED LONG at 2093.46 | Stop loss: 2082.9927000000002 | Take profit: 2124.8619 +2025-03-10 12:22:41,771 - INFO - CLOSED long at 2092.46 | PnL: -0.05% | $-0.36 +2025-03-10 12:22:41,772 - INFO - OPENED SHORT at 2092.46 | Stop loss: 2102.9222999999997 | Take profit: 2061.0731 +2025-03-10 12:22:41,853 - INFO - CLOSED short at 2094.72 | PnL: -0.11% | $-0.51 +2025-03-10 12:22:41,853 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.2464 | Take profit: 2126.1407999999997 +2025-03-10 12:22:41,935 - INFO - CLOSED long at 2088.35 | PnL: -0.30% | $-0.98 +2025-03-10 12:22:41,936 - INFO - OPENED SHORT at 2088.35 | Stop loss: 2098.79175 | Take profit: 2057.02475 +2025-03-10 12:22:41,975 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 28.1% in downtrends | Avg Win=$0.43, Avg Loss=$-0.52 +2025-03-10 12:22:41,976 - INFO - Episode 2: Reward=-95.69, Balance=$59.43, Win Rate=50.0%, Trades=126, Episode PnL=$-16.21, Total PnL=$-131.06, Max Drawdown=39.1%, Pred Accuracy=98.9% +2025-03-10 12:22:42,101 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:22:42,125 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:22:42,613 - INFO - OPENED SHORT at 2062.5 | Stop loss: 2072.8125 | Take profit: 2031.5625 +2025-03-10 12:22:42,652 - INFO - CLOSED short at 2065.64 | PnL: -0.15% | $-1.01 +2025-03-10 12:22:42,652 - INFO - OPENED LONG at 2065.64 | Stop loss: 2055.3118 | Take profit: 2096.6245999999996 +2025-03-10 12:22:42,856 - INFO - CLOSED long at 2062.83 | PnL: -0.14% | $-0.93 +2025-03-10 12:22:42,856 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.1441499999996 | Take profit: 2031.88755 +2025-03-10 12:22:42,897 - INFO - CLOSED short at 2061.01 | PnL: 0.09% | $-0.05 +2025-03-10 12:22:42,898 - INFO - OPENED LONG at 2061.01 | Stop loss: 2050.7049500000003 | Take profit: 2091.92515 +2025-03-10 12:22:43,010 - INFO - CLOSED long at 2063.84 | PnL: 0.14% | $0.15 +2025-03-10 12:22:43,087 - INFO - OPENED LONG at 2062.5 | Stop loss: 2052.1875 | Take profit: 2093.4375 +2025-03-10 12:22:43,275 - INFO - CLOSED long at 2060.1 | PnL: -0.12% | $-0.85 +2025-03-10 12:22:43,276 - INFO - OPENED SHORT at 2060.1 | Stop loss: 2070.4004999999997 | Take profit: 2029.1985 +2025-03-10 12:22:43,587 - INFO - CLOSED short at 2055.2 | PnL: 0.24% | $0.54 +2025-03-10 12:22:43,674 - INFO - OPENED LONG at 2056.4 | Stop loss: 2046.1180000000002 | Take profit: 2087.246 +2025-03-10 12:22:43,874 - INFO - CLOSED long at 2052.16 | PnL: -0.21% | $-1.20 +2025-03-10 12:22:43,953 - INFO - OPENED SHORT at 2052.25 | Stop loss: 2062.5112499999996 | Take profit: 2021.46625 +2025-03-10 12:22:44,077 - INFO - CLOSED short at 2049.49 | PnL: 0.13% | $0.13 +2025-03-10 12:22:44,077 - INFO - OPENED LONG at 2049.49 | Stop loss: 2039.2425499999997 | Take profit: 2080.2323499999998 +2025-03-10 12:22:44,117 - INFO - CLOSED long at 2050.2 | PnL: 0.03% | $-0.25 +2025-03-10 12:22:44,118 - INFO - OPENED SHORT at 2050.2 | Stop loss: 2060.4509999999996 | Take profit: 2019.447 +2025-03-10 12:22:44,242 - INFO - CLOSED short at 2049.61 | PnL: 0.03% | $-0.27 +2025-03-10 12:22:44,358 - INFO - OPENED SHORT at 2047.39 | Stop loss: 2057.62695 | Take profit: 2016.6791500000002 +2025-03-10 12:22:44,520 - INFO - CLOSED short at 2045.99 | PnL: 0.07% | $-0.12 +2025-03-10 12:22:44,521 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.76005 | Take profit: 2076.67985 +2025-03-10 12:22:44,604 - INFO - CLOSED long at 2045.79 | PnL: -0.01% | $-0.42 +2025-03-10 12:22:44,605 - INFO - OPENED SHORT at 2045.79 | Stop loss: 2056.0189499999997 | Take profit: 2015.10315 +2025-03-10 12:22:44,652 - INFO - CLOSED short at 2048.13 | PnL: -0.11% | $-0.82 +2025-03-10 12:22:44,699 - INFO - OPENED LONG at 2047.59 | Stop loss: 2037.35205 | Take profit: 2078.30385 +2025-03-10 12:22:44,743 - INFO - CLOSED long at 2048.51 | PnL: 0.04% | $-0.21 +2025-03-10 12:22:44,744 - INFO - OPENED SHORT at 2048.51 | Stop loss: 2058.75255 | Take profit: 2017.7823500000002 +2025-03-10 12:22:44,831 - INFO - CLOSED short at 2050.24 | PnL: -0.08% | $-0.70 +2025-03-10 12:22:44,871 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6405499999998 | Take profit: 2080.6383499999997 +2025-03-10 12:22:44,912 - INFO - CLOSED long at 2051.11 | PnL: 0.06% | $-0.15 +2025-03-10 12:22:44,950 - INFO - OPENED LONG at 2053.26 | Stop loss: 2042.9937000000002 | Take profit: 2084.0589 +2025-03-10 12:22:45,236 - INFO - CLOSED long at 2060.13 | PnL: 0.33% | $0.88 +2025-03-10 12:22:45,236 - INFO - OPENED SHORT at 2060.13 | Stop loss: 2070.43065 | Take profit: 2029.2280500000002 +2025-03-10 12:22:45,312 - INFO - CLOSED short at 2061.49 | PnL: -0.07% | $-0.63 +2025-03-10 12:22:45,391 - INFO - OPENED SHORT at 2064.61 | Stop loss: 2074.93305 | Take profit: 2033.64085 +2025-03-10 12:22:45,480 - INFO - CLOSED short at 2061.61 | PnL: 0.15% | $0.17 +2025-03-10 12:22:45,481 - INFO - OPENED LONG at 2061.61 | Stop loss: 2051.30195 | Take profit: 2092.53415 +2025-03-10 12:22:45,525 - INFO - CLOSED long at 2064.69 | PnL: 0.15% | $0.19 +2025-03-10 12:22:46,021 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.8194500000002 | Take profit: 2088.9816499999997 +2025-03-10 12:22:46,255 - INFO - CLOSED long at 2068.11 | PnL: 0.49% | $1.46 +2025-03-10 12:22:46,620 - INFO - OPENED SHORT at 2067.69 | Stop loss: 2078.02845 | Take profit: 2036.67465 +2025-03-10 12:22:46,887 - INFO - CLOSED short at 2071.38 | PnL: -0.18% | $-1.07 +2025-03-10 12:22:46,887 - INFO - OPENED LONG at 2071.38 | Stop loss: 2061.0231 | Take profit: 2102.4507 +2025-03-10 12:22:46,971 - INFO - CLOSED long at 2069.37 | PnL: -0.10% | $-0.75 +2025-03-10 12:22:46,971 - INFO - OPENED SHORT at 2069.37 | Stop loss: 2079.71685 | Take profit: 2038.32945 +2025-03-10 12:22:47,055 - INFO - CLOSED short at 2072.8 | PnL: -0.17% | $-1.00 +2025-03-10 12:22:47,056 - INFO - OPENED LONG at 2072.8 | Stop loss: 2062.436 | Take profit: 2103.892 +2025-03-10 12:22:47,096 - INFO - CLOSED long at 2070.79 | PnL: -0.10% | $-0.73 +2025-03-10 12:22:47,097 - INFO - OPENED SHORT at 2070.79 | Stop loss: 2081.1439499999997 | Take profit: 2039.72815 +2025-03-10 12:22:47,139 - INFO - CLOSED short at 2070.28 | PnL: 0.02% | $-0.28 +2025-03-10 12:22:47,140 - INFO - OPENED LONG at 2070.28 | Stop loss: 2059.9286 | Take profit: 2101.3342 +2025-03-10 12:22:47,183 - INFO - CLOSED long at 2068.02 | PnL: -0.11% | $-0.77 +2025-03-10 12:22:47,184 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.3601 | Take profit: 2036.9996999999998 +2025-03-10 12:22:47,472 - INFO - CLOSED short at 2068.8 | PnL: -0.04% | $-0.50 +2025-03-10 12:22:47,473 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.456 | Take profit: 2099.832 +2025-03-10 12:22:47,594 - INFO - CLOSED long at 2069.01 | PnL: 0.01% | $-0.33 +2025-03-10 12:22:47,595 - INFO - OPENED SHORT at 2069.01 | Stop loss: 2079.35505 | Take profit: 2037.9748500000003 +2025-03-10 12:22:47,636 - INFO - CLOSED short at 2066.39 | PnL: 0.13% | $0.10 +2025-03-10 12:22:47,678 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.66005 | Take profit: 2096.9798499999997 +2025-03-10 12:22:47,721 - INFO - CLOSED long at 2066.19 | PnL: 0.01% | $-0.33 +2025-03-10 12:22:47,762 - INFO - OPENED LONG at 2066.29 | Stop loss: 2055.95855 | Take profit: 2097.28435 +2025-03-10 12:22:47,839 - INFO - CLOSED long at 2066.18 | PnL: -0.01% | $-0.38 +2025-03-10 12:22:47,841 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.5108999999998 | Take profit: 2035.1872999999998 +2025-03-10 12:22:47,918 - INFO - CLOSED short at 2068.9 | PnL: -0.13% | $-0.83 +2025-03-10 12:22:47,961 - INFO - OPENED LONG at 2068.51 | Stop loss: 2058.1674500000004 | Take profit: 2099.53765 +2025-03-10 12:22:48,051 - INFO - CLOSED long at 2069.7 | PnL: 0.06% | $-0.15 +2025-03-10 12:22:48,052 - INFO - OPENED SHORT at 2069.7 | Stop loss: 2080.0484999999994 | Take profit: 2038.6544999999999 +2025-03-10 12:22:48,147 - INFO - CLOSED short at 2069.96 | PnL: -0.01% | $-0.40 +2025-03-10 12:22:48,147 - INFO - OPENED LONG at 2069.96 | Stop loss: 2059.6102 | Take profit: 2101.0094 +2025-03-10 12:22:48,442 - INFO - CLOSED long at 2072.7 | PnL: 0.13% | $0.11 +2025-03-10 12:22:48,488 - INFO - OPENED SHORT at 2072.15 | Stop loss: 2082.51075 | Take profit: 2041.0677500000002 +2025-03-10 12:22:48,917 - INFO - CLOSED short at 2067.79 | PnL: 0.21% | $0.39 +2025-03-10 12:22:48,919 - INFO - OPENED LONG at 2067.79 | Stop loss: 2057.45105 | Take profit: 2098.80685 +2025-03-10 12:22:49,049 - INFO - CLOSED long at 2065.49 | PnL: -0.11% | $-0.75 +2025-03-10 12:22:49,049 - INFO - OPENED SHORT at 2065.49 | Stop loss: 2075.8174499999996 | Take profit: 2034.5076499999998 +2025-03-10 12:22:49,282 - INFO - CLOSED short at 2069.34 | PnL: -0.19% | $-1.01 +2025-03-10 12:22:49,283 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9933 | Take profit: 2100.3801 +2025-03-10 12:22:49,366 - INFO - CLOSED long at 2067.59 | PnL: -0.08% | $-0.64 +2025-03-10 12:22:49,367 - INFO - OPENED SHORT at 2067.59 | Stop loss: 2077.92795 | Take profit: 2036.57615 +2025-03-10 12:22:49,502 - INFO - CLOSED short at 2071.59 | PnL: -0.19% | $-1.02 +2025-03-10 12:22:49,591 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.752 | Take profit: 2039.344 +2025-03-10 12:22:49,686 - INFO - CLOSED short at 2068.5 | PnL: 0.09% | $-0.03 +2025-03-10 12:22:49,728 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.03345 | Take profit: 2037.65965 +2025-03-10 12:22:49,859 - INFO - CLOSED short at 2067.86 | PnL: 0.04% | $-0.20 +2025-03-10 12:22:49,860 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.5207 | Take profit: 2098.8779 +2025-03-10 12:22:49,981 - INFO - CLOSED long at 2065.28 | PnL: -0.12% | $-0.77 +2025-03-10 12:22:49,982 - INFO - OPENED SHORT at 2065.28 | Stop loss: 2075.6064 | Take profit: 2034.3008000000002 +2025-03-10 12:22:50,060 - INFO - CLOSED short at 2064.47 | PnL: 0.04% | $-0.21 +2025-03-10 12:22:50,182 - INFO - OPENED SHORT at 2068.18 | Stop loss: 2078.5208999999995 | Take profit: 2037.1572999999999 +2025-03-10 12:22:50,274 - INFO - CLOSED short at 2067.88 | PnL: 0.01% | $-0.29 +2025-03-10 12:22:50,481 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2044499999997 | Take profit: 2031.9466499999999 +2025-03-10 12:22:50,554 - INFO - CLOSED short at 2061.78 | PnL: 0.05% | $-0.16 +2025-03-10 12:22:50,594 - INFO - OPENED LONG at 2059.59 | Stop loss: 2049.29205 | Take profit: 2090.48385 +2025-03-10 12:22:50,668 - INFO - CLOSED long at 2063.59 | PnL: 0.19% | $0.32 +2025-03-10 12:22:50,669 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.90795 | Take profit: 2032.63615 +2025-03-10 12:22:50,752 - INFO - CLOSED short at 2066.24 | PnL: -0.13% | $-0.77 +2025-03-10 12:22:50,753 - INFO - OPENED LONG at 2066.24 | Stop loss: 2055.9087999999997 | Take profit: 2097.2335999999996 +2025-03-10 12:22:50,794 - INFO - CLOSED long at 2067.1 | PnL: 0.04% | $-0.19 +2025-03-10 12:22:50,794 - INFO - OPENED SHORT at 2067.1 | Stop loss: 2077.4354999999996 | Take profit: 2036.0935 +2025-03-10 12:22:50,914 - INFO - CLOSED short at 2064.45 | PnL: 0.13% | $0.09 +2025-03-10 12:22:50,915 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.1277499999997 | Take profit: 2095.4167499999994 +2025-03-10 12:22:50,988 - INFO - CLOSED long at 2062.71 | PnL: -0.08% | $-0.61 +2025-03-10 12:22:51,196 - INFO - OPENED SHORT at 2060.9 | Stop loss: 2071.2045 | Take profit: 2029.9865 +2025-03-10 12:22:51,237 - INFO - CLOSED short at 2060.65 | PnL: 0.01% | $-0.29 +2025-03-10 12:22:51,397 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.109 | Take profit: 2030.873 +2025-03-10 12:22:51,555 - INFO - CLOSED short at 2060.3 | PnL: 0.07% | $-0.09 +2025-03-10 12:22:51,594 - INFO - OPENED LONG at 2061.13 | Stop loss: 2050.8243500000003 | Take profit: 2092.04695 +2025-03-10 12:22:51,751 - INFO - CLOSED long at 2064.33 | PnL: 0.16% | $0.18 +2025-03-10 12:22:51,794 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.70695 | Take profit: 2032.43915 +2025-03-10 12:22:51,965 - INFO - CLOSED short at 2063.0 | PnL: 0.02% | $-0.27 +2025-03-10 12:22:52,079 - INFO - OPENED LONG at 2061.7 | Stop loss: 2051.3914999999997 | Take profit: 2092.6254999999996 +2025-03-10 12:22:52,120 - INFO - CLOSED long at 2060.7 | PnL: -0.05% | $-0.49 +2025-03-10 12:22:52,204 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.3119500000003 | Take profit: 2090.5041499999998 +2025-03-10 12:22:52,409 - INFO - CLOSED long at 2059.46 | PnL: -0.01% | $-0.35 +2025-03-10 12:22:52,538 - INFO - OPENED LONG at 2056.28 | Stop loss: 2045.9986000000001 | Take profit: 2087.1242 +2025-03-10 12:22:52,581 - INFO - CLOSED long at 2055.6 | PnL: -0.03% | $-0.43 +2025-03-10 12:22:52,583 - INFO - OPENED SHORT at 2055.6 | Stop loss: 2065.8779999999997 | Take profit: 2024.7659999999998 +2025-03-10 12:22:52,627 - INFO - CLOSED short at 2054.89 | PnL: 0.03% | $-0.21 +2025-03-10 12:22:52,673 - INFO - OPENED LONG at 2054.83 | Stop loss: 2044.55585 | Take profit: 2085.6524499999996 +2025-03-10 12:22:52,757 - INFO - CLOSED long at 2058.15 | PnL: 0.16% | $0.20 +2025-03-10 12:22:52,757 - INFO - OPENED SHORT at 2058.15 | Stop loss: 2068.4407499999998 | Take profit: 2027.27775 +2025-03-10 12:22:52,935 - INFO - CLOSED short at 2061.6 | PnL: -0.17% | $-0.87 +2025-03-10 12:22:53,316 - INFO - OPENED LONG at 2066.34 | Stop loss: 2056.0083 | Take profit: 2097.3351 +2025-03-10 12:22:53,499 - INFO - CLOSED long at 2065.69 | PnL: -0.03% | $-0.42 +2025-03-10 12:22:53,589 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3599999999997 | Take profit: 2040.92 +2025-03-10 12:22:53,633 - INFO - CLOSED short at 2074.3 | PnL: -0.11% | $-0.67 +2025-03-10 12:22:53,722 - INFO - OPENED LONG at 2075.01 | Stop loss: 2064.63495 | Take profit: 2106.13515 +2025-03-10 12:22:53,897 - INFO - CLOSED long at 2071.6 | PnL: -0.16% | $-0.84 +2025-03-10 12:22:53,985 - INFO - OPENED SHORT at 2070.0 | Stop loss: 2080.35 | Take profit: 2038.95 +2025-03-10 12:22:54,030 - INFO - CLOSED short at 2068.15 | PnL: 0.09% | $-0.03 +2025-03-10 12:22:54,030 - INFO - OPENED LONG at 2068.15 | Stop loss: 2057.8092500000002 | Take profit: 2099.17225 +2025-03-10 12:22:54,076 - INFO - CLOSED long at 2068.39 | PnL: 0.01% | $-0.28 +2025-03-10 12:22:54,076 - INFO - OPENED SHORT at 2068.39 | Stop loss: 2078.73195 | Take profit: 2037.3641499999999 +2025-03-10 12:22:54,250 - INFO - CLOSED short at 2068.79 | PnL: -0.02% | $-0.37 +2025-03-10 12:22:54,430 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.9933499999997 | Take profit: 2098.3399499999996 +2025-03-10 12:22:54,472 - INFO - CLOSED long at 2066.38 | PnL: -0.05% | $-0.45 +2025-03-10 12:22:54,557 - INFO - OPENED LONG at 2065.66 | Stop loss: 2055.3316999999997 | Take profit: 2096.6449 +2025-03-10 12:22:54,649 - INFO - CLOSED long at 2063.97 | PnL: -0.08% | $-0.56 +2025-03-10 12:22:54,688 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1775 | Take profit: 2095.4674999999997 +2025-03-10 12:22:54,859 - INFO - CLOSED long at 2065.5 | PnL: 0.05% | $-0.16 +2025-03-10 12:22:54,948 - INFO - OPENED SHORT at 2065.29 | Stop loss: 2075.6164499999995 | Take profit: 2034.31065 +2025-03-10 12:22:55,079 - INFO - CLOSED short at 2066.5 | PnL: -0.06% | $-0.48 +2025-03-10 12:22:55,210 - INFO - OPENED LONG at 2070.2 | Stop loss: 2059.8489999999997 | Take profit: 2101.2529999999997 +2025-03-10 12:22:55,436 - INFO - CLOSED long at 2070.8 | PnL: 0.03% | $-0.22 +2025-03-10 12:22:55,516 - INFO - OPENED SHORT at 2070.61 | Stop loss: 2080.96305 | Take profit: 2039.55085 +2025-03-10 12:22:55,644 - INFO - CLOSED short at 2068.67 | PnL: 0.09% | $-0.02 +2025-03-10 12:22:55,644 - INFO - OPENED LONG at 2068.67 | Stop loss: 2058.32665 | Take profit: 2099.70005 +2025-03-10 12:22:55,688 - INFO - CLOSED long at 2070.67 | PnL: 0.10% | $-0.01 +2025-03-10 12:22:55,825 - INFO - OPENED SHORT at 2074.37 | Stop loss: 2084.74185 | Take profit: 2043.25445 +2025-03-10 12:22:55,950 - INFO - CLOSED short at 2073.27 | PnL: 0.05% | $-0.14 +2025-03-10 12:22:55,951 - INFO - OPENED LONG at 2073.27 | Stop loss: 2062.90365 | Take profit: 2104.36905 +2025-03-10 12:22:56,201 - INFO - CLOSED long at 2074.0 | PnL: 0.04% | $-0.20 +2025-03-10 12:22:56,245 - INFO - OPENED SHORT at 2072.09 | Stop loss: 2082.45045 | Take profit: 2041.0086500000002 +2025-03-10 12:22:56,291 - INFO - CLOSED short at 2069.97 | PnL: 0.10% | $0.01 +2025-03-10 12:22:56,292 - INFO - OPENED LONG at 2069.97 | Stop loss: 2059.6201499999997 | Take profit: 2101.0195499999995 +2025-03-10 12:22:56,384 - INFO - CLOSED long at 2067.0 | PnL: -0.14% | $-0.73 +2025-03-10 12:22:56,564 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2194 | Take profit: 2036.8618000000001 +2025-03-10 12:22:56,609 - INFO - CLOSED short at 2065.45 | PnL: 0.12% | $0.05 +2025-03-10 12:22:56,875 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8275 | Take profit: 2034.5175 +2025-03-10 12:22:56,961 - INFO - CLOSED short at 2065.8 | PnL: -0.01% | $-0.34 +2025-03-10 12:22:57,095 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.07305 | Take profit: 2094.3408499999996 +2025-03-10 12:22:57,538 - INFO - CLOSED long at 2060.2 | PnL: -0.15% | $-0.76 +2025-03-10 12:22:57,583 - INFO - OPENED SHORT at 2059.2 | Stop loss: 2069.4959999999996 | Take profit: 2028.312 +2025-03-10 12:22:57,625 - INFO - CLOSED short at 2058.09 | PnL: 0.05% | $-0.14 +2025-03-10 12:22:57,626 - INFO - OPENED LONG at 2058.09 | Stop loss: 2047.7995500000002 | Take profit: 2088.96135 +2025-03-10 12:22:57,712 - INFO - CLOSED long at 2056.77 | PnL: -0.06% | $-0.48 +2025-03-10 12:22:57,713 - INFO - OPENED SHORT at 2056.77 | Stop loss: 2067.05385 | Take profit: 2025.91845 +2025-03-10 12:22:57,886 - INFO - CLOSED short at 2051.99 | PnL: 0.23% | $0.39 +2025-03-10 12:22:57,967 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.1342499999996 | Take profit: 2025.99725 +2025-03-10 12:22:58,140 - INFO - CLOSED short at 2063.9 | PnL: -0.34% | $-1.30 +2025-03-10 12:22:58,141 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5805 | Take profit: 2094.8585 +2025-03-10 12:22:58,182 - INFO - CLOSED long at 2065.1 | PnL: 0.06% | $-0.12 +2025-03-10 12:22:58,267 - INFO - OPENED LONG at 2062.55 | Stop loss: 2052.23725 | Take profit: 2093.48825 +2025-03-10 12:22:58,358 - INFO - CLOSED long at 2068.33 | PnL: 0.28% | $0.52 +2025-03-10 12:22:58,358 - INFO - OPENED SHORT at 2068.33 | Stop loss: 2078.6716499999998 | Take profit: 2037.30505 +2025-03-10 12:22:58,421 - INFO - CLOSED short at 2067.49 | PnL: 0.04% | $-0.17 +2025-03-10 12:22:58,484 - INFO - OPENED LONG at 2066.59 | Stop loss: 2056.25705 | Take profit: 2097.58885 +2025-03-10 12:22:58,697 - INFO - CLOSED long at 2060.7 | PnL: -0.29% | $-1.11 +2025-03-10 12:22:58,698 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:22:58,826 - INFO - CLOSED short at 2065.72 | PnL: -0.24% | $-0.98 +2025-03-10 12:22:58,826 - INFO - OPENED LONG at 2065.72 | Stop loss: 2055.3914 | Take profit: 2096.7057999999997 +2025-03-10 12:22:58,873 - INFO - CLOSED long at 2070.31 | PnL: 0.22% | $0.34 +2025-03-10 12:22:58,874 - INFO - OPENED SHORT at 2070.31 | Stop loss: 2080.66155 | Take profit: 2039.25535 +2025-03-10 12:22:58,962 - INFO - CLOSED short at 2069.34 | PnL: 0.05% | $-0.15 +2025-03-10 12:22:58,963 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9933 | Take profit: 2100.3801 +2025-03-10 12:22:59,058 - INFO - CLOSED long at 2070.41 | PnL: 0.05% | $-0.14 +2025-03-10 12:22:59,102 - INFO - OPENED SHORT at 2073.49 | Stop loss: 2083.8574499999995 | Take profit: 2042.3876499999997 +2025-03-10 12:22:59,190 - INFO - CLOSED short at 2072.99 | PnL: 0.02% | $-0.21 +2025-03-10 12:22:59,191 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6250499999996 | Take profit: 2104.0848499999997 +2025-03-10 12:22:59,234 - INFO - CLOSED long at 2071.89 | PnL: -0.05% | $-0.43 +2025-03-10 12:22:59,277 - INFO - OPENED SHORT at 2071.8 | Stop loss: 2082.159 | Take profit: 2040.7230000000002 +2025-03-10 12:22:59,322 - INFO - CLOSED short at 2074.9 | PnL: -0.15% | $-0.69 +2025-03-10 12:22:59,322 - INFO - OPENED LONG at 2074.9 | Stop loss: 2064.5255 | Take profit: 2106.0235 +2025-03-10 12:22:59,585 - INFO - TAKE PROFIT hit for long at 2106.0235 | PnL: 1.50% | $3.85 +2025-03-10 12:22:59,759 - INFO - OPENED LONG at 2137.59 | Stop loss: 2126.90205 | Take profit: 2169.65385 +2025-03-10 12:22:59,899 - INFO - CLOSED long at 2142.68 | PnL: 0.24% | $0.40 +2025-03-10 12:22:59,950 - INFO - OPENED SHORT at 2140.01 | Stop loss: 2150.71005 | Take profit: 2107.90985 +2025-03-10 12:23:00,147 - INFO - CLOSED short at 2128.69 | PnL: 0.53% | $1.25 +2025-03-10 12:23:00,231 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.54925 | Take profit: 2151.95225 +2025-03-10 12:23:00,319 - INFO - CLOSED long at 2119.93 | PnL: -0.01% | $-0.33 +2025-03-10 12:23:00,320 - INFO - OPENED SHORT at 2119.93 | Stop loss: 2130.5296499999995 | Take profit: 2088.13105 +2025-03-10 12:23:00,411 - INFO - CLOSED short at 2118.52 | PnL: 0.07% | $-0.10 +2025-03-10 12:23:00,451 - INFO - OPENED SHORT at 2119.14 | Stop loss: 2129.7356999999997 | Take profit: 2087.3529 +2025-03-10 12:23:00,583 - INFO - CLOSED short at 2107.43 | PnL: 0.55% | $1.34 +2025-03-10 12:23:00,677 - INFO - OPENED SHORT at 2109.05 | Stop loss: 2119.59525 | Take profit: 2077.4142500000003 +2025-03-10 12:23:00,777 - INFO - CLOSED short at 2112.95 | PnL: -0.18% | $-0.86 +2025-03-10 12:23:00,777 - INFO - OPENED LONG at 2112.95 | Stop loss: 2102.38525 | Take profit: 2144.64425 +2025-03-10 12:23:00,823 - INFO - CLOSED long at 2112.46 | PnL: -0.02% | $-0.37 +2025-03-10 12:23:00,824 - INFO - OPENED SHORT at 2112.46 | Stop loss: 2123.0222999999996 | Take profit: 2080.7731 +2025-03-10 12:23:01,088 - INFO - CLOSED short at 2110.9 | PnL: 0.07% | $-0.08 +2025-03-10 12:23:01,167 - INFO - OPENED SHORT at 2106.49 | Stop loss: 2117.0224499999995 | Take profit: 2074.89265 +2025-03-10 12:23:01,212 - INFO - CLOSED short at 2108.06 | PnL: -0.07% | $-0.52 +2025-03-10 12:23:01,212 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.5197 | Take profit: 2139.6809 +2025-03-10 12:23:01,254 - INFO - CLOSED long at 2103.33 | PnL: -0.22% | $-0.95 +2025-03-10 12:23:01,342 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.55 | Take profit: 2121.35 +2025-03-10 12:23:01,558 - INFO - CLOSED long at 2099.25 | PnL: 0.44% | $0.99 +2025-03-10 12:23:01,699 - INFO - OPENED SHORT at 2104.83 | Stop loss: 2115.3541499999997 | Take profit: 2073.25755 +2025-03-10 12:23:02,094 - INFO - CLOSED short at 2095.29 | PnL: 0.45% | $1.04 +2025-03-10 12:23:02,323 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.2464 | Take profit: 2126.1407999999997 +2025-03-10 12:23:02,415 - INFO - CLOSED long at 2088.35 | PnL: -0.30% | $-1.20 +2025-03-10 12:23:02,415 - INFO - OPENED SHORT at 2088.35 | Stop loss: 2098.79175 | Take profit: 2057.02475 +2025-03-10 12:23:02,459 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 21.4% in downtrends | Avg Win=$0.60, Avg Loss=$-0.49 +2025-03-10 12:23:02,460 - INFO - Episode 3: Reward=-86.12, Balance=$73.30, Win Rate=55.0%, Trades=111, Episode PnL=$-5.97, Total PnL=$-157.75, Max Drawdown=30.5%, Pred Accuracy=98.9% +2025-03-10 12:23:02,595 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:23:02,628 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:23:03,056 - INFO - OPENED SHORT at 2062.9 | Stop loss: 2073.2145 | Take profit: 2031.9565 +2025-03-10 12:23:03,262 - INFO - CLOSED short at 2067.0 | PnL: -0.20% | $-1.19 +2025-03-10 12:23:03,308 - INFO - OPENED SHORT at 2066.35 | Stop loss: 2076.6817499999997 | Take profit: 2035.35475 +2025-03-10 12:23:03,439 - INFO - CLOSED short at 2061.01 | PnL: 0.26% | $0.63 +2025-03-10 12:23:03,439 - INFO - OPENED LONG at 2061.01 | Stop loss: 2050.7049500000003 | Take profit: 2091.92515 +2025-03-10 12:23:03,523 - INFO - CLOSED long at 2062.75 | PnL: 0.08% | $-0.06 +2025-03-10 12:23:03,608 - INFO - OPENED SHORT at 2062.28 | Stop loss: 2072.5914 | Take profit: 2031.3458000000003 +2025-03-10 12:23:03,693 - INFO - CLOSED short at 2059.4 | PnL: 0.14% | $0.16 +2025-03-10 12:23:03,735 - INFO - OPENED LONG at 2057.59 | Stop loss: 2047.3020500000002 | Take profit: 2088.45385 +2025-03-10 12:23:03,826 - INFO - CLOSED long at 2059.4 | PnL: 0.09% | $-0.05 +2025-03-10 12:23:03,874 - INFO - OPENED LONG at 2060.1 | Stop loss: 2049.7995 | Take profit: 2091.0015 +2025-03-10 12:23:03,918 - INFO - CLOSED long at 2060.51 | PnL: 0.02% | $-0.32 +2025-03-10 12:23:03,919 - INFO - OPENED SHORT at 2060.51 | Stop loss: 2070.81255 | Take profit: 2029.6023500000001 +2025-03-10 12:23:04,006 - INFO - CLOSED short at 2056.9 | PnL: 0.18% | $0.30 +2025-03-10 12:23:04,049 - INFO - OPENED LONG at 2057.59 | Stop loss: 2047.3020500000002 | Take profit: 2088.45385 +2025-03-10 12:23:04,142 - INFO - CLOSED long at 2057.99 | PnL: 0.02% | $-0.32 +2025-03-10 12:23:04,143 - INFO - OPENED SHORT at 2057.99 | Stop loss: 2068.2799499999996 | Take profit: 2027.1201499999997 +2025-03-10 12:23:04,186 - INFO - CLOSED short at 2058.51 | PnL: -0.03% | $-0.50 +2025-03-10 12:23:04,187 - INFO - OPENED LONG at 2058.51 | Stop loss: 2048.21745 | Take profit: 2089.38765 +2025-03-10 12:23:04,320 - INFO - CLOSED long at 2056.4 | PnL: -0.10% | $-0.80 +2025-03-10 12:23:04,320 - INFO - OPENED SHORT at 2056.4 | Stop loss: 2066.682 | Take profit: 2025.554 +2025-03-10 12:23:04,450 - INFO - CLOSED short at 2052.7 | PnL: 0.18% | $0.31 +2025-03-10 12:23:04,451 - INFO - OPENED LONG at 2052.7 | Stop loss: 2042.4364999999998 | Take profit: 2083.4904999999994 +2025-03-10 12:23:04,541 - INFO - CLOSED long at 2052.16 | PnL: -0.03% | $-0.50 +2025-03-10 12:23:04,541 - INFO - OPENED SHORT at 2052.16 | Stop loss: 2062.4207999999994 | Take profit: 2021.3775999999998 +2025-03-10 12:23:04,719 - INFO - CLOSED short at 2050.44 | PnL: 0.08% | $-0.06 +2025-03-10 12:23:04,719 - INFO - OPENED LONG at 2050.44 | Stop loss: 2040.1878000000002 | Take profit: 2081.1965999999998 +2025-03-10 12:23:04,804 - INFO - CLOSED long at 2050.2 | PnL: -0.01% | $-0.44 +2025-03-10 12:23:04,805 - INFO - OPENED SHORT at 2050.2 | Stop loss: 2060.4509999999996 | Take profit: 2019.447 +2025-03-10 12:23:04,851 - INFO - CLOSED short at 2049.6 | PnL: 0.03% | $-0.27 +2025-03-10 12:23:05,009 - INFO - OPENED LONG at 2048.48 | Stop loss: 2038.2376 | Take profit: 2079.2072 +2025-03-10 12:23:05,047 - INFO - CLOSED long at 2047.39 | PnL: -0.05% | $-0.59 +2025-03-10 12:23:05,087 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3471 | Take profit: 2077.2787 +2025-03-10 12:23:05,402 - INFO - CLOSED long at 2048.51 | PnL: 0.09% | $-0.02 +2025-03-10 12:23:05,707 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.0385 | Take profit: 2083.0845 +2025-03-10 12:23:05,789 - INFO - CLOSED long at 2057.01 | PnL: 0.23% | $0.50 +2025-03-10 12:23:05,790 - INFO - OPENED SHORT at 2057.01 | Stop loss: 2067.29505 | Take profit: 2026.1548500000001 +2025-03-10 12:23:05,963 - INFO - CLOSED short at 2059.7 | PnL: -0.13% | $-0.89 +2025-03-10 12:23:05,963 - INFO - OPENED LONG at 2059.7 | Stop loss: 2049.4015 | Take profit: 2090.5954999999994 +2025-03-10 12:23:06,043 - INFO - CLOSED long at 2063.29 | PnL: 0.17% | $0.28 +2025-03-10 12:23:06,044 - INFO - OPENED SHORT at 2063.29 | Stop loss: 2073.6064499999998 | Take profit: 2032.3406499999999 +2025-03-10 12:23:06,123 - INFO - CLOSED short at 2063.59 | PnL: -0.01% | $-0.44 +2025-03-10 12:23:06,124 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.27205 | Take profit: 2094.54385 +2025-03-10 12:23:06,166 - INFO - CLOSED long at 2061.61 | PnL: -0.10% | $-0.75 +2025-03-10 12:23:06,332 - INFO - OPENED LONG at 2058.3 | Stop loss: 2048.0085000000004 | Take profit: 2089.1745 +2025-03-10 12:23:06,465 - INFO - CLOSED long at 2062.89 | PnL: 0.22% | $0.47 +2025-03-10 12:23:06,466 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2044499999997 | Take profit: 2031.9466499999999 +2025-03-10 12:23:06,553 - INFO - CLOSED short at 2059.49 | PnL: 0.16% | $0.25 +2025-03-10 12:23:06,724 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.40055 | Take profit: 2027.23835 +2025-03-10 12:23:06,885 - INFO - CLOSED short at 2065.86 | PnL: -0.38% | $-1.82 +2025-03-10 12:23:06,925 - INFO - OPENED SHORT at 2070.58 | Stop loss: 2080.9329 | Take profit: 2039.5212999999999 +2025-03-10 12:23:07,042 - INFO - CLOSED short at 2067.89 | PnL: 0.13% | $0.11 +2025-03-10 12:23:07,043 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.55055 | Take profit: 2098.9083499999997 +2025-03-10 12:23:07,118 - INFO - CLOSED long at 2070.99 | PnL: 0.15% | $0.19 +2025-03-10 12:23:07,158 - INFO - OPENED LONG at 2069.6 | Stop loss: 2059.252 | Take profit: 2100.644 +2025-03-10 12:23:07,234 - INFO - CLOSED long at 2068.99 | PnL: -0.03% | $-0.49 +2025-03-10 12:23:07,234 - INFO - OPENED SHORT at 2068.99 | Stop loss: 2079.3349499999995 | Take profit: 2037.9551499999998 +2025-03-10 12:23:07,314 - INFO - CLOSED short at 2067.69 | PnL: 0.06% | $-0.14 +2025-03-10 12:23:07,395 - INFO - OPENED SHORT at 2071.44 | Stop loss: 2081.7972 | Take profit: 2040.3684 +2025-03-10 12:23:07,552 - INFO - CLOSED short at 2072.33 | PnL: -0.04% | $-0.53 +2025-03-10 12:23:07,553 - INFO - OPENED LONG at 2072.33 | Stop loss: 2061.96835 | Take profit: 2103.41495 +2025-03-10 12:23:07,725 - INFO - CLOSED long at 2070.9 | PnL: -0.07% | $-0.63 +2025-03-10 12:23:07,725 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.2545 | Take profit: 2039.8365000000001 +2025-03-10 12:23:07,809 - INFO - CLOSED short at 2070.79 | PnL: 0.01% | $-0.35 +2025-03-10 12:23:07,809 - INFO - OPENED LONG at 2070.79 | Stop loss: 2060.43605 | Take profit: 2101.8518499999996 +2025-03-10 12:23:07,848 - INFO - CLOSED long at 2070.28 | PnL: -0.02% | $-0.46 +2025-03-10 12:23:07,925 - INFO - OPENED SHORT at 2067.2 | Stop loss: 2077.5359999999996 | Take profit: 2036.1919999999998 +2025-03-10 12:23:08,038 - INFO - CLOSED short at 2070.7 | PnL: -0.17% | $-0.99 +2025-03-10 12:23:08,158 - INFO - OPENED SHORT at 2068.8 | Stop loss: 2079.144 | Take profit: 2037.7680000000003 +2025-03-10 12:23:08,309 - INFO - CLOSED short at 2066.39 | PnL: 0.12% | $0.06 +2025-03-10 12:23:08,310 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.0580499999996 | Take profit: 2097.3858499999997 +2025-03-10 12:23:08,349 - INFO - CLOSED long at 2065.99 | PnL: -0.02% | $-0.43 +2025-03-10 12:23:08,392 - INFO - OPENED SHORT at 2066.19 | Stop loss: 2076.5209499999996 | Take profit: 2035.19715 +2025-03-10 12:23:08,431 - INFO - CLOSED short at 2066.29 | PnL: -0.00% | $-0.38 +2025-03-10 12:23:08,819 - INFO - OPENED LONG at 2069.96 | Stop loss: 2059.6102 | Take profit: 2101.0094 +2025-03-10 12:23:08,861 - INFO - CLOSED long at 2071.4 | PnL: 0.07% | $-0.11 +2025-03-10 12:23:08,861 - INFO - OPENED SHORT at 2071.4 | Stop loss: 2081.757 | Take profit: 2040.329 +2025-03-10 12:23:08,910 - INFO - CLOSED short at 2071.39 | PnL: 0.00% | $-0.36 +2025-03-10 12:23:08,911 - INFO - OPENED LONG at 2071.39 | Stop loss: 2061.03305 | Take profit: 2102.4608499999995 +2025-03-10 12:23:08,991 - INFO - CLOSED long at 2072.75 | PnL: 0.07% | $-0.12 +2025-03-10 12:23:09,073 - INFO - OPENED LONG at 2072.7 | Stop loss: 2062.3365 | Take profit: 2103.7904999999996 +2025-03-10 12:23:09,113 - INFO - CLOSED long at 2072.15 | PnL: -0.03% | $-0.45 +2025-03-10 12:23:09,114 - INFO - OPENED SHORT at 2072.15 | Stop loss: 2082.51075 | Take profit: 2041.0677500000002 +2025-03-10 12:23:09,631 - INFO - CLOSED short at 2066.8 | PnL: 0.26% | $0.56 +2025-03-10 12:23:09,632 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.4660000000003 | Take profit: 2097.802 +2025-03-10 12:23:09,799 - INFO - CLOSED long at 2067.89 | PnL: 0.05% | $-0.17 +2025-03-10 12:23:09,800 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:23:10,045 - INFO - CLOSED short at 2069.2 | PnL: -0.06% | $-0.58 +2025-03-10 12:23:10,166 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3464999999997 | Take profit: 2101.7604999999994 +2025-03-10 12:23:10,293 - INFO - CLOSED long at 2068.5 | PnL: -0.11% | $-0.73 +2025-03-10 12:23:10,294 - INFO - OPENED SHORT at 2068.5 | Stop loss: 2078.8424999999997 | Take profit: 2037.4725 +2025-03-10 12:23:10,575 - INFO - CLOSED short at 2065.28 | PnL: 0.16% | $0.20 +2025-03-10 12:23:10,576 - INFO - OPENED LONG at 2065.28 | Stop loss: 2054.9536000000003 | Take profit: 2096.2592 +2025-03-10 12:23:10,655 - INFO - CLOSED long at 2064.47 | PnL: -0.04% | $-0.49 +2025-03-10 12:23:10,656 - INFO - OPENED SHORT at 2064.47 | Stop loss: 2074.7923499999997 | Take profit: 2033.5029499999998 +2025-03-10 12:23:10,780 - INFO - CLOSED short at 2068.18 | PnL: -0.18% | $-0.98 +2025-03-10 12:23:10,781 - INFO - OPENED LONG at 2068.18 | Stop loss: 2057.8390999999997 | Take profit: 2099.2027 +2025-03-10 12:23:10,856 - INFO - CLOSED long at 2067.88 | PnL: -0.01% | $-0.40 +2025-03-10 12:23:10,856 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2194 | Take profit: 2036.8618000000001 +2025-03-10 12:23:10,897 - INFO - CLOSED short at 2064.99 | PnL: 0.14% | $0.14 +2025-03-10 12:23:11,011 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9337 | Take profit: 2096.2389 +2025-03-10 12:23:11,323 - INFO - CLOSED long at 2066.24 | PnL: 0.05% | $-0.18 +2025-03-10 12:23:11,481 - INFO - OPENED SHORT at 2064.45 | Stop loss: 2074.7722499999995 | Take profit: 2033.4832499999998 +2025-03-10 12:23:11,562 - INFO - CLOSED short at 2062.71 | PnL: 0.08% | $-0.05 +2025-03-10 12:23:11,603 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.57555 | Take profit: 2093.83335 +2025-03-10 12:23:11,642 - INFO - CLOSED long at 2064.5 | PnL: 0.08% | $-0.08 +2025-03-10 12:23:11,693 - INFO - OPENED SHORT at 2063.5 | Stop loss: 2073.8174999999997 | Take profit: 2032.5475 +2025-03-10 12:23:11,738 - INFO - CLOSED short at 2061.6 | PnL: 0.09% | $-0.03 +2025-03-10 12:23:11,738 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.292 | Take profit: 2092.524 +2025-03-10 12:23:11,778 - INFO - CLOSED long at 2060.9 | PnL: -0.03% | $-0.46 +2025-03-10 12:23:11,779 - INFO - OPENED SHORT at 2060.9 | Stop loss: 2071.2045 | Take profit: 2029.9865 +2025-03-10 12:23:11,858 - INFO - CLOSED short at 2058.89 | PnL: 0.10% | $-0.01 +2025-03-10 12:23:11,858 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.59555 | Take profit: 2089.7733499999995 +2025-03-10 12:23:11,900 - INFO - CLOSED long at 2059.3 | PnL: 0.02% | $-0.27 +2025-03-10 12:23:12,023 - INFO - OPENED SHORT at 2064.7 | Stop loss: 2075.0235 | Take profit: 2033.7294999999997 +2025-03-10 12:23:12,111 - INFO - CLOSED short at 2060.91 | PnL: 0.18% | $0.28 +2025-03-10 12:23:12,112 - INFO - OPENED LONG at 2060.91 | Stop loss: 2050.60545 | Take profit: 2091.82365 +2025-03-10 12:23:12,233 - INFO - CLOSED long at 2061.9 | PnL: 0.05% | $-0.18 +2025-03-10 12:23:12,233 - INFO - OPENED SHORT at 2061.9 | Stop loss: 2072.2095 | Take profit: 2030.9715 +2025-03-10 12:23:12,393 - INFO - CLOSED short at 2063.39 | PnL: -0.07% | $-0.59 +2025-03-10 12:23:12,394 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.07305 | Take profit: 2094.3408499999996 +2025-03-10 12:23:12,434 - INFO - CLOSED long at 2064.79 | PnL: 0.07% | $-0.11 +2025-03-10 12:23:12,434 - INFO - OPENED SHORT at 2064.79 | Stop loss: 2075.11395 | Take profit: 2033.8181499999998 +2025-03-10 12:23:12,473 - INFO - CLOSED short at 2065.89 | PnL: -0.05% | $-0.52 +2025-03-10 12:23:12,474 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.5605499999997 | Take profit: 2096.8783499999995 +2025-03-10 12:23:12,562 - INFO - CLOSED long at 2063.0 | PnL: -0.14% | $-0.81 +2025-03-10 12:23:12,563 - INFO - OPENED SHORT at 2063.0 | Stop loss: 2073.3149999999996 | Take profit: 2032.055 +2025-03-10 12:23:12,770 - INFO - CLOSED short at 2061.09 | PnL: 0.09% | $-0.02 +2025-03-10 12:23:12,770 - INFO - OPENED LONG at 2061.09 | Stop loss: 2050.7845500000003 | Take profit: 2092.00635 +2025-03-10 12:23:12,811 - INFO - CLOSED long at 2059.61 | PnL: -0.07% | $-0.57 +2025-03-10 12:23:12,982 - INFO - OPENED SHORT at 2059.96 | Stop loss: 2070.2598 | Take profit: 2029.0606 +2025-03-10 12:23:13,107 - INFO - CLOSED short at 2058.28 | PnL: 0.08% | $-0.06 +2025-03-10 12:23:13,232 - INFO - OPENED SHORT at 2054.89 | Stop loss: 2065.1644499999998 | Take profit: 2024.0666499999998 +2025-03-10 12:23:13,273 - INFO - CLOSED short at 2054.83 | PnL: 0.00% | $-0.32 +2025-03-10 12:23:13,715 - INFO - OPENED LONG at 2066.01 | Stop loss: 2055.67995 | Take profit: 2097.00015 +2025-03-10 12:23:13,800 - INFO - CLOSED long at 2064.49 | PnL: -0.07% | $-0.57 +2025-03-10 12:23:13,802 - INFO - OPENED SHORT at 2064.49 | Stop loss: 2074.8124499999994 | Take profit: 2033.5226499999997 +2025-03-10 12:23:13,884 - INFO - CLOSED short at 2066.34 | PnL: -0.09% | $-0.62 +2025-03-10 12:23:13,885 - INFO - OPENED LONG at 2066.34 | Stop loss: 2056.0083 | Take profit: 2097.3351 +2025-03-10 12:23:13,963 - INFO - CLOSED long at 2067.33 | PnL: 0.05% | $-0.17 +2025-03-10 12:23:14,006 - INFO - OPENED LONG at 2067.01 | Stop loss: 2056.67495 | Take profit: 2098.01515 +2025-03-10 12:23:14,323 - INFO - CLOSED long at 2071.04 | PnL: 0.19% | $0.31 +2025-03-10 12:23:14,324 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.3952 | Take profit: 2039.9743999999998 +2025-03-10 12:23:14,445 - INFO - CLOSED short at 2073.23 | PnL: -0.11% | $-0.67 +2025-03-10 12:23:14,446 - INFO - OPENED LONG at 2073.23 | Stop loss: 2062.86385 | Take profit: 2104.32845 +2025-03-10 12:23:14,525 - INFO - CLOSED long at 2068.15 | PnL: -0.25% | $-1.11 +2025-03-10 12:23:14,525 - INFO - OPENED SHORT at 2068.15 | Stop loss: 2078.49075 | Take profit: 2037.12775 +2025-03-10 12:23:14,571 - INFO - CLOSED short at 2068.39 | PnL: -0.01% | $-0.35 +2025-03-10 12:23:14,651 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.37515 | Take profit: 2037.9945500000001 +2025-03-10 12:23:14,732 - INFO - CLOSED short at 2068.79 | PnL: 0.01% | $-0.28 +2025-03-10 12:23:14,733 - INFO - OPENED LONG at 2068.79 | Stop loss: 2058.44605 | Take profit: 2099.82185 +2025-03-10 12:23:14,767 - INFO - CLOSED long at 2072.99 | PnL: 0.20% | $0.33 +2025-03-10 12:23:14,767 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.3549499999995 | Take profit: 2041.8951499999998 +2025-03-10 12:23:14,807 - INFO - CLOSED short at 2071.49 | PnL: 0.07% | $-0.09 +2025-03-10 12:23:14,846 - INFO - OPENED LONG at 2069.87 | Stop loss: 2059.52065 | Take profit: 2100.9180499999998 +2025-03-10 12:23:14,919 - INFO - CLOSED long at 2066.38 | PnL: -0.17% | $-0.85 +2025-03-10 12:23:15,041 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.2697499999995 | Take profit: 2032.9907499999997 +2025-03-10 12:23:15,122 - INFO - CLOSED short at 2064.5 | PnL: -0.03% | $-0.40 +2025-03-10 12:23:15,239 - INFO - OPENED SHORT at 2064.31 | Stop loss: 2074.6315499999996 | Take profit: 2033.3453499999998 +2025-03-10 12:23:15,322 - INFO - CLOSED short at 2067.53 | PnL: -0.16% | $-0.80 +2025-03-10 12:23:15,323 - INFO - OPENED LONG at 2067.53 | Stop loss: 2057.1923500000003 | Take profit: 2098.54295 +2025-03-10 12:23:15,409 - INFO - CLOSED long at 2065.31 | PnL: -0.11% | $-0.64 +2025-03-10 12:23:15,411 - INFO - OPENED SHORT at 2065.31 | Stop loss: 2075.6365499999997 | Take profit: 2034.33035 +2025-03-10 12:23:15,450 - INFO - CLOSED short at 2066.8 | PnL: -0.07% | $-0.53 +2025-03-10 12:23:15,866 - INFO - OPENED LONG at 2070.35 | Stop loss: 2059.99825 | Take profit: 2101.40525 +2025-03-10 12:23:16,028 - INFO - CLOSED long at 2068.67 | PnL: -0.08% | $-0.55 +2025-03-10 12:23:16,068 - INFO - OPENED LONG at 2070.67 | Stop loss: 2060.31665 | Take profit: 2101.7300499999997 +2025-03-10 12:23:16,153 - INFO - CLOSED long at 2071.61 | PnL: 0.05% | $-0.16 +2025-03-10 12:23:16,153 - INFO - OPENED SHORT at 2071.61 | Stop loss: 2081.96805 | Take profit: 2040.5358500000002 +2025-03-10 12:23:16,278 - INFO - CLOSED short at 2074.35 | PnL: -0.13% | $-0.70 +2025-03-10 12:23:16,449 - INFO - OPENED SHORT at 2075.29 | Stop loss: 2085.6664499999997 | Take profit: 2044.16065 +2025-03-10 12:23:16,761 - INFO - CLOSED short at 2067.0 | PnL: 0.40% | $0.89 +2025-03-10 12:23:16,761 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.665 | Take profit: 2098.0049999999997 +2025-03-10 12:23:16,804 - INFO - CLOSED long at 2067.9 | PnL: 0.04% | $-0.17 +2025-03-10 12:23:16,886 - INFO - OPENED SHORT at 2066.89 | Stop loss: 2077.2244499999997 | Take profit: 2035.88665 +2025-03-10 12:23:16,929 - INFO - CLOSED short at 2067.88 | PnL: -0.05% | $-0.44 +2025-03-10 12:23:16,929 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.5406000000003 | Take profit: 2098.8982 +2025-03-10 12:23:17,145 - INFO - CLOSED long at 2070.1 | PnL: 0.11% | $0.02 +2025-03-10 12:23:17,187 - INFO - OPENED LONG at 2067.19 | Stop loss: 2056.85405 | Take profit: 2098.19785 +2025-03-10 12:23:17,270 - INFO - CLOSED long at 2065.7 | PnL: -0.07% | $-0.51 +2025-03-10 12:23:17,271 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0284999999994 | Take profit: 2034.7144999999998 +2025-03-10 12:23:17,311 - INFO - CLOSED short at 2065.8 | PnL: -0.00% | $-0.31 +2025-03-10 12:23:17,403 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.75955 | Take profit: 2097.08135 +2025-03-10 12:23:17,482 - INFO - CLOSED long at 2062.34 | PnL: -0.18% | $-0.83 +2025-03-10 12:23:17,490 - INFO - OPENED SHORT at 2062.34 | Stop loss: 2072.6517 | Take profit: 2031.4049000000002 +2025-03-10 12:23:17,696 - INFO - CLOSED short at 2064.5 | PnL: -0.10% | $-0.60 +2025-03-10 12:23:17,736 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.99835 | Take profit: 2097.3249499999997 +2025-03-10 12:23:17,776 - INFO - CLOSED long at 2063.01 | PnL: -0.16% | $-0.76 +2025-03-10 12:23:18,029 - INFO - OPENED LONG at 2056.77 | Stop loss: 2046.48615 | Take profit: 2087.62155 +2025-03-10 12:23:18,154 - INFO - CLOSED long at 2049.5 | PnL: -0.35% | $-1.30 +2025-03-10 12:23:18,194 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7300499999997 | Take profit: 2082.7698499999997 +2025-03-10 12:23:18,266 - INFO - CLOSED long at 2056.85 | PnL: 0.24% | $0.39 +2025-03-10 12:23:18,267 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.1342499999996 | Take profit: 2025.99725 +2025-03-10 12:23:18,345 - INFO - CLOSED short at 2057.89 | PnL: -0.05% | $-0.43 +2025-03-10 12:23:18,345 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.6005499999999 | Take profit: 2088.7583499999996 +2025-03-10 12:23:18,513 - INFO - CLOSED long at 2062.43 | PnL: 0.22% | $0.34 +2025-03-10 12:23:18,665 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8274499999998 | Take profit: 2036.4776499999998 +2025-03-10 12:23:18,871 - INFO - CLOSED short at 2060.7 | PnL: 0.33% | $0.65 +2025-03-10 12:23:18,873 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3965 | Take profit: 2091.6105 +2025-03-10 12:23:18,956 - INFO - CLOSED long at 2062.54 | PnL: 0.09% | $-0.03 +2025-03-10 12:23:18,956 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.8527 | Take profit: 2031.6019 +2025-03-10 12:23:18,999 - INFO - CLOSED short at 2065.72 | PnL: -0.15% | $-0.73 +2025-03-10 12:23:18,999 - INFO - OPENED LONG at 2065.72 | Stop loss: 2055.3914 | Take profit: 2096.7057999999997 +2025-03-10 12:23:19,040 - INFO - CLOSED long at 2070.31 | PnL: 0.22% | $0.35 +2025-03-10 12:23:19,079 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.5911999999994 | Take profit: 2039.1863999999998 +2025-03-10 12:23:19,390 - INFO - CLOSED short at 2071.8 | PnL: -0.08% | $-0.50 +2025-03-10 12:23:19,601 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.0375499999996 | Take profit: 2121.8473499999996 +2025-03-10 12:23:19,688 - INFO - TAKE PROFIT hit for long at 2121.8473499999996 | PnL: 1.50% | $3.95 +2025-03-10 12:23:19,765 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.1211000000003 | Take profit: 2163.7567 +2025-03-10 12:23:19,842 - INFO - CLOSED long at 2137.59 | PnL: 0.27% | $0.51 +2025-03-10 12:23:19,842 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.2779499999997 | Take profit: 2105.52615 +2025-03-10 12:23:19,883 - INFO - CLOSED short at 2141.41 | PnL: -0.18% | $-0.84 +2025-03-10 12:23:19,884 - INFO - OPENED LONG at 2141.41 | Stop loss: 2130.70295 | Take profit: 2173.53115 +2025-03-10 12:23:20,006 - INFO - CLOSED long at 2140.01 | PnL: -0.07% | $-0.49 +2025-03-10 12:23:20,007 - INFO - OPENED SHORT at 2140.01 | Stop loss: 2150.71005 | Take profit: 2107.90985 +2025-03-10 12:23:20,174 - INFO - CLOSED short at 2128.69 | PnL: 0.53% | $1.26 +2025-03-10 12:23:20,213 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.6954499999997 | Take profit: 2089.27365 +2025-03-10 12:23:20,251 - INFO - CLOSED short at 2120.15 | PnL: 0.04% | $-0.17 +2025-03-10 12:23:20,385 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.793 | Take profit: 2153.221 +2025-03-10 12:23:20,590 - INFO - CLOSED long at 2107.43 | PnL: -0.66% | $-2.27 +2025-03-10 12:23:20,629 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.153 | Take profit: 2078.941 +2025-03-10 12:23:20,842 - INFO - CLOSED short at 2113.24 | PnL: -0.13% | $-0.65 +2025-03-10 12:23:21,047 - INFO - OPENED SHORT at 2110.9 | Stop loss: 2121.4545 | Take profit: 2079.2365 +2025-03-10 12:23:21,176 - INFO - CLOSED short at 2108.06 | PnL: 0.13% | $0.10 +2025-03-10 12:23:21,177 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.5197 | Take profit: 2139.6809 +2025-03-10 12:23:21,290 - INFO - CLOSED long at 2090.0 | PnL: -0.86% | $-2.75 +2025-03-10 12:23:21,374 - INFO - OPENED SHORT at 2098.1 | Stop loss: 2108.5905 | Take profit: 2066.6285 +2025-03-10 12:23:21,573 - INFO - CLOSED short at 2100.69 | PnL: -0.12% | $-0.62 +2025-03-10 12:23:21,649 - INFO - OPENED LONG at 2106.39 | Stop loss: 2095.85805 | Take profit: 2137.9858499999996 +2025-03-10 12:23:21,686 - INFO - CLOSED long at 2100.74 | PnL: -0.27% | $-1.01 +2025-03-10 12:23:21,769 - INFO - OPENED LONG at 2104.68 | Stop loss: 2094.1566 | Take profit: 2136.2501999999995 +2025-03-10 12:23:21,804 - INFO - CLOSED long at 2101.51 | PnL: -0.15% | $-0.68 +2025-03-10 12:23:21,971 - INFO - OPENED LONG at 2095.29 | Stop loss: 2084.81355 | Take profit: 2126.71935 +2025-03-10 12:23:22,011 - INFO - CLOSED long at 2093.46 | PnL: -0.09% | $-0.50 +2025-03-10 12:23:22,012 - INFO - OPENED SHORT at 2093.46 | Stop loss: 2103.9273 | Take profit: 2062.0581 +2025-03-10 12:23:22,053 - INFO - CLOSED short at 2093.33 | PnL: 0.01% | $-0.25 +2025-03-10 12:23:22,054 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.86335 | Take profit: 2124.72995 +2025-03-10 12:23:22,298 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 33.3% in downtrends | Avg Win=$0.50, Avg Loss=$-0.52 +2025-03-10 12:23:22,299 - INFO - Episode 4: Reward=138.61, Balance=$66.12, Win Rate=50.0%, Trades=118, Episode PnL=$-17.88, Total PnL=$-191.64, Max Drawdown=33.1%, Pred Accuracy=99.4% +2025-03-10 12:23:22,422 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:23:22,449 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:23:22,950 - INFO - OPENED SHORT at 2065.64 | Stop loss: 2075.9682 | Take profit: 2034.6553999999999 +2025-03-10 12:23:23,109 - INFO - CLOSED short at 2064.21 | PnL: 0.07% | $-0.12 +2025-03-10 12:23:23,110 - INFO - OPENED LONG at 2064.21 | Stop loss: 2053.88895 | Take profit: 2095.1731499999996 +2025-03-10 12:23:23,234 - INFO - CLOSED long at 2064.11 | PnL: -0.00% | $-0.42 +2025-03-10 12:23:23,631 - INFO - OPENED LONG at 2060.51 | Stop loss: 2050.2074500000003 | Take profit: 2091.41765 +2025-03-10 12:23:23,673 - INFO - CLOSED long at 2057.52 | PnL: -0.15% | $-0.98 +2025-03-10 12:23:23,674 - INFO - OPENED SHORT at 2057.52 | Stop loss: 2067.8075999999996 | Take profit: 2026.6571999999999 +2025-03-10 12:23:23,754 - INFO - CLOSED short at 2057.59 | PnL: -0.00% | $-0.41 +2025-03-10 12:23:23,755 - INFO - OPENED LONG at 2057.59 | Stop loss: 2047.3020500000002 | Take profit: 2088.45385 +2025-03-10 12:23:23,794 - INFO - CLOSED long at 2057.9 | PnL: 0.02% | $-0.33 +2025-03-10 12:23:24,229 - INFO - OPENED LONG at 2053.1 | Stop loss: 2042.8345 | Take profit: 2083.8965 +2025-03-10 12:23:24,536 - INFO - CLOSED long at 2051.99 | PnL: -0.05% | $-0.60 +2025-03-10 12:23:24,536 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.2499499999994 | Take profit: 2021.2101499999997 +2025-03-10 12:23:24,698 - INFO - CLOSED short at 2047.39 | PnL: 0.22% | $0.48 +2025-03-10 12:23:25,418 - INFO - OPENED SHORT at 2057.01 | Stop loss: 2067.29505 | Take profit: 2026.1548500000001 +2025-03-10 12:23:25,460 - INFO - CLOSED short at 2056.89 | PnL: 0.01% | $-0.37 +2025-03-10 12:23:25,591 - INFO - OPENED LONG at 2059.7 | Stop loss: 2049.4015 | Take profit: 2090.5954999999994 +2025-03-10 12:23:25,715 - INFO - CLOSED long at 2064.61 | PnL: 0.24% | $0.54 +2025-03-10 12:23:25,716 - INFO - OPENED SHORT at 2064.61 | Stop loss: 2074.93305 | Take profit: 2033.64085 +2025-03-10 12:23:26,033 - INFO - CLOSED short at 2060.0 | PnL: 0.22% | $0.48 +2025-03-10 12:23:26,033 - INFO - OPENED LONG at 2060.0 | Stop loss: 2049.7 | Take profit: 2090.8999999999996 +2025-03-10 12:23:26,173 - INFO - CLOSED long at 2060.31 | PnL: 0.02% | $-0.33 +2025-03-10 12:23:26,604 - INFO - OPENED SHORT at 2070.58 | Stop loss: 2080.9329 | Take profit: 2039.5212999999999 +2025-03-10 12:23:26,770 - INFO - CLOSED short at 2071.63 | PnL: -0.05% | $-0.59 +2025-03-10 12:23:26,813 - INFO - OPENED SHORT at 2070.99 | Stop loss: 2081.3449499999997 | Take profit: 2039.9251499999998 +2025-03-10 12:23:26,855 - INFO - CLOSED short at 2069.6 | PnL: 0.07% | $-0.13 +2025-03-10 12:23:26,856 - INFO - OPENED LONG at 2069.6 | Stop loss: 2059.252 | Take profit: 2100.644 +2025-03-10 12:23:26,949 - INFO - CLOSED long at 2068.99 | PnL: -0.03% | $-0.50 +2025-03-10 12:23:27,032 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.35155 | Take profit: 2098.7053499999997 +2025-03-10 12:23:27,075 - INFO - CLOSED long at 2070.26 | PnL: 0.12% | $0.09 +2025-03-10 12:23:27,075 - INFO - OPENED SHORT at 2070.26 | Stop loss: 2080.6113 | Take profit: 2039.2061 +2025-03-10 12:23:27,114 - INFO - CLOSED short at 2071.44 | PnL: -0.06% | $-0.61 +2025-03-10 12:23:27,115 - INFO - OPENED LONG at 2071.44 | Stop loss: 2061.0828 | Take profit: 2102.5116 +2025-03-10 12:23:27,155 - INFO - CLOSED long at 2073.73 | PnL: 0.11% | $0.04 +2025-03-10 12:23:27,156 - INFO - OPENED SHORT at 2073.73 | Stop loss: 2084.09865 | Take profit: 2042.62405 +2025-03-10 12:23:27,239 - INFO - CLOSED short at 2072.91 | PnL: 0.04% | $-0.23 +2025-03-10 12:23:27,328 - INFO - OPENED SHORT at 2071.38 | Stop loss: 2081.7369 | Take profit: 2040.3093000000001 +2025-03-10 12:23:27,420 - INFO - CLOSED short at 2069.37 | PnL: 0.10% | $-0.01 +2025-03-10 12:23:27,422 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.02315 | Take profit: 2100.4105499999996 +2025-03-10 12:23:27,461 - INFO - CLOSED long at 2070.9 | PnL: 0.07% | $-0.10 +2025-03-10 12:23:27,462 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.2545 | Take profit: 2039.8365000000001 +2025-03-10 12:23:27,765 - INFO - CLOSED short at 2068.9 | PnL: 0.10% | $-0.01 +2025-03-10 12:23:27,925 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.456 | Take profit: 2099.832 +2025-03-10 12:23:28,011 - INFO - CLOSED long at 2067.51 | PnL: -0.06% | $-0.62 +2025-03-10 12:23:28,050 - INFO - OPENED LONG at 2069.01 | Stop loss: 2058.6649500000003 | Take profit: 2100.04515 +2025-03-10 12:23:28,091 - INFO - CLOSED long at 2066.39 | PnL: -0.13% | $-0.86 +2025-03-10 12:23:28,250 - INFO - OPENED LONG at 2065.08 | Stop loss: 2054.7545999999998 | Take profit: 2096.0561999999995 +2025-03-10 12:23:28,425 - INFO - CLOSED long at 2068.51 | PnL: 0.17% | $0.25 +2025-03-10 12:23:28,426 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.85255 | Take profit: 2037.4823500000002 +2025-03-10 12:23:28,601 - INFO - CLOSED short at 2069.96 | PnL: -0.07% | $-0.64 +2025-03-10 12:23:28,602 - INFO - OPENED LONG at 2069.96 | Stop loss: 2059.6102 | Take profit: 2101.0094 +2025-03-10 12:23:28,809 - INFO - CLOSED long at 2073.11 | PnL: 0.15% | $0.20 +2025-03-10 12:23:28,810 - INFO - OPENED SHORT at 2073.11 | Stop loss: 2083.47555 | Take profit: 2042.0133500000002 +2025-03-10 12:23:28,979 - INFO - CLOSED short at 2073.9 | PnL: -0.04% | $-0.52 +2025-03-10 12:23:29,063 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.752 | Take profit: 2039.344 +2025-03-10 12:23:29,195 - INFO - CLOSED short at 2069.35 | PnL: 0.05% | $-0.18 +2025-03-10 12:23:29,235 - INFO - OPENED SHORT at 2068.32 | Stop loss: 2078.6616 | Take profit: 2037.2952 +2025-03-10 12:23:29,405 - INFO - CLOSED short at 2066.8 | PnL: 0.07% | $-0.10 +2025-03-10 12:23:29,406 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.4660000000003 | Take profit: 2097.802 +2025-03-10 12:23:29,532 - INFO - CLOSED long at 2065.26 | PnL: -0.07% | $-0.65 +2025-03-10 12:23:29,533 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.5863 | Take profit: 2034.2811000000002 +2025-03-10 12:23:29,666 - INFO - CLOSED short at 2068.8 | PnL: -0.17% | $-1.01 +2025-03-10 12:23:29,667 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.456 | Take profit: 2099.832 +2025-03-10 12:23:29,750 - INFO - CLOSED long at 2067.86 | PnL: -0.05% | $-0.53 +2025-03-10 12:23:29,751 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.1992999999998 | Take profit: 2036.8421 +2025-03-10 12:23:29,796 - INFO - CLOSED short at 2067.59 | PnL: 0.01% | $-0.32 +2025-03-10 12:23:29,797 - INFO - OPENED LONG at 2067.59 | Stop loss: 2057.25205 | Take profit: 2098.60385 +2025-03-10 12:23:30,058 - INFO - CLOSED long at 2070.73 | PnL: 0.15% | $0.19 +2025-03-10 12:23:30,414 - INFO - OPENED SHORT at 2065.28 | Stop loss: 2075.6064 | Take profit: 2034.3008000000002 +2025-03-10 12:23:30,587 - INFO - CLOSED short at 2067.8 | PnL: -0.12% | $-0.81 +2025-03-10 12:23:30,587 - INFO - OPENED LONG at 2067.8 | Stop loss: 2057.4610000000002 | Take profit: 2098.817 +2025-03-10 12:23:30,758 - INFO - CLOSED long at 2064.99 | PnL: -0.14% | $-0.85 +2025-03-10 12:23:30,759 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.3149499999995 | Take profit: 2034.0151499999997 +2025-03-10 12:23:30,798 - INFO - CLOSED short at 2065.83 | PnL: -0.04% | $-0.50 +2025-03-10 12:23:30,881 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9337 | Take profit: 2096.2389 +2025-03-10 12:23:31,464 - INFO - CLOSED long at 2062.71 | PnL: -0.12% | $-0.79 +2025-03-10 12:23:31,871 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.491 | Take profit: 2092.727 +2025-03-10 12:23:31,958 - INFO - CLOSED long at 2062.61 | PnL: 0.04% | $-0.21 +2025-03-10 12:23:32,001 - INFO - OPENED LONG at 2060.91 | Stop loss: 2050.60545 | Take profit: 2091.82365 +2025-03-10 12:23:32,085 - INFO - CLOSED long at 2061.13 | PnL: 0.01% | $-0.31 +2025-03-10 12:23:32,086 - INFO - OPENED SHORT at 2061.13 | Stop loss: 2071.43565 | Take profit: 2030.21305 +2025-03-10 12:23:32,328 - INFO - CLOSED short at 2064.79 | PnL: -0.18% | $-0.97 +2025-03-10 12:23:32,370 - INFO - OPENED SHORT at 2065.89 | Stop loss: 2076.2194499999996 | Take profit: 2034.9016499999998 +2025-03-10 12:23:32,413 - INFO - CLOSED short at 2063.53 | PnL: 0.11% | $0.05 +2025-03-10 12:23:32,414 - INFO - OPENED LONG at 2063.53 | Stop loss: 2053.2123500000002 | Take profit: 2094.48295 +2025-03-10 12:23:32,531 - INFO - CLOSED long at 2061.89 | PnL: -0.08% | $-0.62 +2025-03-10 12:23:32,653 - INFO - OPENED SHORT at 2061.09 | Stop loss: 2071.39545 | Take profit: 2030.1736500000002 +2025-03-10 12:23:32,769 - INFO - CLOSED short at 2059.02 | PnL: 0.10% | $0.00 +2025-03-10 12:23:32,812 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.1844499999997 | Take profit: 2028.0066499999998 +2025-03-10 12:23:33,294 - INFO - CLOSED short at 2061.66 | PnL: -0.13% | $-0.81 +2025-03-10 12:23:33,295 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.3516999999997 | Take profit: 2092.5849 +2025-03-10 12:23:33,338 - INFO - CLOSED long at 2061.5 | PnL: -0.01% | $-0.37 +2025-03-10 12:23:33,471 - INFO - OPENED LONG at 2062.69 | Stop loss: 2052.37655 | Take profit: 2093.63035 +2025-03-10 12:23:33,511 - INFO - CLOSED long at 2063.4 | PnL: 0.03% | $-0.22 +2025-03-10 12:23:33,549 - INFO - OPENED SHORT at 2066.36 | Stop loss: 2076.6918 | Take profit: 2035.3646 +2025-03-10 12:23:33,679 - INFO - CLOSED short at 2064.49 | PnL: 0.09% | $-0.03 +2025-03-10 12:23:33,767 - INFO - OPENED SHORT at 2066.34 | Stop loss: 2076.6717 | Take profit: 2035.3449 +2025-03-10 12:23:33,964 - INFO - CLOSED short at 2069.79 | PnL: -0.17% | $-0.90 +2025-03-10 12:23:34,154 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.38505 | Take profit: 2043.8848500000001 +2025-03-10 12:23:34,753 - INFO - CLOSED short at 2071.49 | PnL: 0.17% | $0.23 +2025-03-10 12:23:34,795 - INFO - OPENED LONG at 2069.87 | Stop loss: 2059.52065 | Take profit: 2100.9180499999998 +2025-03-10 12:23:34,970 - INFO - CLOSED long at 2065.66 | PnL: -0.20% | $-1.02 +2025-03-10 12:23:34,970 - INFO - OPENED SHORT at 2065.66 | Stop loss: 2075.9882999999995 | Take profit: 2034.6751 +2025-03-10 12:23:35,121 - INFO - CLOSED short at 2065.3 | PnL: 0.02% | $-0.27 +2025-03-10 12:23:35,207 - INFO - OPENED SHORT at 2064.31 | Stop loss: 2074.6315499999996 | Take profit: 2033.3453499999998 +2025-03-10 12:23:35,284 - INFO - CLOSED short at 2067.53 | PnL: -0.16% | $-0.85 +2025-03-10 12:23:35,364 - INFO - OPENED LONG at 2065.31 | Stop loss: 2054.9834499999997 | Take profit: 2096.2896499999997 +2025-03-10 12:23:35,405 - INFO - CLOSED long at 2066.8 | PnL: 0.07% | $-0.09 +2025-03-10 12:23:35,487 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.24705 | Take profit: 2099.61885 +2025-03-10 12:23:35,528 - INFO - CLOSED long at 2071.59 | PnL: 0.15% | $0.15 +2025-03-10 12:23:35,727 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0534999999995 | Take profit: 2039.6394999999998 +2025-03-10 12:23:35,768 - INFO - CLOSED short at 2070.8 | PnL: -0.00% | $-0.34 +2025-03-10 12:23:35,807 - INFO - OPENED LONG at 2070.35 | Stop loss: 2059.99825 | Take profit: 2101.40525 +2025-03-10 12:23:36,051 - INFO - CLOSED long at 2069.78 | PnL: -0.03% | $-0.42 +2025-03-10 12:23:36,371 - INFO - OPENED SHORT at 2075.29 | Stop loss: 2085.6664499999997 | Take profit: 2044.16065 +2025-03-10 12:23:36,455 - INFO - CLOSED short at 2075.61 | PnL: -0.02% | $-0.37 +2025-03-10 12:23:36,535 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.72955 | Take profit: 2103.17135 +2025-03-10 12:23:36,859 - INFO - CLOSED long at 2067.88 | PnL: -0.20% | $-0.98 +2025-03-10 12:23:37,035 - INFO - OPENED LONG at 2070.19 | Stop loss: 2059.83905 | Take profit: 2101.2428499999996 +2025-03-10 12:23:37,078 - INFO - CLOSED long at 2070.1 | PnL: -0.00% | $-0.33 +2025-03-10 12:23:37,079 - INFO - OPENED SHORT at 2070.1 | Stop loss: 2080.4504999999995 | Take profit: 2039.0484999999999 +2025-03-10 12:23:37,225 - INFO - CLOSED short at 2065.7 | PnL: 0.21% | $0.36 +2025-03-10 12:23:37,420 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.07305 | Take profit: 2094.3408499999996 +2025-03-10 12:23:37,468 - INFO - CLOSED long at 2062.34 | PnL: -0.05% | $-0.48 +2025-03-10 12:23:37,516 - INFO - OPENED SHORT at 2063.98 | Stop loss: 2074.2999 | Take profit: 2033.0203 +2025-03-10 12:23:37,560 - INFO - CLOSED short at 2066.1 | PnL: -0.10% | $-0.64 +2025-03-10 12:23:37,916 - INFO - OPENED LONG at 2059.2 | Stop loss: 2048.904 | Take profit: 2090.0879999999997 +2025-03-10 12:23:37,960 - INFO - CLOSED long at 2058.09 | PnL: -0.05% | $-0.48 +2025-03-10 12:23:38,232 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.2499499999994 | Take profit: 2021.2101499999997 +2025-03-10 12:23:38,276 - INFO - CLOSED short at 2058.3 | PnL: -0.31% | $-1.27 +2025-03-10 12:23:38,318 - INFO - OPENED LONG at 2056.85 | Stop loss: 2046.56575 | Take profit: 2087.70275 +2025-03-10 12:23:38,614 - INFO - CLOSED long at 2062.55 | PnL: 0.28% | $0.54 +2025-03-10 12:23:38,615 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.86275 | Take profit: 2031.6117500000003 +2025-03-10 12:23:38,916 - INFO - CLOSED short at 2059.9 | PnL: 0.13% | $0.09 +2025-03-10 12:23:39,313 - INFO - OPENED SHORT at 2070.41 | Stop loss: 2080.76205 | Take profit: 2039.3538499999997 +2025-03-10 12:23:39,709 - INFO - CLOSED short at 2076.08 | PnL: -0.27% | $-1.16 +2025-03-10 12:23:39,710 - INFO - OPENED LONG at 2076.08 | Stop loss: 2065.6996 | Take profit: 2107.2211999999995 +2025-03-10 12:23:39,788 - INFO - CLOSED long at 2077.61 | PnL: 0.07% | $-0.08 +2025-03-10 12:23:39,943 - INFO - OPENED LONG at 2103.02 | Stop loss: 2092.5049 | Take profit: 2134.5652999999998 +2025-03-10 12:23:40,035 - INFO - TAKE PROFIT hit for long at 2134.5652999999998 | PnL: 1.50% | $4.27 +2025-03-10 12:23:40,243 - INFO - OPENED LONG at 2141.3 | Stop loss: 2130.5935 | Take profit: 2173.4195 +2025-03-10 12:23:40,286 - INFO - CLOSED long at 2142.68 | PnL: 0.06% | $-0.11 +2025-03-10 12:23:40,287 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.3933999999995 | Take profit: 2110.5398 +2025-03-10 12:23:40,374 - INFO - CLOSED short at 2134.78 | PnL: 0.37% | $0.86 +2025-03-10 12:23:40,497 - INFO - OPENED SHORT at 2128.69 | Stop loss: 2139.3334499999996 | Take profit: 2096.75965 +2025-03-10 12:23:40,537 - INFO - CLOSED short at 2121.09 | PnL: 0.36% | $0.84 +2025-03-10 12:23:40,538 - INFO - OPENED LONG at 2121.09 | Stop loss: 2110.48455 | Take profit: 2152.9063499999997 +2025-03-10 12:23:40,623 - INFO - CLOSED long at 2117.24 | PnL: -0.18% | $-0.92 +2025-03-10 12:23:40,624 - INFO - OPENED SHORT at 2117.24 | Stop loss: 2127.8261999999995 | Take profit: 2085.4813999999997 +2025-03-10 12:23:40,666 - INFO - CLOSED short at 2119.93 | PnL: -0.13% | $-0.74 +2025-03-10 12:23:40,871 - INFO - OPENED SHORT at 2115.28 | Stop loss: 2125.8564 | Take profit: 2083.5508 +2025-03-10 12:23:40,991 - INFO - CLOSED short at 2109.05 | PnL: 0.29% | $0.63 +2025-03-10 12:23:41,034 - INFO - OPENED LONG at 2112.09 | Stop loss: 2101.52955 | Take profit: 2143.77135 +2025-03-10 12:23:41,119 - INFO - CLOSED long at 2112.46 | PnL: 0.02% | $-0.27 +2025-03-10 12:23:41,158 - INFO - OPENED SHORT at 2113.24 | Stop loss: 2123.8061999999995 | Take profit: 2081.5413999999996 +2025-03-10 12:23:41,424 - INFO - CLOSED short at 2108.71 | PnL: 0.21% | $0.37 +2025-03-10 12:23:41,424 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.16645 | Take profit: 2140.3406499999996 +2025-03-10 12:23:41,464 - INFO - CLOSED long at 2106.49 | PnL: -0.11% | $-0.67 +2025-03-10 12:23:41,465 - INFO - OPENED SHORT at 2106.49 | Stop loss: 2117.0224499999995 | Take profit: 2074.89265 +2025-03-10 12:23:41,640 - INFO - CLOSED short at 2090.0 | PnL: 0.78% | $2.20 +2025-03-10 12:23:41,641 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.55 | Take profit: 2121.35 +2025-03-10 12:23:41,680 - INFO - CLOSED long at 2099.53 | PnL: 0.46% | $1.18 +2025-03-10 12:23:41,681 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.02765 | Take profit: 2068.0370500000004 +2025-03-10 12:23:41,724 - INFO - CLOSED short at 2098.1 | PnL: 0.07% | $-0.11 +2025-03-10 12:23:41,724 - INFO - OPENED LONG at 2098.1 | Stop loss: 2087.6095 | Take profit: 2129.5714999999996 +2025-03-10 12:23:41,809 - INFO - CLOSED long at 2102.29 | PnL: 0.20% | $0.33 +2025-03-10 12:23:41,846 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.7462499999997 | Take profit: 2067.76125 +2025-03-10 12:23:42,137 - INFO - CLOSED short at 2104.68 | PnL: -0.26% | $-1.21 +2025-03-10 12:23:42,138 - INFO - OPENED LONG at 2104.68 | Stop loss: 2094.1566 | Take profit: 2136.2501999999995 +2025-03-10 12:23:42,260 - INFO - CLOSED long at 2100.02 | PnL: -0.22% | $-1.07 +2025-03-10 12:23:42,261 - INFO - OPENED SHORT at 2100.02 | Stop loss: 2110.5200999999997 | Take profit: 2068.5197 +2025-03-10 12:23:42,338 - INFO - CLOSED short at 2095.29 | PnL: 0.23% | $0.41 +2025-03-10 12:23:42,338 - INFO - OPENED LONG at 2095.29 | Stop loss: 2084.81355 | Take profit: 2126.71935 +2025-03-10 12:23:42,640 - INFO - CLOSED long at 2088.35 | PnL: -0.33% | $-1.42 +2025-03-10 12:23:42,685 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 33.3% in downtrends | Avg Win=$0.62, Avg Loss=$-0.54 +2025-03-10 12:23:42,686 - INFO - Episode 5: Reward=175.96, Balance=$80.87, Win Rate=52.9%, Trades=87, Episode PnL=$-10.73, Total PnL=$-210.77, Max Drawdown=23.7%, Pred Accuracy=99.4% +2025-03-10 12:23:42,812 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:23:42,838 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:23:43,148 - INFO - OPENED SHORT at 2055.31 | Stop loss: 2065.5865499999995 | Take profit: 2024.4803499999998 +2025-03-10 12:23:43,311 - INFO - CLOSED short at 2062.5 | PnL: -0.35% | $-1.80 +2025-03-10 12:23:43,354 - INFO - OPENED LONG at 2065.64 | Stop loss: 2055.3118 | Take profit: 2096.6245999999996 +2025-03-10 12:23:43,619 - INFO - CLOSED long at 2061.01 | PnL: -0.22% | $-1.27 +2025-03-10 12:23:43,620 - INFO - OPENED SHORT at 2061.01 | Stop loss: 2071.31505 | Take profit: 2030.0948500000002 +2025-03-10 12:23:43,703 - INFO - CLOSED short at 2062.75 | PnL: -0.08% | $-0.72 +2025-03-10 12:23:43,745 - INFO - OPENED SHORT at 2063.84 | Stop loss: 2074.1592 | Take profit: 2032.8824000000002 +2025-03-10 12:23:43,834 - INFO - CLOSED short at 2062.5 | PnL: 0.06% | $-0.13 +2025-03-10 12:23:43,835 - INFO - OPENED LONG at 2062.5 | Stop loss: 2052.1875 | Take profit: 2093.4375 +2025-03-10 12:23:43,994 - INFO - CLOSED long at 2059.4 | PnL: -0.15% | $-0.96 +2025-03-10 12:23:44,110 - INFO - OPENED SHORT at 2057.52 | Stop loss: 2067.8075999999996 | Take profit: 2026.6571999999999 +2025-03-10 12:23:44,194 - INFO - CLOSED short at 2057.59 | PnL: -0.00% | $-0.39 +2025-03-10 12:23:44,195 - INFO - OPENED LONG at 2057.59 | Stop loss: 2047.3020500000002 | Take profit: 2088.45385 +2025-03-10 12:23:44,371 - INFO - CLOSED long at 2055.2 | PnL: -0.12% | $-0.82 +2025-03-10 12:23:44,588 - INFO - OPENED SHORT at 2052.7 | Stop loss: 2062.9634999999994 | Take profit: 2021.9094999999998 +2025-03-10 12:23:44,630 - INFO - CLOSED short at 2051.66 | PnL: 0.05% | $-0.19 +2025-03-10 12:23:44,631 - INFO - OPENED LONG at 2051.66 | Stop loss: 2041.4017 | Take profit: 2082.4348999999997 +2025-03-10 12:23:44,767 - INFO - CLOSED long at 2052.25 | PnL: 0.03% | $-0.27 +2025-03-10 12:23:45,165 - INFO - OPENED LONG at 2048.48 | Stop loss: 2038.2376 | Take profit: 2079.2072 +2025-03-10 12:23:45,248 - INFO - CLOSED long at 2046.58 | PnL: -0.09% | $-0.72 +2025-03-10 12:23:45,295 - INFO - OPENED SHORT at 2047.4 | Stop loss: 2057.6369999999997 | Take profit: 2016.689 +2025-03-10 12:23:45,338 - INFO - CLOSED short at 2047.2 | PnL: 0.01% | $-0.33 +2025-03-10 12:23:45,516 - INFO - OPENED LONG at 2048.13 | Stop loss: 2037.8893500000001 | Take profit: 2078.8519499999998 +2025-03-10 12:23:45,856 - INFO - CLOSED long at 2053.26 | PnL: 0.25% | $0.56 +2025-03-10 12:23:45,898 - INFO - OPENED LONG at 2051.89 | Stop loss: 2041.6305499999999 | Take profit: 2082.6683499999995 +2025-03-10 12:23:45,991 - INFO - CLOSED long at 2055.69 | PnL: 0.19% | $0.32 +2025-03-10 12:23:46,319 - INFO - OPENED SHORT at 2063.29 | Stop loss: 2073.6064499999998 | Take profit: 2032.3406499999999 +2025-03-10 12:23:46,363 - INFO - CLOSED short at 2064.61 | PnL: -0.06% | $-0.61 +2025-03-10 12:23:46,630 - INFO - OPENED LONG at 2058.3 | Stop loss: 2048.0085000000004 | Take profit: 2089.1745 +2025-03-10 12:23:46,768 - INFO - CLOSED long at 2062.89 | PnL: 0.22% | $0.46 +2025-03-10 12:23:46,854 - INFO - OPENED LONG at 2059.49 | Stop loss: 2049.1925499999998 | Take profit: 2090.3823499999994 +2025-03-10 12:23:47,032 - INFO - CLOSED long at 2058.11 | PnL: -0.07% | $-0.62 +2025-03-10 12:23:47,034 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.40055 | Take profit: 2027.23835 +2025-03-10 12:23:47,122 - INFO - CLOSED short at 2061.18 | PnL: -0.15% | $-0.92 +2025-03-10 12:23:47,122 - INFO - OPENED LONG at 2061.18 | Stop loss: 2050.8741 | Take profit: 2092.0977 +2025-03-10 12:23:47,348 - INFO - CLOSED long at 2068.29 | PnL: 0.34% | $0.90 +2025-03-10 12:23:47,348 - INFO - OPENED SHORT at 2068.29 | Stop loss: 2078.63145 | Take profit: 2037.2656499999998 +2025-03-10 12:23:47,583 - INFO - CLOSED short at 2068.65 | PnL: -0.02% | $-0.43 +2025-03-10 12:23:47,757 - INFO - OPENED SHORT at 2070.26 | Stop loss: 2080.6113 | Take profit: 2039.2061 +2025-03-10 12:23:47,857 - INFO - CLOSED short at 2073.73 | PnL: -0.17% | $-0.99 +2025-03-10 12:23:47,950 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.2745499999996 | Take profit: 2041.8163499999998 +2025-03-10 12:23:48,189 - INFO - CLOSED short at 2070.9 | PnL: 0.10% | $-0.01 +2025-03-10 12:23:48,189 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.5455 | Take profit: 2101.9635 +2025-03-10 12:23:48,281 - INFO - CLOSED long at 2070.79 | PnL: -0.01% | $-0.38 +2025-03-10 12:23:48,282 - INFO - OPENED SHORT at 2070.79 | Stop loss: 2081.1439499999997 | Take profit: 2039.72815 +2025-03-10 12:23:48,645 - INFO - CLOSED short at 2069.19 | PnL: 0.08% | $-0.08 +2025-03-10 12:23:48,774 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.17245 | Take profit: 2098.52265 +2025-03-10 12:23:48,819 - INFO - CLOSED long at 2069.01 | PnL: 0.07% | $-0.10 +2025-03-10 12:23:48,864 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.0580499999996 | Take profit: 2097.3858499999997 +2025-03-10 12:23:49,048 - INFO - CLOSED long at 2065.08 | PnL: -0.06% | $-0.59 +2025-03-10 12:23:49,093 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.5108999999998 | Take profit: 2035.1872999999998 +2025-03-10 12:23:49,189 - INFO - CLOSED short at 2068.9 | PnL: -0.13% | $-0.83 +2025-03-10 12:23:49,189 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.5555 | Take profit: 2099.9335 +2025-03-10 12:23:49,423 - INFO - CLOSED long at 2069.96 | PnL: 0.05% | $-0.17 +2025-03-10 12:23:49,424 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.3098 | Take profit: 2038.9106 +2025-03-10 12:23:49,553 - INFO - CLOSED short at 2071.36 | PnL: -0.07% | $-0.60 +2025-03-10 12:23:49,733 - INFO - OPENED LONG at 2072.15 | Stop loss: 2061.7892500000003 | Take profit: 2103.23225 +2025-03-10 12:23:49,827 - INFO - CLOSED long at 2073.9 | PnL: 0.08% | $-0.05 +2025-03-10 12:23:49,875 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.5604 | Take profit: 2102.9988 +2025-03-10 12:23:50,147 - INFO - CLOSED long at 2067.0 | PnL: -0.24% | $-1.19 +2025-03-10 12:23:50,456 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:23:50,672 - INFO - CLOSED short at 2067.59 | PnL: 0.01% | $-0.30 +2025-03-10 12:23:50,766 - INFO - OPENED LONG at 2070.3 | Stop loss: 2059.9485 | Take profit: 2101.3545 +2025-03-10 12:23:50,858 - INFO - CLOSED long at 2070.7 | PnL: 0.02% | $-0.28 +2025-03-10 12:23:50,899 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.752 | Take profit: 2039.344 +2025-03-10 12:23:50,940 - INFO - CLOSED short at 2070.73 | PnL: -0.02% | $-0.40 +2025-03-10 12:23:51,109 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.44555 | Take profit: 2036.10335 +2025-03-10 12:23:51,152 - INFO - CLOSED short at 2067.86 | PnL: -0.04% | $-0.47 +2025-03-10 12:23:51,153 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.5207 | Take profit: 2098.8779 +2025-03-10 12:23:51,289 - INFO - CLOSED long at 2065.28 | PnL: -0.12% | $-0.77 +2025-03-10 12:23:51,385 - INFO - OPENED SHORT at 2064.47 | Stop loss: 2074.7923499999997 | Take profit: 2033.5029499999998 +2025-03-10 12:23:51,569 - INFO - CLOSED short at 2065.69 | PnL: -0.06% | $-0.54 +2025-03-10 12:23:51,570 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.36155 | Take profit: 2096.67535 +2025-03-10 12:23:51,611 - INFO - CLOSED long at 2067.88 | PnL: 0.11% | $0.02 +2025-03-10 12:23:51,612 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2194 | Take profit: 2036.8618000000001 +2025-03-10 12:23:51,700 - INFO - CLOSED short at 2065.83 | PnL: 0.10% | $-0.00 +2025-03-10 12:23:51,701 - INFO - OPENED LONG at 2065.83 | Stop loss: 2055.50085 | Take profit: 2096.8174499999996 +2025-03-10 12:23:52,081 - INFO - CLOSED long at 2063.59 | PnL: -0.11% | $-0.70 +2025-03-10 12:23:52,081 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.90795 | Take profit: 2032.63615 +2025-03-10 12:23:52,220 - INFO - CLOSED short at 2067.1 | PnL: -0.17% | $-0.90 +2025-03-10 12:23:52,221 - INFO - OPENED LONG at 2067.1 | Stop loss: 2056.7644999999998 | Take profit: 2098.1065 +2025-03-10 12:23:52,446 - INFO - CLOSED long at 2062.71 | PnL: -0.21% | $-1.03 +2025-03-10 12:23:52,672 - INFO - OPENED SHORT at 2060.9 | Stop loss: 2071.2045 | Take profit: 2029.9865 +2025-03-10 12:23:52,762 - INFO - CLOSED short at 2058.89 | PnL: 0.10% | $-0.01 +2025-03-10 12:23:53,096 - INFO - OPENED SHORT at 2061.13 | Stop loss: 2071.43565 | Take profit: 2030.21305 +2025-03-10 12:23:53,257 - INFO - CLOSED short at 2064.33 | PnL: -0.16% | $-0.83 +2025-03-10 12:23:53,258 - INFO - OPENED LONG at 2064.33 | Stop loss: 2054.00835 | Take profit: 2095.2949499999995 +2025-03-10 12:23:53,378 - INFO - CLOSED long at 2065.89 | PnL: 0.08% | $-0.08 +2025-03-10 12:23:53,505 - INFO - OPENED SHORT at 2062.6 | Stop loss: 2072.9129999999996 | Take profit: 2031.6609999999998 +2025-03-10 12:23:53,627 - INFO - CLOSED short at 2060.7 | PnL: 0.09% | $-0.03 +2025-03-10 12:23:53,964 - INFO - OPENED LONG at 2057.4 | Stop loss: 2047.113 | Take profit: 2088.261 +2025-03-10 12:23:54,087 - INFO - CLOSED long at 2055.6 | PnL: -0.09% | $-0.61 +2025-03-10 12:23:54,088 - INFO - OPENED SHORT at 2055.6 | Stop loss: 2065.8779999999997 | Take profit: 2024.7659999999998 +2025-03-10 12:23:54,346 - INFO - CLOSED short at 2061.66 | PnL: -0.29% | $-1.26 +2025-03-10 12:23:54,347 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.3516999999997 | Take profit: 2092.5849 +2025-03-10 12:23:54,429 - INFO - CLOSED long at 2061.6 | PnL: -0.00% | $-0.32 +2025-03-10 12:23:54,429 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.908 | Take profit: 2030.676 +2025-03-10 12:23:54,564 - INFO - CLOSED short at 2063.4 | PnL: -0.09% | $-0.59 +2025-03-10 12:23:54,824 - INFO - OPENED SHORT at 2066.34 | Stop loss: 2076.6717 | Take profit: 2035.3449 +2025-03-10 12:23:54,992 - INFO - CLOSED short at 2065.69 | PnL: 0.03% | $-0.21 +2025-03-10 12:23:55,031 - INFO - OPENED SHORT at 2069.79 | Stop loss: 2080.1389499999996 | Take profit: 2038.74315 +2025-03-10 12:23:55,160 - INFO - CLOSED short at 2078.01 | PnL: -0.40% | $-1.55 +2025-03-10 12:23:55,160 - INFO - OPENED LONG at 2078.01 | Stop loss: 2067.6199500000002 | Take profit: 2109.18015 +2025-03-10 12:23:55,202 - INFO - CLOSED long at 2075.01 | PnL: -0.14% | $-0.74 +2025-03-10 12:23:55,246 - INFO - OPENED LONG at 2072.6 | Stop loss: 2062.237 | Take profit: 2103.689 +2025-03-10 12:23:55,286 - INFO - CLOSED long at 2071.04 | PnL: -0.08% | $-0.53 +2025-03-10 12:23:55,287 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.3952 | Take profit: 2039.9743999999998 +2025-03-10 12:23:55,369 - INFO - CLOSED short at 2071.6 | PnL: -0.03% | $-0.38 +2025-03-10 12:23:55,685 - INFO - OPENED SHORT at 2068.79 | Stop loss: 2079.13395 | Take profit: 2037.75815 +2025-03-10 12:23:55,892 - INFO - CLOSED short at 2066.38 | PnL: 0.12% | $0.05 +2025-03-10 12:23:56,019 - INFO - OPENED LONG at 2063.95 | Stop loss: 2053.6302499999997 | Take profit: 2094.9092499999997 +2025-03-10 12:23:56,102 - INFO - CLOSED long at 2064.5 | PnL: 0.03% | $-0.22 +2025-03-10 12:23:56,103 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8224999999998 | Take profit: 2033.5325 +2025-03-10 12:23:56,697 - INFO - CLOSED short at 2070.9 | PnL: -0.31% | $-1.22 +2025-03-10 12:23:56,853 - INFO - OPENED LONG at 2070.35 | Stop loss: 2059.99825 | Take profit: 2101.40525 +2025-03-10 12:23:56,964 - INFO - CLOSED long at 2068.19 | PnL: -0.10% | $-0.60 +2025-03-10 12:23:57,046 - INFO - OPENED SHORT at 2070.67 | Stop loss: 2081.02335 | Take profit: 2039.60995 +2025-03-10 12:23:57,366 - INFO - CLOSED short at 2075.32 | PnL: -0.22% | $-0.94 +2025-03-10 12:23:57,367 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.9434 | Take profit: 2106.4498 +2025-03-10 12:23:57,570 - INFO - CLOSED long at 2072.09 | PnL: -0.16% | $-0.73 +2025-03-10 12:23:57,571 - INFO - OPENED SHORT at 2072.09 | Stop loss: 2082.45045 | Take profit: 2041.0086500000002 +2025-03-10 12:23:57,604 - INFO - CLOSED short at 2069.97 | PnL: 0.10% | $0.01 +2025-03-10 12:23:57,605 - INFO - OPENED LONG at 2069.97 | Stop loss: 2059.6201499999997 | Take profit: 2101.0195499999995 +2025-03-10 12:23:57,646 - INFO - CLOSED long at 2067.7 | PnL: -0.11% | $-0.59 +2025-03-10 12:23:57,728 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.5605 | Take profit: 2098.9184999999998 +2025-03-10 12:23:57,814 - INFO - CLOSED long at 2066.89 | PnL: -0.05% | $-0.42 +2025-03-10 12:23:57,856 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.5406000000003 | Take profit: 2098.8982 +2025-03-10 12:23:57,939 - INFO - CLOSED long at 2068.1 | PnL: 0.01% | $-0.25 +2025-03-10 12:23:57,939 - INFO - OPENED SHORT at 2068.1 | Stop loss: 2078.4404999999997 | Take profit: 2037.0784999999998 +2025-03-10 12:23:58,098 - INFO - CLOSED short at 2067.19 | PnL: 0.04% | $-0.16 +2025-03-10 12:23:58,256 - INFO - OPENED LONG at 2065.07 | Stop loss: 2054.74465 | Take profit: 2096.04605 +2025-03-10 12:23:58,827 - INFO - CLOSED long at 2058.09 | PnL: -0.34% | $-1.22 +2025-03-10 12:23:58,952 - INFO - OPENED SHORT at 2053.01 | Stop loss: 2063.27505 | Take profit: 2022.2148500000003 +2025-03-10 12:23:59,232 - INFO - CLOSED short at 2057.89 | PnL: -0.24% | $-0.92 +2025-03-10 12:23:59,350 - INFO - OPENED SHORT at 2065.1 | Stop loss: 2075.4255 | Take profit: 2034.1235 +2025-03-10 12:23:59,625 - INFO - CLOSED short at 2064.08 | PnL: 0.05% | $-0.14 +2025-03-10 12:23:59,626 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.7596 | Take profit: 2095.0411999999997 +2025-03-10 12:23:59,706 - INFO - CLOSED long at 2059.9 | PnL: -0.20% | $-0.81 +2025-03-10 12:23:59,707 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.1994999999997 | Take profit: 2029.0015 +2025-03-10 12:23:59,913 - INFO - STOP LOSS hit for short at 2070.1994999999997 | PnL: -0.50% | $-1.59 +2025-03-10 12:24:00,298 - INFO - OPENED LONG at 2071.8 | Stop loss: 2061.4410000000003 | Take profit: 2102.877 +2025-03-10 12:24:00,501 - INFO - CLOSED long at 2090.49 | PnL: 0.90% | $2.08 +2025-03-10 12:24:00,711 - INFO - OPENED LONG at 2133.95 | Stop loss: 2123.28025 | Take profit: 2165.9592499999994 +2025-03-10 12:24:01,044 - INFO - CLOSED long at 2127.3 | PnL: -0.31% | $-1.10 +2025-03-10 12:24:01,046 - INFO - OPENED SHORT at 2127.3 | Stop loss: 2137.9365 | Take profit: 2095.3905 +2025-03-10 12:24:01,088 - INFO - CLOSED short at 2128.69 | PnL: -0.07% | $-0.43 +2025-03-10 12:24:01,212 - INFO - OPENED SHORT at 2117.24 | Stop loss: 2127.8261999999995 | Take profit: 2085.4813999999997 +2025-03-10 12:24:01,672 - INFO - CLOSED short at 2112.95 | PnL: 0.20% | $0.27 +2025-03-10 12:24:01,672 - INFO - OPENED LONG at 2112.95 | Stop loss: 2102.38525 | Take profit: 2144.64425 +2025-03-10 12:24:01,712 - INFO - CLOSED long at 2112.46 | PnL: -0.02% | $-0.32 +2025-03-10 12:24:01,843 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.20595 | Take profit: 2152.6221499999997 +2025-03-10 12:24:01,923 - INFO - CLOSED long at 2114.8 | PnL: -0.28% | $-1.00 +2025-03-10 12:24:02,362 - INFO - OPENED LONG at 2102.19 | Stop loss: 2091.67905 | Take profit: 2133.7228499999997 +2025-03-10 12:24:02,492 - INFO - CLOSED long at 2098.9 | PnL: -0.16% | $-0.66 +2025-03-10 12:24:02,492 - INFO - OPENED SHORT at 2098.9 | Stop loss: 2109.3945 | Take profit: 2067.4165000000003 +2025-03-10 12:24:03,087 - INFO - CLOSED short at 2092.46 | PnL: 0.31% | $0.53 +2025-03-10 12:24:03,088 - INFO - OPENED LONG at 2092.46 | Stop loss: 2081.9977 | Take profit: 2123.8469 +2025-03-10 12:24:03,173 - INFO - CLOSED long at 2094.72 | PnL: 0.11% | $0.02 +2025-03-10 12:24:03,306 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 15.8% in downtrends | Avg Win=$0.47, Avg Loss=$-0.60 +2025-03-10 12:24:03,307 - INFO - Episode 6: Reward=49.68, Balance=$64.13, Win Rate=39.2%, Trades=79, Episode PnL=$-20.08, Total PnL=$-246.63, Max Drawdown=35.9%, Pred Accuracy=99.3% +2025-03-10 12:24:03,338 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:24:03,611 - INFO - OPENED SHORT at 2056.0 | Stop loss: 2066.2799999999997 | Take profit: 2025.16 +2025-03-10 12:24:03,655 - INFO - CLOSED short at 2055.31 | PnL: 0.03% | $-0.27 +2025-03-10 12:24:03,656 - INFO - OPENED LONG at 2055.31 | Stop loss: 2045.03345 | Take profit: 2086.1396499999996 +2025-03-10 12:24:03,699 - INFO - CLOSED long at 2059.23 | PnL: 0.19% | $0.36 +2025-03-10 12:24:03,699 - INFO - OPENED SHORT at 2059.23 | Stop loss: 2069.5261499999997 | Take profit: 2028.34155 +2025-03-10 12:24:03,913 - INFO - CLOSED short at 2064.51 | PnL: -0.26% | $-1.43 +2025-03-10 12:24:03,914 - INFO - OPENED LONG at 2064.51 | Stop loss: 2054.1874500000004 | Take profit: 2095.47765 +2025-03-10 12:24:04,128 - INFO - CLOSED long at 2061.01 | PnL: -0.17% | $-1.06 +2025-03-10 12:24:04,129 - INFO - OPENED SHORT at 2061.01 | Stop loss: 2071.31505 | Take profit: 2030.0948500000002 +2025-03-10 12:24:04,250 - INFO - CLOSED short at 2063.84 | PnL: -0.14% | $-0.93 +2025-03-10 12:24:04,250 - INFO - OPENED LONG at 2063.84 | Stop loss: 2053.5208000000002 | Take profit: 2094.7976 +2025-03-10 12:24:04,585 - INFO - CLOSED long at 2060.51 | PnL: -0.16% | $-1.01 +2025-03-10 12:24:04,701 - INFO - OPENED LONG at 2057.59 | Stop loss: 2047.3020500000002 | Take profit: 2088.45385 +2025-03-10 12:24:05,084 - INFO - CLOSED long at 2052.7 | PnL: -0.24% | $-1.29 +2025-03-10 12:24:05,084 - INFO - OPENED SHORT at 2052.7 | Stop loss: 2062.9634999999994 | Take profit: 2021.9094999999998 +2025-03-10 12:24:05,549 - INFO - CLOSED short at 2049.61 | PnL: 0.15% | $0.19 +2025-03-10 12:24:05,587 - INFO - OPENED LONG at 2049.24 | Stop loss: 2038.9937999999997 | Take profit: 2079.9785999999995 +2025-03-10 12:24:05,628 - INFO - CLOSED long at 2048.48 | PnL: -0.04% | $-0.52 +2025-03-10 12:24:05,628 - INFO - OPENED SHORT at 2048.48 | Stop loss: 2058.7223999999997 | Take profit: 2017.7528 +2025-03-10 12:24:05,751 - INFO - CLOSED short at 2047.4 | PnL: 0.05% | $-0.18 +2025-03-10 12:24:05,919 - INFO - OPENED SHORT at 2045.79 | Stop loss: 2056.0189499999997 | Take profit: 2015.10315 +2025-03-10 12:24:06,042 - INFO - CLOSED short at 2048.51 | PnL: -0.13% | $-0.87 +2025-03-10 12:24:06,042 - INFO - OPENED LONG at 2048.51 | Stop loss: 2038.2674500000003 | Take profit: 2079.23765 +2025-03-10 12:24:06,127 - INFO - CLOSED long at 2050.24 | PnL: 0.08% | $-0.06 +2025-03-10 12:24:06,127 - INFO - OPENED SHORT at 2050.24 | Stop loss: 2060.4911999999995 | Take profit: 2019.4863999999998 +2025-03-10 12:24:06,172 - INFO - CLOSED short at 2049.89 | PnL: 0.02% | $-0.31 +2025-03-10 12:24:06,214 - INFO - OPENED SHORT at 2051.11 | Stop loss: 2061.36555 | Take profit: 2020.34335 +2025-03-10 12:24:06,337 - INFO - CLOSED short at 2052.3 | PnL: -0.06% | $-0.59 +2025-03-10 12:24:06,338 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.0385 | Take profit: 2083.0845 +2025-03-10 12:24:06,426 - INFO - CLOSED long at 2057.01 | PnL: 0.23% | $0.48 +2025-03-10 12:24:06,592 - INFO - OPENED SHORT at 2059.7 | Stop loss: 2069.9984999999997 | Take profit: 2028.8044999999997 +2025-03-10 12:24:06,632 - INFO - CLOSED short at 2061.49 | PnL: -0.09% | $-0.69 +2025-03-10 12:24:06,671 - INFO - OPENED LONG at 2063.29 | Stop loss: 2052.97355 | Take profit: 2094.23935 +2025-03-10 12:24:06,753 - INFO - CLOSED long at 2063.59 | PnL: 0.01% | $-0.31 +2025-03-10 12:24:06,754 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.90795 | Take profit: 2032.63615 +2025-03-10 12:24:06,843 - INFO - CLOSED short at 2064.69 | PnL: -0.05% | $-0.56 +2025-03-10 12:24:06,925 - INFO - OPENED SHORT at 2060.99 | Stop loss: 2071.2949499999995 | Take profit: 2030.0751499999997 +2025-03-10 12:24:07,009 - INFO - CLOSED short at 2060.0 | PnL: 0.05% | $-0.19 +2025-03-10 12:24:07,009 - INFO - OPENED LONG at 2060.0 | Stop loss: 2049.7 | Take profit: 2090.8999999999996 +2025-03-10 12:24:07,090 - INFO - CLOSED long at 2062.89 | PnL: 0.14% | $0.15 +2025-03-10 12:24:07,091 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2044499999997 | Take profit: 2031.9466499999999 +2025-03-10 12:24:07,604 - INFO - CLOSED short at 2068.11 | PnL: -0.25% | $-1.28 +2025-03-10 12:24:07,605 - INFO - OPENED LONG at 2068.11 | Stop loss: 2057.7694500000002 | Take profit: 2099.13165 +2025-03-10 12:24:07,690 - INFO - CLOSED long at 2067.89 | PnL: -0.01% | $-0.40 +2025-03-10 12:24:07,691 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:24:07,938 - INFO - CLOSED short at 2067.9 | PnL: -0.00% | $-0.36 +2025-03-10 12:24:08,022 - INFO - OPENED LONG at 2070.26 | Stop loss: 2059.9087000000004 | Take profit: 2101.3139 +2025-03-10 12:24:08,640 - INFO - CLOSED long at 2067.2 | PnL: -0.15% | $-0.88 +2025-03-10 12:24:08,640 - INFO - OPENED SHORT at 2067.2 | Stop loss: 2077.5359999999996 | Take profit: 2036.1919999999998 +2025-03-10 12:24:08,764 - INFO - CLOSED short at 2070.7 | PnL: -0.17% | $-0.95 +2025-03-10 12:24:08,765 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3464999999997 | Take profit: 2101.7604999999994 +2025-03-10 12:24:08,968 - INFO - CLOSED long at 2067.51 | PnL: -0.15% | $-0.88 +2025-03-10 12:24:09,209 - INFO - OPENED SHORT at 2065.08 | Stop loss: 2075.4053999999996 | Take profit: 2034.1037999999999 +2025-03-10 12:24:09,331 - INFO - CLOSED short at 2068.9 | PnL: -0.18% | $-0.98 +2025-03-10 12:24:09,332 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.5555 | Take profit: 2099.9335 +2025-03-10 12:24:09,458 - INFO - CLOSED long at 2069.7 | PnL: 0.04% | $-0.21 +2025-03-10 12:24:09,459 - INFO - OPENED SHORT at 2069.7 | Stop loss: 2080.0484999999994 | Take profit: 2038.6544999999999 +2025-03-10 12:24:09,500 - INFO - CLOSED short at 2070.4 | PnL: -0.03% | $-0.45 +2025-03-10 12:24:09,501 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0480000000002 | Take profit: 2101.4559999999997 +2025-03-10 12:24:09,592 - INFO - CLOSED long at 2071.4 | PnL: 0.05% | $-0.17 +2025-03-10 12:24:09,592 - INFO - OPENED SHORT at 2071.4 | Stop loss: 2081.757 | Take profit: 2040.329 +2025-03-10 12:24:09,768 - INFO - CLOSED short at 2073.11 | PnL: -0.08% | $-0.62 +2025-03-10 12:24:09,769 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.74445 | Take profit: 2104.20665 +2025-03-10 12:24:10,252 - INFO - CLOSED long at 2067.79 | PnL: -0.26% | $-1.19 +2025-03-10 12:24:10,493 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:24:10,736 - INFO - CLOSED short at 2069.2 | PnL: -0.06% | $-0.54 +2025-03-10 12:24:10,778 - INFO - OPENED SHORT at 2070.3 | Stop loss: 2080.6515 | Take profit: 2039.2455000000002 +2025-03-10 12:24:10,819 - INFO - CLOSED short at 2071.59 | PnL: -0.06% | $-0.53 +2025-03-10 12:24:11,237 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7695 | Take profit: 2097.0914999999995 +2025-03-10 12:24:11,526 - INFO - CLOSED long at 2065.69 | PnL: -0.02% | $-0.39 +2025-03-10 12:24:11,570 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.5406000000003 | Take profit: 2098.8982 +2025-03-10 12:24:11,653 - INFO - CLOSED long at 2065.83 | PnL: -0.10% | $-0.65 +2025-03-10 12:24:11,654 - INFO - OPENED SHORT at 2065.83 | Stop loss: 2076.1591499999995 | Take profit: 2034.8425499999998 +2025-03-10 12:24:12,114 - INFO - CLOSED short at 2067.1 | PnL: -0.06% | $-0.52 +2025-03-10 12:24:12,114 - INFO - OPENED LONG at 2067.1 | Stop loss: 2056.7644999999998 | Take profit: 2098.1065 +2025-03-10 12:24:12,279 - INFO - CLOSED long at 2064.08 | PnL: -0.15% | $-0.79 +2025-03-10 12:24:12,320 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.39645 | Take profit: 2093.65065 +2025-03-10 12:24:12,586 - INFO - CLOSED long at 2060.65 | PnL: -0.10% | $-0.63 +2025-03-10 12:24:12,587 - INFO - OPENED SHORT at 2060.65 | Stop loss: 2070.95325 | Take profit: 2029.74025 +2025-03-10 12:24:12,630 - INFO - CLOSED short at 2058.89 | PnL: 0.09% | $-0.05 +2025-03-10 12:24:12,752 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.109 | Take profit: 2030.873 +2025-03-10 12:24:12,924 - INFO - CLOSED short at 2060.3 | PnL: 0.07% | $-0.09 +2025-03-10 12:24:12,963 - INFO - OPENED LONG at 2061.13 | Stop loss: 2050.8243500000003 | Take profit: 2092.04695 +2025-03-10 12:24:13,131 - INFO - CLOSED long at 2064.33 | PnL: 0.16% | $0.17 +2025-03-10 12:24:13,131 - INFO - OPENED SHORT at 2064.33 | Stop loss: 2074.65165 | Take profit: 2033.3650499999999 +2025-03-10 12:24:13,172 - INFO - CLOSED short at 2063.39 | PnL: 0.05% | $-0.17 +2025-03-10 12:24:13,173 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.07305 | Take profit: 2094.3408499999996 +2025-03-10 12:24:13,212 - INFO - CLOSED long at 2064.79 | PnL: 0.07% | $-0.10 +2025-03-10 12:24:13,213 - INFO - OPENED SHORT at 2064.79 | Stop loss: 2075.11395 | Take profit: 2033.8181499999998 +2025-03-10 12:24:13,295 - INFO - CLOSED short at 2063.53 | PnL: 0.06% | $-0.12 +2025-03-10 12:24:13,295 - INFO - OPENED LONG at 2063.53 | Stop loss: 2053.2123500000002 | Take profit: 2094.48295 +2025-03-10 12:24:13,419 - INFO - CLOSED long at 2061.89 | PnL: -0.08% | $-0.56 +2025-03-10 12:24:13,627 - INFO - OPENED SHORT at 2059.16 | Stop loss: 2069.4557999999997 | Take profit: 2028.2725999999998 +2025-03-10 12:24:13,829 - INFO - CLOSED short at 2057.4 | PnL: 0.09% | $-0.05 +2025-03-10 12:24:13,908 - INFO - OPENED LONG at 2056.28 | Stop loss: 2045.9986000000001 | Take profit: 2087.1242 +2025-03-10 12:24:13,950 - INFO - CLOSED long at 2055.6 | PnL: -0.03% | $-0.41 +2025-03-10 12:24:13,951 - INFO - OPENED SHORT at 2055.6 | Stop loss: 2065.8779999999997 | Take profit: 2024.7659999999998 +2025-03-10 12:24:14,131 - INFO - CLOSED short at 2058.15 | PnL: -0.12% | $-0.69 +2025-03-10 12:24:14,488 - INFO - OPENED SHORT at 2066.36 | Stop loss: 2076.6918 | Take profit: 2035.3646 +2025-03-10 12:24:14,939 - INFO - CLOSED short at 2069.79 | PnL: -0.17% | $-0.81 +2025-03-10 12:24:14,939 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.44105 | Take profit: 2100.8368499999997 +2025-03-10 12:24:15,026 - INFO - CLOSED long at 2074.3 | PnL: 0.22% | $0.36 +2025-03-10 12:24:15,026 - INFO - OPENED SHORT at 2074.3 | Stop loss: 2084.6715 | Take profit: 2043.1855 +2025-03-10 12:24:15,151 - INFO - CLOSED short at 2072.6 | PnL: 0.08% | $-0.05 +2025-03-10 12:24:15,151 - INFO - OPENED LONG at 2072.6 | Stop loss: 2062.237 | Take profit: 2103.689 +2025-03-10 12:24:15,235 - INFO - CLOSED long at 2070.01 | PnL: -0.12% | $-0.68 +2025-03-10 12:24:15,449 - INFO - OPENED SHORT at 2068.39 | Stop loss: 2078.73195 | Take profit: 2037.3641499999999 +2025-03-10 12:24:15,702 - INFO - CLOSED short at 2071.49 | PnL: -0.15% | $-0.75 +2025-03-10 12:24:15,703 - INFO - OPENED LONG at 2071.49 | Stop loss: 2061.13255 | Take profit: 2102.5623499999997 +2025-03-10 12:24:15,740 - INFO - CLOSED long at 2069.87 | PnL: -0.08% | $-0.53 +2025-03-10 12:24:15,741 - INFO - OPENED SHORT at 2069.87 | Stop loss: 2080.21935 | Take profit: 2038.8219499999998 +2025-03-10 12:24:15,818 - INFO - CLOSED short at 2066.38 | PnL: 0.17% | $0.20 +2025-03-10 12:24:15,936 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.2697499999995 | Take profit: 2032.9907499999997 +2025-03-10 12:24:15,977 - INFO - CLOSED short at 2063.97 | PnL: -0.00% | $-0.30 +2025-03-10 12:24:15,977 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.65015 | Take profit: 2094.9295499999994 +2025-03-10 12:24:16,265 - INFO - CLOSED long at 2065.29 | PnL: 0.06% | $-0.11 +2025-03-10 12:24:16,395 - INFO - OPENED SHORT at 2066.5 | Stop loss: 2076.8325 | Take profit: 2035.5025 +2025-03-10 12:24:16,549 - INFO - CLOSED short at 2071.35 | PnL: -0.23% | $-0.99 +2025-03-10 12:24:16,718 - INFO - OPENED LONG at 2070.8 | Stop loss: 2060.4460000000004 | Take profit: 2101.862 +2025-03-10 12:24:16,836 - INFO - CLOSED long at 2071.99 | PnL: 0.06% | $-0.12 +2025-03-10 12:24:16,837 - INFO - OPENED SHORT at 2071.99 | Stop loss: 2082.3499499999994 | Take profit: 2040.9101499999997 +2025-03-10 12:24:16,956 - INFO - CLOSED short at 2070.67 | PnL: 0.06% | $-0.11 +2025-03-10 12:24:16,957 - INFO - OPENED LONG at 2070.67 | Stop loss: 2060.31665 | Take profit: 2101.7300499999997 +2025-03-10 12:24:16,998 - INFO - CLOSED long at 2069.78 | PnL: -0.04% | $-0.41 +2025-03-10 12:24:16,998 - INFO - OPENED SHORT at 2069.78 | Stop loss: 2080.1289 | Take profit: 2038.7333 +2025-03-10 12:24:17,118 - INFO - CLOSED short at 2075.07 | PnL: -0.26% | $-1.03 +2025-03-10 12:24:17,412 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2085.98805 | Take profit: 2044.47585 +2025-03-10 12:24:17,502 - INFO - CLOSED short at 2072.09 | PnL: 0.17% | $0.20 +2025-03-10 12:24:17,503 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.72955 | Take profit: 2103.17135 +2025-03-10 12:24:17,541 - INFO - CLOSED long at 2069.97 | PnL: -0.10% | $-0.58 +2025-03-10 12:24:17,542 - INFO - OPENED SHORT at 2069.97 | Stop loss: 2080.3198499999994 | Take profit: 2038.9204499999998 +2025-03-10 12:24:17,907 - INFO - CLOSED short at 2069.0 | PnL: 0.05% | $-0.15 +2025-03-10 12:24:18,023 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.5259499999997 | Take profit: 2036.18215 +2025-03-10 12:24:18,064 - INFO - CLOSED short at 2065.5 | PnL: 0.08% | $-0.05 +2025-03-10 12:24:18,421 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7695 | Take profit: 2097.0914999999995 +2025-03-10 12:24:18,462 - INFO - CLOSED long at 2065.06 | PnL: -0.05% | $-0.42 +2025-03-10 12:24:18,551 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8224999999998 | Take profit: 2033.5325 +2025-03-10 12:24:18,595 - INFO - CLOSED short at 2066.33 | PnL: -0.09% | $-0.53 +2025-03-10 12:24:18,596 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.99835 | Take profit: 2097.3249499999997 +2025-03-10 12:24:18,806 - INFO - CLOSED long at 2058.09 | PnL: -0.40% | $-1.39 +2025-03-10 12:24:19,040 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.2525 | Take profit: 2080.2425 +2025-03-10 12:24:19,126 - INFO - CLOSED long at 2058.3 | PnL: 0.43% | $0.90 +2025-03-10 12:24:19,260 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1794499999996 | Take profit: 2027.02165 +2025-03-10 12:24:19,523 - INFO - CLOSED short at 2065.12 | PnL: -0.35% | $-1.25 +2025-03-10 12:24:19,563 - INFO - OPENED SHORT at 2068.33 | Stop loss: 2078.6716499999998 | Take profit: 2037.30505 +2025-03-10 12:24:19,893 - INFO - CLOSED short at 2062.54 | PnL: 0.28% | $0.49 +2025-03-10 12:24:20,274 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.3549499999995 | Take profit: 2041.8951499999998 +2025-03-10 12:24:20,458 - INFO - CLOSED short at 2076.08 | PnL: -0.15% | $-0.68 +2025-03-10 12:24:20,537 - INFO - OPENED SHORT at 2085.56 | Stop loss: 2095.9878 | Take profit: 2054.2766 +2025-03-10 12:24:20,626 - INFO - STOP LOSS hit for short at 2095.9878 | PnL: -0.50% | $-1.62 +2025-03-10 12:24:20,666 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3534999999997 | Take profit: 2098.7394999999997 +2025-03-10 12:24:20,876 - INFO - STOP LOSS hit for short at 2141.3534999999997 | PnL: -0.50% | $-1.58 +2025-03-10 12:24:21,005 - INFO - OPENED SHORT at 2140.01 | Stop loss: 2150.71005 | Take profit: 2107.90985 +2025-03-10 12:24:21,177 - INFO - CLOSED short at 2128.69 | PnL: 0.53% | $1.11 +2025-03-10 12:24:21,177 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.04655 | Take profit: 2160.6203499999997 +2025-03-10 12:24:21,314 - INFO - STOP LOSS hit for long at 2118.04655 | PnL: -0.50% | $-1.57 +2025-03-10 12:24:21,460 - INFO - OPENED SHORT at 2118.52 | Stop loss: 2129.1126 | Take profit: 2086.7422 +2025-03-10 12:24:21,553 - INFO - CLOSED short at 2119.07 | PnL: -0.03% | $-0.32 +2025-03-10 12:24:21,553 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.47465 | Take profit: 2150.85605 +2025-03-10 12:24:21,637 - INFO - CLOSED long at 2107.43 | PnL: -0.55% | $-1.65 +2025-03-10 12:24:21,638 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 12:24:21,992 - INFO - STOP LOSS hit for short at 2117.9671499999995 | PnL: -0.50% | $-1.49 +2025-03-10 12:24:22,034 - INFO - OPENED SHORT at 2116.48 | Stop loss: 2127.0624 | Take profit: 2084.7327999999998 +2025-03-10 12:24:22,261 - INFO - CLOSED short at 2108.06 | PnL: 0.40% | $0.72 +2025-03-10 12:24:22,262 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.5197 | Take profit: 2139.6809 +2025-03-10 12:24:22,397 - INFO - CLOSED long at 2090.0 | PnL: -0.86% | $-2.34 +2025-03-10 12:24:22,726 - INFO - OPENED LONG at 2104.83 | Stop loss: 2094.3058499999997 | Take profit: 2136.4024499999996 +2025-03-10 12:24:22,807 - INFO - CLOSED long at 2100.74 | PnL: -0.19% | $-0.69 +2025-03-10 12:24:22,846 - INFO - OPENED SHORT at 2103.86 | Stop loss: 2114.3793 | Take profit: 2072.3021 +2025-03-10 12:24:22,926 - INFO - CLOSED short at 2101.51 | PnL: 0.11% | $0.03 +2025-03-10 12:24:22,928 - INFO - OPENED LONG at 2101.51 | Stop loss: 2091.0024500000004 | Take profit: 2133.03265 +2025-03-10 12:24:22,963 - INFO - CLOSED long at 2099.59 | PnL: -0.09% | $-0.45 +2025-03-10 12:24:23,089 - INFO - OPENED SHORT at 2095.29 | Stop loss: 2105.7664499999996 | Take profit: 2063.86065 +2025-03-10 12:24:23,165 - INFO - CLOSED short at 2093.33 | PnL: 0.09% | $-0.01 +2025-03-10 12:24:23,367 - INFO - OPENED SHORT at 2088.35 | Stop loss: 2098.79175 | Take profit: 2057.02475 +2025-03-10 12:24:23,411 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 13.8% in downtrends | Avg Win=$0.41, Avg Loss=$-0.64 +2025-03-10 12:24:23,412 - INFO - Episode 7: Reward=159.63, Balance=$57.74, Win Rate=39.1%, Trades=87, Episode PnL=$-23.11, Total PnL=$-288.90, Max Drawdown=42.3%, Pred Accuracy=99.8% +2025-03-10 12:24:23,442 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:24:23,764 - INFO - OPENED LONG at 2055.31 | Stop loss: 2045.03345 | Take profit: 2086.1396499999996 +2025-03-10 12:24:23,852 - INFO - CLOSED long at 2062.9 | PnL: 0.37% | $1.08 +2025-03-10 12:24:23,939 - INFO - OPENED LONG at 2062.5 | Stop loss: 2052.1875 | Take profit: 2093.4375 +2025-03-10 12:24:24,145 - INFO - CLOSED long at 2064.21 | PnL: 0.08% | $-0.07 +2025-03-10 12:24:24,146 - INFO - OPENED SHORT at 2064.21 | Stop loss: 2074.5310499999996 | Take profit: 2033.24685 +2025-03-10 12:24:24,515 - INFO - CLOSED short at 2057.59 | PnL: 0.32% | $0.89 +2025-03-10 12:24:24,592 - INFO - OPENED SHORT at 2059.4 | Stop loss: 2069.6969999999997 | Take profit: 2028.509 +2025-03-10 12:24:24,840 - INFO - CLOSED short at 2057.9 | PnL: 0.07% | $-0.11 +2025-03-10 12:24:24,841 - INFO - OPENED LONG at 2057.9 | Stop loss: 2047.6105 | Take profit: 2088.7684999999997 +2025-03-10 12:24:24,883 - INFO - CLOSED long at 2057.99 | PnL: 0.00% | $-0.39 +2025-03-10 12:24:25,225 - INFO - OPENED LONG at 2051.66 | Stop loss: 2041.4017 | Take profit: 2082.4348999999997 +2025-03-10 12:24:25,454 - INFO - CLOSED long at 2050.44 | PnL: -0.06% | $-0.65 +2025-03-10 12:24:25,454 - INFO - OPENED SHORT at 2050.44 | Stop loss: 2060.6922 | Take profit: 2019.6834000000001 +2025-03-10 12:24:25,718 - INFO - CLOSED short at 2049.24 | PnL: 0.06% | $-0.17 +2025-03-10 12:24:25,851 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3471 | Take profit: 2077.2787 +2025-03-10 12:24:26,255 - INFO - CLOSED long at 2050.0 | PnL: 0.17% | $0.27 +2025-03-10 12:24:26,557 - INFO - OPENED SHORT at 2055.69 | Stop loss: 2065.96845 | Take profit: 2024.85465 +2025-03-10 12:24:26,679 - INFO - CLOSED short at 2058.39 | PnL: -0.13% | $-0.93 +2025-03-10 12:24:26,680 - INFO - OPENED LONG at 2058.39 | Stop loss: 2048.09805 | Take profit: 2089.26585 +2025-03-10 12:24:26,843 - INFO - CLOSED long at 2063.29 | PnL: 0.24% | $0.55 +2025-03-10 12:24:26,844 - INFO - OPENED SHORT at 2063.29 | Stop loss: 2073.6064499999998 | Take profit: 2032.3406499999999 +2025-03-10 12:24:26,968 - INFO - CLOSED short at 2061.61 | PnL: 0.08% | $-0.07 +2025-03-10 12:24:26,968 - INFO - OPENED LONG at 2061.61 | Stop loss: 2051.30195 | Take profit: 2092.53415 +2025-03-10 12:24:27,010 - INFO - CLOSED long at 2064.69 | PnL: 0.15% | $0.20 +2025-03-10 12:24:27,214 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5805499999997 | Take profit: 2092.8183499999996 +2025-03-10 12:24:27,254 - INFO - CLOSED long at 2062.89 | PnL: 0.05% | $-0.21 +2025-03-10 12:24:27,255 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2044499999997 | Take profit: 2031.9466499999999 +2025-03-10 12:24:27,342 - INFO - CLOSED short at 2059.49 | PnL: 0.16% | $0.26 +2025-03-10 12:24:27,472 - INFO - OPENED SHORT at 2057.94 | Stop loss: 2068.2297 | Take profit: 2027.0709 +2025-03-10 12:24:27,598 - INFO - CLOSED short at 2061.18 | PnL: -0.16% | $-1.04 +2025-03-10 12:24:27,599 - INFO - OPENED LONG at 2061.18 | Stop loss: 2050.8741 | Take profit: 2092.0977 +2025-03-10 12:24:27,676 - INFO - CLOSED long at 2065.86 | PnL: 0.23% | $0.51 +2025-03-10 12:24:27,677 - INFO - OPENED SHORT at 2065.86 | Stop loss: 2076.1893 | Take profit: 2034.8721 +2025-03-10 12:24:27,958 - INFO - CLOSED short at 2069.6 | PnL: -0.18% | $-1.13 +2025-03-10 12:24:27,959 - INFO - OPENED LONG at 2069.6 | Stop loss: 2059.252 | Take profit: 2100.644 +2025-03-10 12:24:28,038 - INFO - CLOSED long at 2068.99 | PnL: -0.03% | $-0.51 +2025-03-10 12:24:28,039 - INFO - OPENED SHORT at 2068.99 | Stop loss: 2079.3349499999995 | Take profit: 2037.9551499999998 +2025-03-10 12:24:28,203 - INFO - CLOSED short at 2071.44 | PnL: -0.12% | $-0.86 +2025-03-10 12:24:28,204 - INFO - OPENED LONG at 2071.44 | Stop loss: 2061.0828 | Take profit: 2102.5116 +2025-03-10 12:24:28,323 - INFO - CLOSED long at 2072.91 | PnL: 0.07% | $-0.11 +2025-03-10 12:24:28,324 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.2745499999996 | Take profit: 2041.8163499999998 +2025-03-10 12:24:28,367 - INFO - CLOSED short at 2072.33 | PnL: 0.03% | $-0.28 +2025-03-10 12:24:28,451 - INFO - OPENED SHORT at 2071.41 | Stop loss: 2081.7670499999995 | Take profit: 2040.3388499999999 +2025-03-10 12:24:28,583 - INFO - CLOSED short at 2072.8 | PnL: -0.07% | $-0.65 +2025-03-10 12:24:28,676 - INFO - OPENED LONG at 2070.28 | Stop loss: 2059.9286 | Take profit: 2101.3342 +2025-03-10 12:24:29,313 - INFO - CLOSED long at 2066.19 | PnL: -0.20% | $-1.15 +2025-03-10 12:24:29,405 - INFO - OPENED SHORT at 2065.08 | Stop loss: 2075.4053999999996 | Take profit: 2034.1037999999999 +2025-03-10 12:24:29,540 - INFO - CLOSED short at 2068.9 | PnL: -0.18% | $-1.09 +2025-03-10 12:24:29,799 - INFO - OPENED SHORT at 2071.4 | Stop loss: 2081.757 | Take profit: 2040.329 +2025-03-10 12:24:29,883 - INFO - CLOSED short at 2071.36 | PnL: 0.00% | $-0.37 +2025-03-10 12:24:29,884 - INFO - OPENED LONG at 2071.36 | Stop loss: 2061.0032 | Take profit: 2102.4303999999997 +2025-03-10 12:24:30,005 - INFO - CLOSED long at 2072.7 | PnL: 0.06% | $-0.13 +2025-03-10 12:24:30,269 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.75445 | Take profit: 2102.17665 +2025-03-10 12:24:30,312 - INFO - CLOSED long at 2069.46 | PnL: -0.08% | $-0.67 +2025-03-10 12:24:30,313 - INFO - OPENED SHORT at 2069.46 | Stop loss: 2079.8073 | Take profit: 2038.4181 +2025-03-10 12:24:30,767 - INFO - CLOSED short at 2068.58 | PnL: 0.04% | $-0.21 +2025-03-10 12:24:30,767 - INFO - OPENED LONG at 2068.58 | Stop loss: 2058.2371 | Take profit: 2099.6086999999998 +2025-03-10 12:24:31,357 - INFO - CLOSED long at 2067.86 | PnL: -0.03% | $-0.50 +2025-03-10 12:24:31,562 - INFO - OPENED SHORT at 2064.47 | Stop loss: 2074.7923499999997 | Take profit: 2033.5029499999998 +2025-03-10 12:24:31,601 - INFO - CLOSED short at 2070.04 | PnL: -0.27% | $-1.37 +2025-03-10 12:24:31,602 - INFO - OPENED LONG at 2070.04 | Stop loss: 2059.6898 | Take profit: 2101.0905999999995 +2025-03-10 12:24:31,814 - INFO - CLOSED long at 2064.99 | PnL: -0.24% | $-1.25 +2025-03-10 12:24:31,814 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.3149499999995 | Take profit: 2034.0151499999997 +2025-03-10 12:24:31,900 - INFO - CLOSED short at 2066.15 | PnL: -0.06% | $-0.56 +2025-03-10 12:24:32,064 - INFO - OPENED SHORT at 2061.78 | Stop loss: 2072.0889 | Take profit: 2030.8533000000002 +2025-03-10 12:24:32,302 - INFO - CLOSED short at 2067.1 | PnL: -0.26% | $-1.28 +2025-03-10 12:24:32,302 - INFO - OPENED LONG at 2067.1 | Stop loss: 2056.7644999999998 | Take profit: 2098.1065 +2025-03-10 12:24:32,421 - INFO - CLOSED long at 2064.45 | PnL: -0.13% | $-0.80 +2025-03-10 12:24:32,422 - INFO - OPENED SHORT at 2064.45 | Stop loss: 2074.7722499999995 | Take profit: 2033.4832499999998 +2025-03-10 12:24:33,222 - INFO - CLOSED short at 2064.1 | PnL: 0.02% | $-0.29 +2025-03-10 12:24:33,421 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.5605499999997 | Take profit: 2096.8783499999995 +2025-03-10 12:24:33,714 - INFO - CLOSED long at 2061.09 | PnL: -0.23% | $-1.16 +2025-03-10 12:24:33,715 - INFO - OPENED SHORT at 2061.09 | Stop loss: 2071.39545 | Take profit: 2030.1736500000002 +2025-03-10 12:24:34,328 - INFO - CLOSED short at 2059.8 | PnL: 0.06% | $-0.13 +2025-03-10 12:24:34,330 - INFO - OPENED LONG at 2059.8 | Stop loss: 2049.501 | Take profit: 2090.697 +2025-03-10 12:24:34,456 - INFO - CLOSED long at 2061.6 | PnL: 0.09% | $-0.04 +2025-03-10 12:24:34,457 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.908 | Take profit: 2030.676 +2025-03-10 12:24:34,702 - INFO - CLOSED short at 2063.9 | PnL: -0.11% | $-0.72 +2025-03-10 12:24:34,703 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5805 | Take profit: 2094.8585 +2025-03-10 12:24:34,822 - INFO - CLOSED long at 2066.34 | PnL: 0.12% | $0.06 +2025-03-10 12:24:34,822 - INFO - OPENED SHORT at 2066.34 | Stop loss: 2076.6717 | Take profit: 2035.3449 +2025-03-10 12:24:35,142 - INFO - CLOSED short at 2074.3 | PnL: -0.39% | $-1.65 +2025-03-10 12:24:35,267 - INFO - OPENED SHORT at 2072.6 | Stop loss: 2082.9629999999997 | Take profit: 2041.511 +2025-03-10 12:24:35,480 - INFO - CLOSED short at 2070.0 | PnL: 0.13% | $0.08 +2025-03-10 12:24:35,523 - INFO - OPENED SHORT at 2068.15 | Stop loss: 2078.49075 | Take profit: 2037.12775 +2025-03-10 12:24:35,654 - INFO - CLOSED short at 2069.03 | PnL: -0.04% | $-0.48 +2025-03-10 12:24:35,655 - INFO - OPENED LONG at 2069.03 | Stop loss: 2058.68485 | Take profit: 2100.06545 +2025-03-10 12:24:35,695 - INFO - CLOSED long at 2067.44 | PnL: -0.08% | $-0.59 +2025-03-10 12:24:35,696 - INFO - OPENED SHORT at 2067.44 | Stop loss: 2077.7772 | Take profit: 2036.4284 +2025-03-10 12:24:35,779 - INFO - CLOSED short at 2072.99 | PnL: -0.27% | $-1.21 +2025-03-10 12:24:35,816 - INFO - OPENED LONG at 2071.49 | Stop loss: 2061.13255 | Take profit: 2102.5623499999997 +2025-03-10 12:24:35,893 - INFO - CLOSED long at 2067.33 | PnL: -0.20% | $-0.98 +2025-03-10 12:24:35,976 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0284999999994 | Take profit: 2034.7144999999998 +2025-03-10 12:24:36,013 - INFO - CLOSED short at 2065.66 | PnL: 0.00% | $-0.31 +2025-03-10 12:24:36,013 - INFO - OPENED LONG at 2065.66 | Stop loss: 2055.3316999999997 | Take profit: 2096.6449 +2025-03-10 12:24:36,218 - INFO - CLOSED long at 2064.4 | PnL: -0.06% | $-0.51 +2025-03-10 12:24:36,429 - INFO - OPENED LONG at 2065.31 | Stop loss: 2054.9834499999997 | Take profit: 2096.2896499999997 +2025-03-10 12:24:36,470 - INFO - CLOSED long at 2066.8 | PnL: 0.07% | $-0.09 +2025-03-10 12:24:36,685 - INFO - OPENED SHORT at 2071.35 | Stop loss: 2081.70675 | Take profit: 2040.27975 +2025-03-10 12:24:36,816 - INFO - CLOSED short at 2070.7 | PnL: 0.03% | $-0.22 +2025-03-10 12:24:36,816 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3464999999997 | Take profit: 2101.7604999999994 +2025-03-10 12:24:36,900 - INFO - CLOSED long at 2070.35 | PnL: -0.02% | $-0.37 +2025-03-10 12:24:36,901 - INFO - OPENED SHORT at 2070.35 | Stop loss: 2080.7017499999997 | Take profit: 2039.2947499999998 +2025-03-10 12:24:37,296 - INFO - CLOSED short at 2075.07 | PnL: -0.23% | $-1.03 +2025-03-10 12:24:37,900 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.068 | Take profit: 2097.3959999999997 +2025-03-10 12:24:37,940 - INFO - CLOSED long at 2066.89 | PnL: 0.02% | $-0.24 +2025-03-10 12:24:37,940 - INFO - OPENED SHORT at 2066.89 | Stop loss: 2077.2244499999997 | Take profit: 2035.88665 +2025-03-10 12:24:38,026 - INFO - CLOSED short at 2065.45 | PnL: 0.07% | $-0.09 +2025-03-10 12:24:38,027 - INFO - OPENED LONG at 2065.45 | Stop loss: 2055.12275 | Take profit: 2096.4317499999997 +2025-03-10 12:24:38,624 - INFO - CLOSED long at 2066.1 | PnL: 0.03% | $-0.21 +2025-03-10 12:24:38,624 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4304999999995 | Take profit: 2035.1084999999998 +2025-03-10 12:24:38,753 - INFO - CLOSED short at 2064.5 | PnL: 0.08% | $-0.07 +2025-03-10 12:24:38,835 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.32505 | Take profit: 2032.0648500000002 +2025-03-10 12:24:39,144 - INFO - CLOSED short at 2053.01 | PnL: 0.48% | $1.18 +2025-03-10 12:24:39,273 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7300499999997 | Take profit: 2082.7698499999997 +2025-03-10 12:24:39,486 - INFO - CLOSED long at 2062.83 | PnL: 0.53% | $1.34 +2025-03-10 12:24:39,486 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.1441499999996 | Take profit: 2031.88755 +2025-03-10 12:24:39,652 - INFO - CLOSED short at 2062.55 | PnL: 0.01% | $-0.27 +2025-03-10 12:24:39,872 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4003999999995 | Take profit: 2033.1188 +2025-03-10 12:24:40,024 - INFO - CLOSED short at 2061.84 | PnL: 0.11% | $0.03 +2025-03-10 12:24:40,024 - INFO - OPENED LONG at 2061.84 | Stop loss: 2051.5308 | Take profit: 2092.7676 +2025-03-10 12:24:40,067 - INFO - CLOSED long at 2062.54 | PnL: 0.03% | $-0.21 +2025-03-10 12:24:40,069 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.8527 | Take profit: 2031.6019 +2025-03-10 12:24:40,110 - INFO - CLOSED short at 2065.72 | PnL: -0.15% | $-0.80 +2025-03-10 12:24:40,188 - INFO - OPENED LONG at 2070.24 | Stop loss: 2059.8887999999997 | Take profit: 2101.2935999999995 +2025-03-10 12:24:40,269 - INFO - CLOSED long at 2069.81 | PnL: -0.02% | $-0.38 +2025-03-10 12:24:40,269 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.1590499999998 | Take profit: 2038.7628499999998 +2025-03-10 12:24:40,356 - INFO - CLOSED short at 2073.49 | PnL: -0.18% | $-0.86 +2025-03-10 12:24:40,357 - INFO - OPENED LONG at 2073.49 | Stop loss: 2063.1225499999996 | Take profit: 2104.5923499999994 +2025-03-10 12:24:40,642 - INFO - CLOSED long at 2077.61 | PnL: 0.20% | $0.30 +2025-03-10 12:24:40,828 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8423 | Take profit: 2171.6330999999996 +2025-03-10 12:24:40,911 - INFO - CLOSED long at 2133.95 | PnL: -0.26% | $-1.12 +2025-03-10 12:24:41,028 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0065 | Take profit: 2109.1805 +2025-03-10 12:24:41,317 - INFO - CLOSED short at 2121.09 | PnL: 0.94% | $2.57 +2025-03-10 12:24:41,318 - INFO - OPENED LONG at 2121.09 | Stop loss: 2110.48455 | Take profit: 2152.9063499999997 +2025-03-10 12:24:41,488 - INFO - CLOSED long at 2121.4 | PnL: 0.01% | $-0.27 +2025-03-10 12:24:41,488 - INFO - OPENED SHORT at 2121.4 | Stop loss: 2132.007 | Take profit: 2089.579 +2025-03-10 12:24:41,618 - INFO - CLOSED short at 2119.07 | PnL: 0.11% | $0.03 +2025-03-10 12:24:41,618 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.47465 | Take profit: 2150.85605 +2025-03-10 12:24:41,658 - INFO - CLOSED long at 2115.28 | PnL: -0.18% | $-0.88 +2025-03-10 12:24:41,742 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.047 | Take profit: 2142.2589999999996 +2025-03-10 12:24:42,045 - INFO - CLOSED long at 2120.81 | PnL: 0.48% | $1.19 +2025-03-10 12:24:42,082 - INFO - OPENED SHORT at 2116.48 | Stop loss: 2127.0624 | Take profit: 2084.7327999999998 +2025-03-10 12:24:42,201 - INFO - CLOSED short at 2108.71 | PnL: 0.37% | $0.84 +2025-03-10 12:24:42,201 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.16645 | Take profit: 2140.3406499999996 +2025-03-10 12:24:42,415 - INFO - STOP LOSS hit for long at 2098.16645 | PnL: -0.50% | $-1.91 +2025-03-10 12:24:42,665 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.4055000000003 | Take profit: 2130.3835 +2025-03-10 12:24:42,713 - INFO - CLOSED long at 2100.69 | PnL: 0.09% | $-0.05 +2025-03-10 12:24:43,020 - INFO - OPENED SHORT at 2099.59 | Stop loss: 2110.08795 | Take profit: 2068.0961500000003 +2025-03-10 12:24:43,058 - INFO - CLOSED short at 2100.02 | PnL: -0.02% | $-0.37 +2025-03-10 12:24:43,096 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.8819499999995 | Take profit: 2066.91415 +2025-03-10 12:24:43,234 - INFO - CLOSED short at 2093.33 | PnL: 0.24% | $0.44 +2025-03-10 12:24:43,362 - INFO - OPENED SHORT at 2094.72 | Stop loss: 2105.1935999999996 | Take profit: 2063.2992 +2025-03-10 12:24:43,480 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 18.2% in downtrends | Avg Win=$0.66, Avg Loss=$-0.59 +2025-03-10 12:24:43,481 - INFO - Episode 8: Reward=177.46, Balance=$77.75, Win Rate=56.6%, Trades=76, Episode PnL=$-10.25, Total PnL=$-311.15, Max Drawdown=25.3%, Pred Accuracy=99.8% +2025-03-10 12:24:43,602 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:24:43,625 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:24:43,920 - INFO - OPENED LONG at 2055.31 | Stop loss: 2045.03345 | Take profit: 2086.1396499999996 +2025-03-10 12:24:43,960 - INFO - CLOSED long at 2059.23 | PnL: 0.19% | $0.36 +2025-03-10 12:24:44,047 - INFO - OPENED LONG at 2060.94 | Stop loss: 2050.6353 | Take profit: 2091.8541 +2025-03-10 12:24:44,302 - INFO - CLOSED long at 2064.21 | PnL: 0.16% | $0.24 +2025-03-10 12:24:44,302 - INFO - OPENED SHORT at 2064.21 | Stop loss: 2074.5310499999996 | Take profit: 2033.24685 +2025-03-10 12:24:44,522 - INFO - CLOSED short at 2063.84 | PnL: 0.02% | $-0.33 +2025-03-10 12:24:44,605 - INFO - OPENED SHORT at 2062.5 | Stop loss: 2072.8125 | Take profit: 2031.5625 +2025-03-10 12:24:44,769 - INFO - CLOSED short at 2059.4 | PnL: 0.15% | $0.20 +2025-03-10 12:24:44,770 - INFO - OPENED LONG at 2059.4 | Stop loss: 2049.103 | Take profit: 2090.2909999999997 +2025-03-10 12:24:45,073 - INFO - CLOSED long at 2057.99 | PnL: -0.07% | $-0.68 +2025-03-10 12:24:45,074 - INFO - OPENED SHORT at 2057.99 | Stop loss: 2068.2799499999996 | Take profit: 2027.1201499999997 +2025-03-10 12:24:45,425 - INFO - CLOSED short at 2051.66 | PnL: 0.31% | $0.83 +2025-03-10 12:24:45,466 - INFO - OPENED SHORT at 2052.16 | Stop loss: 2062.4207999999994 | Take profit: 2021.3775999999998 +2025-03-10 12:24:45,503 - INFO - CLOSED short at 2053.1 | PnL: -0.05% | $-0.59 +2025-03-10 12:24:45,505 - INFO - OPENED LONG at 2053.1 | Stop loss: 2042.8345 | Take profit: 2083.8965 +2025-03-10 12:24:45,584 - INFO - CLOSED long at 2050.71 | PnL: -0.12% | $-0.87 +2025-03-10 12:24:45,584 - INFO - OPENED SHORT at 2050.71 | Stop loss: 2060.96355 | Take profit: 2019.94935 +2025-03-10 12:24:45,750 - INFO - CLOSED short at 2049.6 | PnL: 0.05% | $-0.18 +2025-03-10 12:24:45,751 - INFO - OPENED LONG at 2049.6 | Stop loss: 2039.3519999999999 | Take profit: 2080.3439999999996 +2025-03-10 12:24:45,953 - INFO - CLOSED long at 2047.39 | PnL: -0.11% | $-0.82 +2025-03-10 12:24:46,169 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.76005 | Take profit: 2076.67985 +2025-03-10 12:24:46,209 - INFO - CLOSED long at 2045.79 | PnL: -0.01% | $-0.43 +2025-03-10 12:24:46,691 - INFO - OPENED SHORT at 2055.69 | Stop loss: 2065.96845 | Take profit: 2024.85465 +2025-03-10 12:24:46,730 - INFO - CLOSED short at 2057.01 | PnL: -0.06% | $-0.64 +2025-03-10 12:24:46,730 - INFO - OPENED LONG at 2057.01 | Stop loss: 2046.7249500000003 | Take profit: 2087.86515 +2025-03-10 12:24:46,893 - INFO - CLOSED long at 2059.7 | PnL: 0.13% | $0.12 +2025-03-10 12:24:47,132 - INFO - OPENED SHORT at 2064.69 | Stop loss: 2075.01345 | Take profit: 2033.71965 +2025-03-10 12:24:47,290 - INFO - CLOSED short at 2060.0 | PnL: 0.23% | $0.49 +2025-03-10 12:24:47,290 - INFO - OPENED LONG at 2060.0 | Stop loss: 2049.7 | Take profit: 2090.8999999999996 +2025-03-10 12:24:47,409 - INFO - CLOSED long at 2060.31 | PnL: 0.02% | $-0.33 +2025-03-10 12:24:47,411 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.6115499999996 | Take profit: 2029.40535 +2025-03-10 12:24:47,496 - INFO - CLOSED short at 2057.8 | PnL: 0.12% | $0.09 +2025-03-10 12:24:47,496 - INFO - OPENED LONG at 2057.8 | Stop loss: 2047.5110000000002 | Take profit: 2088.667 +2025-03-10 12:24:47,573 - INFO - CLOSED long at 2057.94 | PnL: 0.01% | $-0.36 +2025-03-10 12:24:47,574 - INFO - OPENED SHORT at 2057.94 | Stop loss: 2068.2297 | Take profit: 2027.0709 +2025-03-10 12:24:47,614 - INFO - CLOSED short at 2058.11 | PnL: -0.01% | $-0.42 +2025-03-10 12:24:47,614 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.8194500000002 | Take profit: 2088.9816499999997 +2025-03-10 12:24:48,239 - INFO - CLOSED long at 2067.69 | PnL: 0.47% | $1.41 +2025-03-10 12:24:48,280 - INFO - OPENED SHORT at 2070.26 | Stop loss: 2080.6113 | Take profit: 2039.2061 +2025-03-10 12:24:49,502 - INFO - CLOSED short at 2065.08 | PnL: 0.25% | $0.59 +2025-03-10 12:24:49,732 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.93295 | Take profit: 2037.5611500000002 +2025-03-10 12:24:49,869 - INFO - CLOSED short at 2069.96 | PnL: -0.07% | $-0.66 +2025-03-10 12:24:50,041 - INFO - OPENED LONG at 2072.75 | Stop loss: 2062.38625 | Take profit: 2103.84125 +2025-03-10 12:24:50,133 - INFO - CLOSED long at 2072.7 | PnL: -0.00% | $-0.40 +2025-03-10 12:24:50,133 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.0634999999997 | Take profit: 2041.6094999999998 +2025-03-10 12:24:50,217 - INFO - CLOSED short at 2074.29 | PnL: -0.08% | $-0.69 +2025-03-10 12:24:51,250 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0534999999995 | Take profit: 2039.6394999999998 +2025-03-10 12:24:51,559 - INFO - CLOSED short at 2067.86 | PnL: 0.14% | $0.14 +2025-03-10 12:24:51,644 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4304999999995 | Take profit: 2035.1084999999998 +2025-03-10 12:24:51,889 - INFO - CLOSED short at 2068.18 | PnL: -0.10% | $-0.78 +2025-03-10 12:24:51,890 - INFO - OPENED LONG at 2068.18 | Stop loss: 2057.8390999999997 | Take profit: 2099.2027 +2025-03-10 12:24:51,931 - INFO - CLOSED long at 2065.69 | PnL: -0.12% | $-0.85 +2025-03-10 12:24:52,216 - INFO - OPENED SHORT at 2062.65 | Stop loss: 2072.96325 | Take profit: 2031.71025 +2025-03-10 12:24:52,562 - INFO - CLOSED short at 2065.54 | PnL: -0.14% | $-0.92 +2025-03-10 12:24:52,602 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.42045 | Take profit: 2035.0986500000001 +2025-03-10 12:24:52,799 - INFO - CLOSED short at 2064.5 | PnL: 0.08% | $-0.09 +2025-03-10 12:24:52,959 - INFO - OPENED SHORT at 2060.65 | Stop loss: 2070.95325 | Take profit: 2029.74025 +2025-03-10 12:24:53,286 - INFO - CLOSED short at 2060.3 | PnL: 0.02% | $-0.31 +2025-03-10 12:24:53,287 - INFO - OPENED LONG at 2060.3 | Stop loss: 2049.9985 | Take profit: 2091.2045 +2025-03-10 12:24:53,327 - INFO - CLOSED long at 2061.13 | PnL: 0.04% | $-0.22 +2025-03-10 12:24:53,329 - INFO - OPENED SHORT at 2061.13 | Stop loss: 2071.43565 | Take profit: 2030.21305 +2025-03-10 12:24:53,572 - INFO - CLOSED short at 2064.79 | PnL: -0.18% | $-1.04 +2025-03-10 12:24:53,780 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.1994499999996 | Take profit: 2030.9616499999997 +2025-03-10 12:24:53,938 - INFO - CLOSED short at 2059.61 | PnL: 0.11% | $0.04 +2025-03-10 12:24:53,938 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.3119500000003 | Take profit: 2090.5041499999998 +2025-03-10 12:24:53,976 - INFO - CLOSED long at 2059.16 | PnL: -0.02% | $-0.45 +2025-03-10 12:24:54,084 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.1844499999997 | Take profit: 2028.0066499999998 +2025-03-10 12:24:54,283 - INFO - CLOSED short at 2058.28 | PnL: 0.03% | $-0.26 +2025-03-10 12:24:54,283 - INFO - OPENED LONG at 2058.28 | Stop loss: 2047.9886000000001 | Take profit: 2089.1542 +2025-03-10 12:24:54,619 - INFO - CLOSED long at 2061.66 | PnL: 0.16% | $0.24 +2025-03-10 12:24:54,620 - INFO - OPENED SHORT at 2061.66 | Stop loss: 2071.9682999999995 | Take profit: 2030.7350999999999 +2025-03-10 12:24:54,701 - INFO - CLOSED short at 2061.6 | PnL: 0.00% | $-0.36 +2025-03-10 12:24:55,603 - INFO - OPENED SHORT at 2071.6 | Stop loss: 2081.9579999999996 | Take profit: 2040.5259999999998 +2025-03-10 12:24:56,228 - INFO - CLOSED short at 2065.66 | PnL: 0.29% | $0.69 +2025-03-10 12:24:56,267 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.2697499999995 | Take profit: 2032.9907499999997 +2025-03-10 12:24:56,458 - INFO - CLOSED short at 2064.4 | PnL: -0.02% | $-0.45 +2025-03-10 12:24:56,505 - INFO - OPENED SHORT at 2064.31 | Stop loss: 2074.6315499999996 | Take profit: 2033.3453499999998 +2025-03-10 12:24:56,908 - INFO - CLOSED short at 2070.2 | PnL: -0.29% | $-1.42 +2025-03-10 12:24:56,950 - INFO - OPENED LONG at 2071.35 | Stop loss: 2060.99325 | Take profit: 2102.4202499999997 +2025-03-10 12:24:56,998 - INFO - CLOSED long at 2070.9 | PnL: -0.02% | $-0.44 +2025-03-10 12:24:56,999 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.2545 | Take profit: 2039.8365000000001 +2025-03-10 12:24:57,039 - INFO - CLOSED short at 2069.69 | PnL: 0.06% | $-0.15 +2025-03-10 12:24:57,040 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.34155 | Take profit: 2100.73535 +2025-03-10 12:24:57,344 - INFO - CLOSED long at 2068.67 | PnL: -0.05% | $-0.54 +2025-03-10 12:24:57,346 - INFO - OPENED SHORT at 2068.67 | Stop loss: 2079.0133499999997 | Take profit: 2037.63995 +2025-03-10 12:24:57,429 - INFO - CLOSED short at 2069.78 | PnL: -0.05% | $-0.55 +2025-03-10 12:24:57,469 - INFO - OPENED SHORT at 2071.61 | Stop loss: 2081.96805 | Take profit: 2040.5358500000002 +2025-03-10 12:24:57,639 - INFO - CLOSED short at 2073.27 | PnL: -0.08% | $-0.64 +2025-03-10 12:24:57,639 - INFO - OPENED LONG at 2073.27 | Stop loss: 2062.90365 | Take profit: 2104.36905 +2025-03-10 12:24:57,937 - INFO - CLOSED long at 2072.09 | PnL: -0.06% | $-0.56 +2025-03-10 12:24:57,937 - INFO - OPENED SHORT at 2072.09 | Stop loss: 2082.45045 | Take profit: 2041.0086500000002 +2025-03-10 12:24:58,096 - INFO - CLOSED short at 2067.9 | PnL: 0.20% | $0.36 +2025-03-10 12:24:58,097 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.5605 | Take profit: 2098.9184999999998 +2025-03-10 12:24:58,251 - INFO - CLOSED long at 2065.45 | PnL: -0.12% | $-0.77 +2025-03-10 12:24:58,252 - INFO - OPENED SHORT at 2065.45 | Stop loss: 2075.7772499999996 | Take profit: 2034.46825 +2025-03-10 12:24:58,335 - INFO - CLOSED short at 2069.0 | PnL: -0.17% | $-0.95 +2025-03-10 12:24:58,374 - INFO - OPENED LONG at 2070.19 | Stop loss: 2059.83905 | Take profit: 2101.2428499999996 +2025-03-10 12:24:58,416 - INFO - CLOSED long at 2070.1 | PnL: -0.00% | $-0.36 +2025-03-10 12:24:58,417 - INFO - OPENED SHORT at 2070.1 | Stop loss: 2080.4504999999995 | Take profit: 2039.0484999999999 +2025-03-10 12:24:58,502 - INFO - CLOSED short at 2065.5 | PnL: 0.22% | $0.42 +2025-03-10 12:24:58,713 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.70695 | Take profit: 2032.43915 +2025-03-10 12:24:58,888 - INFO - CLOSED short at 2065.06 | PnL: -0.08% | $-0.63 +2025-03-10 12:24:59,030 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.99835 | Take profit: 2097.3249499999997 +2025-03-10 12:24:59,163 - INFO - CLOSED long at 2060.2 | PnL: -0.30% | $-1.37 +2025-03-10 12:24:59,249 - INFO - OPENED SHORT at 2058.09 | Stop loss: 2068.38045 | Take profit: 2027.21865 +2025-03-10 12:24:59,532 - INFO - CLOSED short at 2058.3 | PnL: -0.01% | $-0.37 +2025-03-10 12:24:59,921 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.7943999999998 | Take profit: 2096.0968 +2025-03-10 12:24:59,961 - INFO - CLOSED long at 2068.33 | PnL: 0.16% | $0.19 +2025-03-10 12:25:00,179 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.1994999999997 | Take profit: 2029.0015 +2025-03-10 12:25:00,299 - INFO - CLOSED short at 2062.54 | PnL: -0.13% | $-0.77 +2025-03-10 12:25:00,518 - INFO - OPENED LONG at 2069.81 | Stop loss: 2059.46095 | Take profit: 2100.85715 +2025-03-10 12:25:00,650 - INFO - CLOSED long at 2074.05 | PnL: 0.20% | $0.35 +2025-03-10 12:25:00,815 - INFO - OPENED SHORT at 2074.9 | Stop loss: 2085.2745 | Take profit: 2043.7765000000002 +2025-03-10 12:25:00,857 - INFO - CLOSED short at 2076.08 | PnL: -0.06% | $-0.53 +2025-03-10 12:25:00,945 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.1322 | Take profit: 2116.8433999999997 +2025-03-10 12:25:01,079 - INFO - TAKE PROFIT hit for long at 2116.8433999999997 | PnL: 1.50% | $4.68 +2025-03-10 12:25:01,198 - INFO - OPENED LONG at 2133.95 | Stop loss: 2123.28025 | Take profit: 2165.9592499999994 +2025-03-10 12:25:01,625 - INFO - STOP LOSS hit for long at 2123.28025 | PnL: -0.50% | $-2.12 +2025-03-10 12:25:01,716 - INFO - OPENED LONG at 2117.24 | Stop loss: 2106.6537999999996 | Take profit: 2148.9985999999994 +2025-03-10 12:25:02,015 - INFO - CLOSED long at 2107.43 | PnL: -0.46% | $-1.94 +2025-03-10 12:25:02,099 - INFO - OPENED LONG at 2109.05 | Stop loss: 2098.50475 | Take profit: 2140.68575 +2025-03-10 12:25:02,374 - INFO - CLOSED long at 2120.81 | PnL: 0.56% | $1.54 +2025-03-10 12:25:02,376 - INFO - OPENED SHORT at 2120.81 | Stop loss: 2131.41405 | Take profit: 2088.9978499999997 +2025-03-10 12:25:02,758 - INFO - CLOSED short at 2090.0 | PnL: 1.45% | $4.64 +2025-03-10 12:25:02,965 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.7462499999997 | Take profit: 2067.76125 +2025-03-10 12:25:03,175 - INFO - CLOSED short at 2100.74 | PnL: -0.07% | $-0.62 +2025-03-10 12:25:03,482 - INFO - OPENED LONG at 2095.29 | Stop loss: 2084.81355 | Take profit: 2126.71935 +2025-03-10 12:25:03,771 - INFO - CLOSED long at 2088.35 | PnL: -0.33% | $-1.55 +2025-03-10 12:25:03,814 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 37.5% in downtrends | Avg Win=$0.88, Avg Loss=$-0.67 +2025-03-10 12:25:03,816 - INFO - Episode 9: Reward=198.43, Balance=$88.20, Win Rate=46.9%, Trades=64, Episode PnL=$-5.48, Total PnL=$-322.95, Max Drawdown=17.0%, Pred Accuracy=99.8% +2025-03-10 12:25:03,937 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:25:04,054 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:25:04,076 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:25:04,500 - INFO - OPENED SHORT at 2060.94 | Stop loss: 2071.2446999999997 | Take profit: 2030.0259 +2025-03-10 12:25:04,536 - INFO - CLOSED short at 2062.5 | PnL: -0.08% | $-0.70 +2025-03-10 12:25:04,745 - INFO - OPENED SHORT at 2064.21 | Stop loss: 2074.5310499999996 | Take profit: 2033.24685 +2025-03-10 12:25:05,412 - INFO - CLOSED short at 2057.59 | PnL: 0.32% | $0.88 +2025-03-10 12:25:05,619 - INFO - OPENED SHORT at 2058.59 | Stop loss: 2068.8829499999997 | Take profit: 2027.71115 +2025-03-10 12:25:05,840 - INFO - CLOSED short at 2051.66 | PnL: 0.34% | $0.95 +2025-03-10 12:25:05,840 - INFO - OPENED LONG at 2051.66 | Stop loss: 2041.4017 | Take profit: 2082.4348999999997 +2025-03-10 12:25:05,879 - INFO - CLOSED long at 2052.16 | PnL: 0.02% | $-0.31 +2025-03-10 12:25:05,880 - INFO - OPENED SHORT at 2052.16 | Stop loss: 2062.4207999999994 | Take profit: 2021.3775999999998 +2025-03-10 12:25:06,010 - INFO - CLOSED short at 2050.71 | PnL: 0.07% | $-0.12 +2025-03-10 12:25:06,475 - INFO - OPENED SHORT at 2047.4 | Stop loss: 2057.6369999999997 | Take profit: 2016.689 +2025-03-10 12:25:06,778 - INFO - CLOSED short at 2048.51 | PnL: -0.05% | $-0.62 +2025-03-10 12:25:07,040 - INFO - OPENED LONG at 2051.89 | Stop loss: 2041.6305499999999 | Take profit: 2082.6683499999995 +2025-03-10 12:25:07,204 - INFO - CLOSED long at 2056.89 | PnL: 0.24% | $0.58 +2025-03-10 12:25:07,500 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.90795 | Take profit: 2032.63615 +2025-03-10 12:25:07,719 - INFO - CLOSED short at 2058.3 | PnL: 0.26% | $0.63 +2025-03-10 12:25:07,720 - INFO - OPENED LONG at 2058.3 | Stop loss: 2048.0085000000004 | Take profit: 2089.1745 +2025-03-10 12:25:07,764 - INFO - CLOSED long at 2060.0 | PnL: 0.08% | $-0.07 +2025-03-10 12:25:07,764 - INFO - OPENED SHORT at 2060.0 | Stop loss: 2070.2999999999997 | Take profit: 2029.1 +2025-03-10 12:25:07,891 - INFO - CLOSED short at 2060.31 | PnL: -0.02% | $-0.47 +2025-03-10 12:25:07,932 - INFO - OPENED LONG at 2059.49 | Stop loss: 2049.1925499999998 | Take profit: 2090.3823499999994 +2025-03-10 12:25:08,134 - INFO - CLOSED long at 2061.79 | PnL: 0.11% | $0.05 +2025-03-10 12:25:08,135 - INFO - OPENED SHORT at 2061.79 | Stop loss: 2072.0989499999996 | Take profit: 2030.86315 +2025-03-10 12:25:08,261 - INFO - CLOSED short at 2065.86 | PnL: -0.20% | $-1.20 +2025-03-10 12:25:08,337 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.45055 | Take profit: 2037.08835 +2025-03-10 12:25:08,928 - INFO - CLOSED short at 2072.91 | PnL: -0.23% | $-1.32 +2025-03-10 12:25:08,929 - INFO - OPENED LONG at 2072.91 | Stop loss: 2062.5454499999996 | Take profit: 2104.0036499999997 +2025-03-10 12:25:09,338 - INFO - CLOSED long at 2067.2 | PnL: -0.28% | $-1.48 +2025-03-10 12:25:09,380 - INFO - OPENED LONG at 2070.36 | Stop loss: 2060.0082 | Take profit: 2101.4154 +2025-03-10 12:25:10,264 - INFO - CLOSED long at 2070.4 | PnL: 0.00% | $-0.38 +2025-03-10 12:25:10,306 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.3098 | Take profit: 2038.9106 +2025-03-10 12:25:10,512 - INFO - CLOSED short at 2073.11 | PnL: -0.15% | $-0.97 +2025-03-10 12:25:10,638 - INFO - OPENED LONG at 2074.29 | Stop loss: 2063.91855 | Take profit: 2105.40435 +2025-03-10 12:25:11,180 - INFO - STOP LOSS hit for long at 2063.91855 | PnL: -0.50% | $-2.29 +2025-03-10 12:25:11,261 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.55055 | Take profit: 2098.9083499999997 +2025-03-10 12:25:11,302 - INFO - CLOSED long at 2068.58 | PnL: 0.03% | $-0.25 +2025-03-10 12:25:11,341 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.456 | Take profit: 2099.832 +2025-03-10 12:25:11,477 - INFO - CLOSED long at 2067.59 | PnL: -0.06% | $-0.59 +2025-03-10 12:25:11,784 - INFO - OPENED LONG at 2068.5 | Stop loss: 2058.1575 | Take profit: 2099.5274999999997 +2025-03-10 12:25:11,948 - INFO - CLOSED long at 2067.86 | PnL: -0.03% | $-0.48 +2025-03-10 12:25:11,948 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.1992999999998 | Take profit: 2036.8421 +2025-03-10 12:25:12,080 - INFO - CLOSED short at 2065.28 | PnL: 0.12% | $0.09 +2025-03-10 12:25:12,081 - INFO - OPENED LONG at 2065.28 | Stop loss: 2054.9536000000003 | Take profit: 2096.2592 +2025-03-10 12:25:12,162 - INFO - CLOSED long at 2064.47 | PnL: -0.04% | $-0.51 +2025-03-10 12:25:12,238 - INFO - OPENED LONG at 2067.8 | Stop loss: 2057.4610000000002 | Take profit: 2098.817 +2025-03-10 12:25:12,405 - INFO - CLOSED long at 2064.99 | PnL: -0.14% | $-0.86 +2025-03-10 12:25:12,489 - INFO - OPENED SHORT at 2066.15 | Stop loss: 2076.4807499999997 | Take profit: 2035.15775 +2025-03-10 12:25:13,063 - INFO - CLOSED short at 2064.08 | PnL: 0.10% | $0.00 +2025-03-10 12:25:13,183 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8224999999998 | Take profit: 2033.5325 +2025-03-10 12:25:13,230 - INFO - CLOSED short at 2063.5 | PnL: 0.05% | $-0.19 +2025-03-10 12:25:13,398 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.1844499999997 | Take profit: 2028.0066499999998 +2025-03-10 12:25:13,441 - INFO - CLOSED short at 2059.3 | PnL: -0.02% | $-0.43 +2025-03-10 12:25:13,643 - INFO - OPENED LONG at 2060.91 | Stop loss: 2050.60545 | Take profit: 2091.82365 +2025-03-10 12:25:13,832 - INFO - CLOSED long at 2064.1 | PnL: 0.15% | $0.20 +2025-03-10 12:25:14,037 - INFO - OPENED SHORT at 2064.79 | Stop loss: 2075.11395 | Take profit: 2033.8181499999998 +2025-03-10 12:25:14,196 - INFO - CLOSED short at 2063.0 | PnL: 0.09% | $-0.05 +2025-03-10 12:25:14,197 - INFO - OPENED LONG at 2063.0 | Stop loss: 2052.685 | Take profit: 2093.9449999999997 +2025-03-10 12:25:14,245 - INFO - CLOSED long at 2062.6 | PnL: -0.02% | $-0.43 +2025-03-10 12:25:14,548 - INFO - OPENED SHORT at 2059.16 | Stop loss: 2069.4557999999997 | Take profit: 2028.2725999999998 +2025-03-10 12:25:14,600 - INFO - CLOSED short at 2059.02 | PnL: 0.01% | $-0.33 +2025-03-10 12:25:14,601 - INFO - OPENED LONG at 2059.02 | Stop loss: 2048.7249 | Take profit: 2089.9053 +2025-03-10 12:25:14,801 - INFO - CLOSED long at 2057.4 | PnL: -0.08% | $-0.64 +2025-03-10 12:25:14,802 - INFO - OPENED SHORT at 2057.4 | Stop loss: 2067.687 | Take profit: 2026.539 +2025-03-10 12:25:14,850 - INFO - CLOSED short at 2058.28 | PnL: -0.04% | $-0.51 +2025-03-10 12:25:14,851 - INFO - OPENED LONG at 2058.28 | Stop loss: 2047.9886000000001 | Take profit: 2089.1542 +2025-03-10 12:25:15,368 - INFO - CLOSED long at 2061.6 | PnL: 0.16% | $0.22 +2025-03-10 12:25:15,369 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.908 | Take profit: 2030.676 +2025-03-10 12:25:15,575 - INFO - CLOSED short at 2066.36 | PnL: -0.23% | $-1.17 +2025-03-10 12:25:15,576 - INFO - OPENED LONG at 2066.36 | Stop loss: 2056.0282 | Take profit: 2097.3554 +2025-03-10 12:25:15,718 - INFO - CLOSED long at 2064.49 | PnL: -0.09% | $-0.66 +2025-03-10 12:25:15,720 - INFO - OPENED SHORT at 2064.49 | Stop loss: 2074.8124499999994 | Take profit: 2033.5226499999997 +2025-03-10 12:25:15,903 - INFO - CLOSED short at 2067.33 | PnL: -0.14% | $-0.82 +2025-03-10 12:25:16,300 - INFO - OPENED LONG at 2072.6 | Stop loss: 2062.237 | Take profit: 2103.689 +2025-03-10 12:25:16,350 - INFO - CLOSED long at 2071.04 | PnL: -0.08% | $-0.60 +2025-03-10 12:25:16,350 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.3952 | Take profit: 2039.9743999999998 +2025-03-10 12:25:16,401 - INFO - CLOSED short at 2070.01 | PnL: 0.05% | $-0.17 +2025-03-10 12:25:16,553 - INFO - OPENED SHORT at 2070.0 | Stop loss: 2080.35 | Take profit: 2038.95 +2025-03-10 12:25:16,741 - INFO - CLOSED short at 2069.03 | PnL: 0.05% | $-0.18 +2025-03-10 12:25:16,741 - INFO - OPENED LONG at 2069.03 | Stop loss: 2058.68485 | Take profit: 2100.06545 +2025-03-10 12:25:16,787 - INFO - CLOSED long at 2067.44 | PnL: -0.08% | $-0.60 +2025-03-10 12:25:17,029 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.6666499999997 | Take profit: 2036.3200499999998 +2025-03-10 12:25:17,130 - INFO - CLOSED short at 2065.7 | PnL: 0.08% | $-0.07 +2025-03-10 12:25:17,285 - INFO - OPENED SHORT at 2063.97 | Stop loss: 2074.2898499999997 | Take profit: 2033.0104499999998 +2025-03-10 12:25:17,542 - INFO - CLOSED short at 2065.5 | PnL: -0.07% | $-0.59 +2025-03-10 12:25:17,542 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1725 | Take profit: 2096.4824999999996 +2025-03-10 12:25:17,592 - INFO - CLOSED long at 2067.53 | PnL: 0.10% | $-0.01 +2025-03-10 12:25:17,735 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.134 | Take profit: 2035.7980000000002 +2025-03-10 12:25:17,881 - INFO - CLOSED short at 2071.59 | PnL: -0.23% | $-1.11 +2025-03-10 12:25:17,938 - INFO - OPENED LONG at 2070.2 | Stop loss: 2059.8489999999997 | Take profit: 2101.2529999999997 +2025-03-10 12:25:18,087 - INFO - CLOSED long at 2069.69 | PnL: -0.02% | $-0.41 +2025-03-10 12:25:18,338 - INFO - OPENED SHORT at 2071.99 | Stop loss: 2082.3499499999994 | Take profit: 2040.9101499999997 +2025-03-10 12:25:18,428 - INFO - CLOSED short at 2068.67 | PnL: 0.16% | $0.20 +2025-03-10 12:25:18,515 - INFO - OPENED SHORT at 2069.78 | Stop loss: 2080.1289 | Take profit: 2038.7333 +2025-03-10 12:25:18,867 - INFO - CLOSED short at 2075.32 | PnL: -0.27% | $-1.21 +2025-03-10 12:25:19,151 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.72955 | Take profit: 2103.17135 +2025-03-10 12:25:19,377 - INFO - CLOSED long at 2067.9 | PnL: -0.20% | $-0.98 +2025-03-10 12:25:19,481 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.55555 | Take profit: 2097.89335 +2025-03-10 12:25:19,696 - INFO - CLOSED long at 2069.0 | PnL: 0.10% | $0.01 +2025-03-10 12:25:19,967 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3714999999997 | Take profit: 2096.6854999999996 +2025-03-10 12:25:20,420 - INFO - CLOSED long at 2065.06 | PnL: -0.03% | $-0.42 +2025-03-10 12:25:21,161 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.2499499999994 | Take profit: 2021.2101499999997 +2025-03-10 12:25:21,433 - INFO - CLOSED short at 2062.83 | PnL: -0.53% | $-2.00 +2025-03-10 12:25:21,434 - INFO - OPENED LONG at 2062.83 | Stop loss: 2052.51585 | Take profit: 2093.77245 +2025-03-10 12:25:21,770 - INFO - CLOSED long at 2068.33 | PnL: 0.27% | $0.52 +2025-03-10 12:25:21,770 - INFO - OPENED SHORT at 2068.33 | Stop loss: 2078.6716499999998 | Take profit: 2037.30505 +2025-03-10 12:25:21,992 - INFO - CLOSED short at 2061.21 | PnL: 0.34% | $0.76 +2025-03-10 12:25:21,992 - INFO - OPENED LONG at 2061.21 | Stop loss: 2050.90395 | Take profit: 2092.12815 +2025-03-10 12:25:22,105 - INFO - CLOSED long at 2060.7 | PnL: -0.02% | $-0.39 +2025-03-10 12:25:22,106 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:25:22,213 - INFO - CLOSED short at 2062.54 | PnL: -0.09% | $-0.59 +2025-03-10 12:25:22,214 - INFO - OPENED LONG at 2062.54 | Stop loss: 2052.2273 | Take profit: 2093.4781 +2025-03-10 12:25:22,419 - INFO - CLOSED long at 2069.34 | PnL: 0.33% | $0.72 +2025-03-10 12:25:22,419 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.6866999999997 | Take profit: 2038.2999000000002 +2025-03-10 12:25:22,976 - INFO - STOP LOSS hit for short at 2079.6866999999997 | PnL: -0.50% | $-1.89 +2025-03-10 12:25:23,081 - INFO - OPENED LONG at 2103.02 | Stop loss: 2092.5049 | Take profit: 2134.5652999999998 +2025-03-10 12:25:23,184 - INFO - TAKE PROFIT hit for long at 2134.5652999999998 | PnL: 1.50% | $4.30 +2025-03-10 12:25:23,285 - INFO - OPENED SHORT at 2133.95 | Stop loss: 2144.6197499999994 | Take profit: 2101.9407499999998 +2025-03-10 12:25:23,341 - INFO - CLOSED short at 2137.59 | PnL: -0.17% | $-0.88 +2025-03-10 12:25:23,342 - INFO - OPENED LONG at 2137.59 | Stop loss: 2126.90205 | Take profit: 2169.65385 +2025-03-10 12:25:23,754 - INFO - CLOSED long at 2128.69 | PnL: -0.42% | $-1.66 +2025-03-10 12:25:23,754 - INFO - OPENED SHORT at 2128.69 | Stop loss: 2139.3334499999996 | Take profit: 2096.75965 +2025-03-10 12:25:24,268 - INFO - CLOSED short at 2107.43 | PnL: 1.00% | $2.82 +2025-03-10 12:25:24,268 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 12:25:24,314 - INFO - CLOSED long at 2110.6 | PnL: 0.15% | $0.16 +2025-03-10 12:25:24,315 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.153 | Take profit: 2078.941 +2025-03-10 12:25:24,474 - INFO - CLOSED short at 2112.95 | PnL: -0.11% | $-0.69 +2025-03-10 12:25:24,564 - INFO - OPENED SHORT at 2113.24 | Stop loss: 2123.8061999999995 | Take profit: 2081.5413999999996 +2025-03-10 12:25:24,661 - INFO - CLOSED short at 2120.81 | PnL: -0.36% | $-1.48 +2025-03-10 12:25:24,918 - INFO - OPENED SHORT at 2106.49 | Stop loss: 2117.0224499999995 | Take profit: 2074.89265 +2025-03-10 12:25:25,249 - INFO - CLOSED short at 2098.1 | PnL: 0.40% | $0.95 +2025-03-10 12:25:25,759 - INFO - OPENED LONG at 2104.68 | Stop loss: 2094.1566 | Take profit: 2136.2501999999995 +2025-03-10 12:25:25,925 - INFO - CLOSED long at 2100.02 | PnL: -0.22% | $-1.03 +2025-03-10 12:25:25,926 - INFO - OPENED SHORT at 2100.02 | Stop loss: 2110.5200999999997 | Take profit: 2068.5197 +2025-03-10 12:25:26,038 - INFO - CLOSED short at 2095.29 | PnL: 0.23% | $0.40 +2025-03-10 12:25:26,039 - INFO - OPENED LONG at 2095.29 | Stop loss: 2084.81355 | Take profit: 2126.71935 +2025-03-10 12:25:26,241 - INFO - CLOSED long at 2091.1 | PnL: -0.20% | $-0.96 +2025-03-10 12:25:26,452 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 36.8% in downtrends | Avg Win=$0.76, Avg Loss=$-0.73 +2025-03-10 12:25:26,453 - INFO - Episode 10: Reward=191.46, Balance=$78.65, Win Rate=45.6%, Trades=68, Episode PnL=$-15.20, Total PnL=$-344.30, Max Drawdown=23.9%, Pred Accuracy=99.7% +2025-03-10 12:25:26,610 - INFO - Model saved to models/trading_agent_episode_10.pt +2025-03-10 12:25:26,645 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:25:27,126 - INFO - OPENED LONG at 2062.9 | Stop loss: 2052.5855 | Take profit: 2093.8435 +2025-03-10 12:25:27,440 - INFO - CLOSED long at 2066.35 | PnL: 0.17% | $0.27 +2025-03-10 12:25:27,491 - INFO - OPENED LONG at 2064.21 | Stop loss: 2053.88895 | Take profit: 2095.1731499999996 +2025-03-10 12:25:27,692 - INFO - CLOSED long at 2062.75 | PnL: -0.07% | $-0.68 +2025-03-10 12:25:27,693 - INFO - OPENED SHORT at 2062.75 | Stop loss: 2073.06375 | Take profit: 2031.80875 +2025-03-10 12:25:27,887 - INFO - CLOSED short at 2059.4 | PnL: 0.16% | $0.25 +2025-03-10 12:25:27,931 - INFO - OPENED LONG at 2057.59 | Stop loss: 2047.3020500000002 | Take profit: 2088.45385 +2025-03-10 12:25:27,977 - INFO - CLOSED long at 2059.03 | PnL: 0.07% | $-0.12 +2025-03-10 12:25:28,272 - INFO - OPENED SHORT at 2057.59 | Stop loss: 2067.87795 | Take profit: 2026.7261500000002 +2025-03-10 12:25:28,671 - INFO - CLOSED short at 2053.56 | PnL: 0.20% | $0.38 +2025-03-10 12:25:28,777 - INFO - OPENED SHORT at 2051.66 | Stop loss: 2061.9183 | Take profit: 2020.8850999999997 +2025-03-10 12:25:28,830 - INFO - CLOSED short at 2052.16 | PnL: -0.02% | $-0.50 +2025-03-10 12:25:29,228 - INFO - OPENED SHORT at 2049.6 | Stop loss: 2059.8479999999995 | Take profit: 2018.856 +2025-03-10 12:25:29,340 - INFO - CLOSED short at 2049.61 | PnL: -0.00% | $-0.40 +2025-03-10 12:25:29,398 - INFO - OPENED LONG at 2049.24 | Stop loss: 2038.9937999999997 | Take profit: 2079.9785999999995 +2025-03-10 12:25:29,857 - INFO - CLOSED long at 2045.79 | PnL: -0.17% | $-1.06 +2025-03-10 12:25:30,704 - INFO - OPENED LONG at 2059.7 | Stop loss: 2049.4015 | Take profit: 2090.5954999999994 +2025-03-10 12:25:30,906 - INFO - CLOSED long at 2063.59 | PnL: 0.19% | $0.35 +2025-03-10 12:25:31,114 - INFO - OPENED LONG at 2060.99 | Stop loss: 2050.6850499999996 | Take profit: 2091.9048499999994 +2025-03-10 12:25:31,213 - INFO - CLOSED long at 2060.0 | PnL: -0.05% | $-0.58 +2025-03-10 12:25:31,214 - INFO - OPENED SHORT at 2060.0 | Stop loss: 2070.2999999999997 | Take profit: 2029.1 +2025-03-10 12:25:31,368 - INFO - CLOSED short at 2060.31 | PnL: -0.02% | $-0.45 +2025-03-10 12:25:31,419 - INFO - OPENED LONG at 2059.49 | Stop loss: 2049.1925499999998 | Take profit: 2090.3823499999994 +2025-03-10 12:25:31,524 - INFO - CLOSED long at 2057.89 | PnL: -0.08% | $-0.69 +2025-03-10 12:25:31,525 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1794499999996 | Take profit: 2027.02165 +2025-03-10 12:25:31,694 - INFO - CLOSED short at 2061.79 | PnL: -0.19% | $-1.12 +2025-03-10 12:25:31,694 - INFO - OPENED LONG at 2061.79 | Stop loss: 2051.48105 | Take profit: 2092.71685 +2025-03-10 12:25:32,371 - INFO - CLOSED long at 2067.9 | PnL: 0.30% | $0.75 +2025-03-10 12:25:32,421 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.35155 | Take profit: 2098.7053499999997 +2025-03-10 12:25:32,774 - INFO - CLOSED long at 2071.38 | PnL: 0.18% | $0.30 +2025-03-10 12:25:32,775 - INFO - OPENED SHORT at 2071.38 | Stop loss: 2081.7369 | Take profit: 2040.3093000000001 +2025-03-10 12:25:33,098 - INFO - CLOSED short at 2070.28 | PnL: 0.05% | $-0.18 +2025-03-10 12:25:33,151 - INFO - OPENED LONG at 2068.02 | Stop loss: 2057.6799 | Take profit: 2099.0402999999997 +2025-03-10 12:25:33,468 - INFO - CLOSED long at 2069.19 | PnL: 0.06% | $-0.17 +2025-03-10 12:25:33,724 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.7219499999997 | Take profit: 2035.3941499999999 +2025-03-10 12:25:34,364 - INFO - CLOSED short at 2069.96 | PnL: -0.17% | $-1.05 +2025-03-10 12:25:34,413 - INFO - OPENED LONG at 2071.4 | Stop loss: 2061.043 | Take profit: 2102.471 +2025-03-10 12:25:34,568 - INFO - CLOSED long at 2072.75 | PnL: 0.07% | $-0.13 +2025-03-10 12:25:34,762 - INFO - OPENED LONG at 2074.29 | Stop loss: 2063.91855 | Take profit: 2105.40435 +2025-03-10 12:25:34,812 - INFO - CLOSED long at 2073.9 | PnL: -0.02% | $-0.45 +2025-03-10 12:25:35,394 - INFO - OPENED LONG at 2065.49 | Stop loss: 2055.1625499999996 | Take profit: 2096.4723499999996 +2025-03-10 12:25:35,703 - INFO - CLOSED long at 2069.34 | PnL: 0.19% | $0.33 +2025-03-10 12:25:35,703 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.6866999999997 | Take profit: 2038.2999000000002 +2025-03-10 12:25:36,319 - INFO - CLOSED short at 2067.11 | PnL: 0.11% | $0.03 +2025-03-10 12:25:36,320 - INFO - OPENED LONG at 2067.11 | Stop loss: 2056.7744500000003 | Take profit: 2098.11665 +2025-03-10 12:25:36,628 - INFO - CLOSED long at 2064.47 | PnL: -0.13% | $-0.87 +2025-03-10 12:25:36,629 - INFO - OPENED SHORT at 2064.47 | Stop loss: 2074.7923499999997 | Take profit: 2033.5029499999998 +2025-03-10 12:25:36,867 - INFO - CLOSED short at 2067.88 | PnL: -0.17% | $-1.00 +2025-03-10 12:25:36,868 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.5406000000003 | Take profit: 2098.8982 +2025-03-10 12:25:37,014 - INFO - CLOSED long at 2066.15 | PnL: -0.08% | $-0.68 +2025-03-10 12:25:37,015 - INFO - OPENED SHORT at 2066.15 | Stop loss: 2076.4807499999997 | Take profit: 2035.15775 +2025-03-10 12:25:37,065 - INFO - CLOSED short at 2065.26 | PnL: 0.04% | $-0.21 +2025-03-10 12:25:37,065 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9337 | Take profit: 2096.2389 +2025-03-10 12:25:37,220 - INFO - CLOSED long at 2061.78 | PnL: -0.17% | $-0.99 +2025-03-10 12:25:37,721 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.1277499999997 | Take profit: 2095.4167499999994 +2025-03-10 12:25:38,163 - INFO - CLOSED long at 2060.65 | PnL: -0.18% | $-1.04 +2025-03-10 12:25:38,164 - INFO - OPENED SHORT at 2060.65 | Stop loss: 2070.95325 | Take profit: 2029.74025 +2025-03-10 12:25:38,220 - INFO - CLOSED short at 2058.89 | PnL: 0.09% | $-0.05 +2025-03-10 12:25:38,270 - INFO - OPENED SHORT at 2059.3 | Stop loss: 2069.5965 | Take profit: 2028.4105000000002 +2025-03-10 12:25:38,321 - INFO - CLOSED short at 2060.31 | PnL: -0.05% | $-0.54 +2025-03-10 12:25:38,322 - INFO - OPENED LONG at 2060.31 | Stop loss: 2050.00845 | Take profit: 2091.21465 +2025-03-10 12:25:38,373 - INFO - CLOSED long at 2061.8 | PnL: 0.07% | $-0.10 +2025-03-10 12:25:38,649 - INFO - OPENED SHORT at 2061.13 | Stop loss: 2071.43565 | Take profit: 2030.21305 +2025-03-10 12:25:38,698 - INFO - CLOSED short at 2061.9 | PnL: -0.04% | $-0.49 +2025-03-10 12:25:38,699 - INFO - OPENED LONG at 2061.9 | Stop loss: 2051.5905000000002 | Take profit: 2092.8285 +2025-03-10 12:25:38,957 - INFO - CLOSED long at 2064.79 | PnL: 0.14% | $0.14 +2025-03-10 12:25:38,958 - INFO - OPENED SHORT at 2064.79 | Stop loss: 2075.11395 | Take profit: 2033.8181499999998 +2025-03-10 12:25:39,061 - INFO - CLOSED short at 2063.53 | PnL: 0.06% | $-0.14 +2025-03-10 12:25:39,264 - INFO - OPENED SHORT at 2061.7 | Stop loss: 2072.0084999999995 | Take profit: 2030.7744999999998 +2025-03-10 12:25:39,713 - INFO - CLOSED short at 2057.4 | PnL: 0.21% | $0.39 +2025-03-10 12:25:39,861 - INFO - OPENED SHORT at 2055.6 | Stop loss: 2065.8779999999997 | Take profit: 2024.7659999999998 +2025-03-10 12:25:40,182 - INFO - CLOSED short at 2061.66 | PnL: -0.29% | $-1.41 +2025-03-10 12:25:40,278 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.908 | Take profit: 2030.676 +2025-03-10 12:25:40,570 - INFO - CLOSED short at 2063.9 | PnL: -0.11% | $-0.75 +2025-03-10 12:25:40,571 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5805 | Take profit: 2094.8585 +2025-03-10 12:25:41,097 - INFO - CLOSED long at 2074.3 | PnL: 0.50% | $1.41 +2025-03-10 12:25:41,097 - INFO - OPENED SHORT at 2074.3 | Stop loss: 2084.6715 | Take profit: 2043.1855 +2025-03-10 12:25:41,350 - INFO - CLOSED short at 2070.01 | PnL: 0.21% | $0.38 +2025-03-10 12:25:41,585 - INFO - OPENED SHORT at 2068.39 | Stop loss: 2078.73195 | Take profit: 2037.3641499999999 +2025-03-10 12:25:42,199 - INFO - CLOSED short at 2063.95 | PnL: 0.21% | $0.41 +2025-03-10 12:25:42,247 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.65015 | Take profit: 2094.9295499999994 +2025-03-10 12:25:42,762 - INFO - CLOSED long at 2066.5 | PnL: 0.12% | $0.08 +2025-03-10 12:25:43,079 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.03845 | Take profit: 2038.64465 +2025-03-10 12:25:43,323 - INFO - CLOSED short at 2071.99 | PnL: -0.11% | $-0.76 +2025-03-10 12:25:43,324 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.6300499999998 | Take profit: 2103.0698499999994 +2025-03-10 12:25:43,514 - INFO - CLOSED long at 2069.78 | PnL: -0.11% | $-0.73 +2025-03-10 12:25:43,930 - INFO - OPENED LONG at 2076.9 | Stop loss: 2066.5155 | Take profit: 2108.0535 +2025-03-10 12:25:44,324 - INFO - STOP LOSS hit for long at 2066.5155 | PnL: -0.50% | $-2.11 +2025-03-10 12:25:44,514 - INFO - OPENED LONG at 2068.1 | Stop loss: 2057.7595 | Take profit: 2099.1214999999997 +2025-03-10 12:25:44,563 - INFO - CLOSED long at 2069.0 | PnL: 0.04% | $-0.19 +2025-03-10 12:25:44,861 - INFO - OPENED LONG at 2065.8 | Stop loss: 2055.471 | Take profit: 2096.787 +2025-03-10 12:25:45,274 - INFO - CLOSED long at 2064.11 | PnL: -0.08% | $-0.62 +2025-03-10 12:25:45,274 - INFO - OPENED SHORT at 2064.11 | Stop loss: 2074.43055 | Take profit: 2033.1483500000002 +2025-03-10 12:25:45,649 - INFO - CLOSED short at 2058.09 | PnL: 0.29% | $0.65 +2025-03-10 12:25:45,697 - INFO - OPENED SHORT at 2058.65 | Stop loss: 2068.94325 | Take profit: 2027.77025 +2025-03-10 12:25:45,747 - INFO - CLOSED short at 2056.77 | PnL: 0.09% | $-0.03 +2025-03-10 12:25:45,796 - INFO - OPENED SHORT at 2053.01 | Stop loss: 2063.27505 | Take profit: 2022.2148500000003 +2025-03-10 12:25:45,943 - INFO - CLOSED short at 2051.99 | PnL: 0.05% | $-0.17 +2025-03-10 12:25:46,210 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.1441499999996 | Take profit: 2031.88755 +2025-03-10 12:25:46,564 - INFO - CLOSED short at 2067.49 | PnL: -0.23% | $-1.12 +2025-03-10 12:25:46,565 - INFO - OPENED LONG at 2067.49 | Stop loss: 2057.15255 | Take profit: 2098.5023499999998 +2025-03-10 12:25:46,661 - INFO - CLOSED long at 2064.08 | PnL: -0.16% | $-0.90 +2025-03-10 12:25:47,999 - INFO - OPENED LONG at 2133.95 | Stop loss: 2123.28025 | Take profit: 2165.9592499999994 +2025-03-10 12:25:48,232 - INFO - CLOSED long at 2142.68 | PnL: 0.41% | $1.03 +2025-03-10 12:25:48,513 - INFO - OPENED SHORT at 2128.69 | Stop loss: 2139.3334499999996 | Take profit: 2096.75965 +2025-03-10 12:25:48,680 - INFO - CLOSED short at 2117.24 | PnL: 0.54% | $1.48 +2025-03-10 12:25:48,680 - INFO - OPENED LONG at 2117.24 | Stop loss: 2106.6537999999996 | Take profit: 2148.9985999999994 +2025-03-10 12:25:48,730 - INFO - CLOSED long at 2119.93 | PnL: 0.13% | $0.09 +2025-03-10 12:25:48,871 - INFO - OPENED SHORT at 2119.14 | Stop loss: 2129.7356999999997 | Take profit: 2087.3529 +2025-03-10 12:25:49,073 - INFO - CLOSED short at 2110.6 | PnL: 0.40% | $1.05 +2025-03-10 12:25:49,073 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.047 | Take profit: 2142.2589999999996 +2025-03-10 12:25:49,122 - INFO - CLOSED long at 2109.05 | PnL: -0.07% | $-0.61 +2025-03-10 12:25:49,122 - INFO - OPENED SHORT at 2109.05 | Stop loss: 2119.59525 | Take profit: 2077.4142500000003 +2025-03-10 12:25:49,275 - INFO - CLOSED short at 2112.46 | PnL: -0.16% | $-0.91 +2025-03-10 12:25:49,275 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.8977 | Take profit: 2144.1468999999997 +2025-03-10 12:25:49,328 - INFO - CLOSED long at 2113.24 | PnL: 0.04% | $-0.22 +2025-03-10 12:25:49,485 - INFO - OPENED SHORT at 2116.48 | Stop loss: 2127.0624 | Take profit: 2084.7327999999998 +2025-03-10 12:25:50,139 - INFO - CLOSED short at 2102.29 | PnL: 0.67% | $1.95 +2025-03-10 12:25:50,139 - INFO - OPENED LONG at 2102.29 | Stop loss: 2091.77855 | Take profit: 2133.82435 +2025-03-10 12:25:50,405 - INFO - CLOSED long at 2106.39 | PnL: 0.20% | $0.33 +2025-03-10 12:25:50,405 - INFO - OPENED SHORT at 2106.39 | Stop loss: 2116.9219499999995 | Take profit: 2074.7941499999997 +2025-03-10 12:25:50,461 - INFO - CLOSED short at 2100.74 | PnL: 0.27% | $0.59 +2025-03-10 12:25:50,462 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.2362999999996 | Take profit: 2132.2510999999995 +2025-03-10 12:25:50,628 - INFO - CLOSED long at 2101.51 | PnL: 0.04% | $-0.22 +2025-03-10 12:25:50,740 - INFO - OPENED SHORT at 2100.02 | Stop loss: 2110.5200999999997 | Take profit: 2068.5197 +2025-03-10 12:25:51,012 - INFO - CLOSED short at 2092.46 | PnL: 0.36% | $0.92 +2025-03-10 12:25:51,070 - INFO - OPENED SHORT at 2091.1 | Stop loss: 2101.5554999999995 | Take profit: 2059.7335 +2025-03-10 12:25:51,313 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 33.3% in downtrends | Avg Win=$0.59, Avg Loss=$-0.61 +2025-03-10 12:25:51,314 - INFO - Episode 11: Reward=204.67, Balance=$89.11, Win Rate=57.1%, Trades=63, Episode PnL=$-5.84, Total PnL=$-355.19, Max Drawdown=16.6%, Pred Accuracy=99.8% +2025-03-10 12:25:51,491 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:25:51,527 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:25:52,125 - INFO - OPENED SHORT at 2060.94 | Stop loss: 2071.2446999999997 | Take profit: 2030.0259 +2025-03-10 12:25:52,348 - INFO - CLOSED short at 2067.0 | PnL: -0.29% | $-1.58 +2025-03-10 12:25:52,874 - INFO - OPENED SHORT at 2059.4 | Stop loss: 2069.6969999999997 | Take profit: 2028.509 +2025-03-10 12:25:53,114 - INFO - CLOSED short at 2060.1 | PnL: -0.03% | $-0.53 +2025-03-10 12:25:53,115 - INFO - OPENED LONG at 2060.1 | Stop loss: 2049.7995 | Take profit: 2091.0015 +2025-03-10 12:25:53,177 - INFO - CLOSED long at 2060.51 | PnL: 0.02% | $-0.31 +2025-03-10 12:25:53,475 - INFO - OPENED LONG at 2058.51 | Stop loss: 2048.21745 | Take profit: 2089.38765 +2025-03-10 12:25:53,670 - INFO - CLOSED long at 2055.39 | PnL: -0.15% | $-0.98 +2025-03-10 12:25:53,671 - INFO - OPENED SHORT at 2055.39 | Stop loss: 2065.66695 | Take profit: 2024.5591499999998 +2025-03-10 12:25:54,258 - INFO - CLOSED short at 2049.6 | PnL: 0.28% | $0.70 +2025-03-10 12:25:54,258 - INFO - OPENED LONG at 2049.6 | Stop loss: 2039.3519999999999 | Take profit: 2080.3439999999996 +2025-03-10 12:25:54,309 - INFO - CLOSED long at 2051.99 | PnL: 0.12% | $0.06 +2025-03-10 12:25:54,821 - INFO - OPENED LONG at 2045.79 | Stop loss: 2035.56105 | Take profit: 2076.4768499999996 +2025-03-10 12:25:55,276 - INFO - CLOSED long at 2053.26 | PnL: 0.37% | $1.03 +2025-03-10 12:25:55,277 - INFO - OPENED SHORT at 2053.26 | Stop loss: 2063.5263 | Take profit: 2022.4611000000002 +2025-03-10 12:25:55,816 - INFO - STOP LOSS hit for short at 2063.5263 | PnL: -0.50% | $-2.36 +2025-03-10 12:25:55,865 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.90795 | Take profit: 2032.63615 +2025-03-10 12:25:55,957 - INFO - CLOSED short at 2064.69 | PnL: -0.05% | $-0.59 +2025-03-10 12:25:56,050 - INFO - OPENED SHORT at 2060.99 | Stop loss: 2071.2949499999995 | Take profit: 2030.0751499999997 +2025-03-10 12:25:56,442 - INFO - CLOSED short at 2057.89 | PnL: 0.15% | $0.19 +2025-03-10 12:25:56,887 - INFO - OPENED LONG at 2070.58 | Stop loss: 2060.2271 | Take profit: 2101.6386999999995 +2025-03-10 12:25:57,187 - INFO - CLOSED long at 2069.6 | PnL: -0.05% | $-0.56 +2025-03-10 12:25:57,384 - INFO - OPENED SHORT at 2067.69 | Stop loss: 2078.02845 | Take profit: 2036.67465 +2025-03-10 12:25:57,679 - INFO - CLOSED short at 2072.33 | PnL: -0.22% | $-1.23 +2025-03-10 12:25:57,978 - INFO - OPENED LONG at 2070.79 | Stop loss: 2060.43605 | Take profit: 2101.8518499999996 +2025-03-10 12:25:58,023 - INFO - CLOSED long at 2070.28 | PnL: -0.02% | $-0.47 +2025-03-10 12:25:58,072 - INFO - OPENED LONG at 2068.02 | Stop loss: 2057.6799 | Take profit: 2099.0402999999997 +2025-03-10 12:25:58,311 - INFO - CLOSED long at 2069.34 | PnL: 0.06% | $-0.14 +2025-03-10 12:25:58,312 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.6866999999997 | Take profit: 2038.2999000000002 +2025-03-10 12:25:58,412 - INFO - CLOSED short at 2068.8 | PnL: 0.03% | $-0.28 +2025-03-10 12:25:58,599 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.7219499999997 | Take profit: 2035.3941499999999 +2025-03-10 12:25:59,022 - INFO - CLOSED short at 2068.51 | PnL: -0.10% | $-0.75 +2025-03-10 12:25:59,244 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.3098 | Take profit: 2038.9106 +2025-03-10 12:25:59,761 - INFO - CLOSED short at 2071.92 | PnL: -0.09% | $-0.72 +2025-03-10 12:25:59,964 - INFO - OPENED SHORT at 2069.35 | Stop loss: 2079.6967499999996 | Take profit: 2038.30975 +2025-03-10 12:26:01,022 - INFO - CLOSED short at 2068.5 | PnL: 0.04% | $-0.22 +2025-03-10 12:26:01,023 - INFO - OPENED LONG at 2068.5 | Stop loss: 2058.1575 | Take profit: 2099.5274999999997 +2025-03-10 12:26:01,164 - INFO - CLOSED long at 2067.11 | PnL: -0.07% | $-0.61 +2025-03-10 12:26:01,165 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.44555 | Take profit: 2036.10335 +2025-03-10 12:26:01,475 - INFO - CLOSED short at 2064.47 | PnL: 0.13% | $0.10 +2025-03-10 12:26:01,476 - INFO - OPENED LONG at 2064.47 | Stop loss: 2054.14765 | Take profit: 2095.4370499999995 +2025-03-10 12:26:01,827 - INFO - CLOSED long at 2065.83 | PnL: 0.07% | $-0.12 +2025-03-10 12:26:01,828 - INFO - OPENED SHORT at 2065.83 | Stop loss: 2076.1591499999995 | Take profit: 2034.8425499999998 +2025-03-10 12:26:01,968 - INFO - CLOSED short at 2062.89 | PnL: 0.14% | $0.15 +2025-03-10 12:26:02,056 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.4711 | Take profit: 2092.7067 +2025-03-10 12:26:02,302 - INFO - CLOSED long at 2066.24 | PnL: 0.22% | $0.42 +2025-03-10 12:26:02,303 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.5711999999994 | Take profit: 2035.2463999999998 +2025-03-10 12:26:02,401 - INFO - CLOSED short at 2065.54 | PnL: 0.03% | $-0.24 +2025-03-10 12:26:02,449 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.42045 | Take profit: 2035.0986500000001 +2025-03-10 12:26:02,745 - INFO - CLOSED short at 2063.5 | PnL: 0.13% | $0.09 +2025-03-10 12:26:02,745 - INFO - OPENED LONG at 2063.5 | Stop loss: 2053.1825 | Take profit: 2094.4525 +2025-03-10 12:26:02,996 - INFO - CLOSED long at 2059.3 | PnL: -0.20% | $-1.11 +2025-03-10 12:26:03,156 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.3765 | Take profit: 2095.6704999999997 +2025-03-10 12:26:03,266 - INFO - CLOSED long at 2060.91 | PnL: -0.18% | $-1.02 +2025-03-10 12:26:03,267 - INFO - OPENED SHORT at 2060.91 | Stop loss: 2071.2145499999997 | Take profit: 2029.99635 +2025-03-10 12:26:03,861 - INFO - CLOSED short at 2062.6 | PnL: -0.08% | $-0.65 +2025-03-10 12:26:04,221 - INFO - OPENED SHORT at 2059.02 | Stop loss: 2069.3151 | Take profit: 2028.1347 +2025-03-10 12:26:04,380 - INFO - CLOSED short at 2059.46 | PnL: -0.02% | $-0.43 +2025-03-10 12:26:04,732 - INFO - OPENED SHORT at 2056.71 | Stop loss: 2066.9935499999997 | Take profit: 2025.85935 +2025-03-10 12:26:04,785 - INFO - CLOSED short at 2058.15 | PnL: -0.07% | $-0.60 +2025-03-10 12:26:04,785 - INFO - OPENED LONG at 2058.15 | Stop loss: 2047.85925 | Take profit: 2089.02225 +2025-03-10 12:26:05,268 - INFO - CLOSED long at 2066.01 | PnL: 0.38% | $0.98 +2025-03-10 12:26:05,326 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5805 | Take profit: 2094.8585 +2025-03-10 12:26:06,060 - INFO - CLOSED long at 2071.04 | PnL: 0.35% | $0.87 +2025-03-10 12:26:06,110 - INFO - OPENED LONG at 2070.01 | Stop loss: 2059.65995 | Take profit: 2101.06015 +2025-03-10 12:26:06,318 - INFO - CLOSED long at 2068.15 | PnL: -0.09% | $-0.68 +2025-03-10 12:26:06,319 - INFO - OPENED SHORT at 2068.15 | Stop loss: 2078.49075 | Take profit: 2037.12775 +2025-03-10 12:26:06,515 - INFO - CLOSED short at 2069.03 | PnL: -0.04% | $-0.50 +2025-03-10 12:26:06,516 - INFO - OPENED LONG at 2069.03 | Stop loss: 2058.68485 | Take profit: 2100.06545 +2025-03-10 12:26:06,681 - INFO - CLOSED long at 2072.99 | PnL: 0.19% | $0.32 +2025-03-10 12:26:06,681 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.3549499999995 | Take profit: 2041.8951499999998 +2025-03-10 12:26:07,177 - INFO - CLOSED short at 2064.5 | PnL: 0.41% | $1.09 +2025-03-10 12:26:07,178 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1775 | Take profit: 2095.4674999999997 +2025-03-10 12:26:07,279 - INFO - CLOSED long at 2064.4 | PnL: -0.00% | $-0.37 +2025-03-10 12:26:07,279 - INFO - OPENED SHORT at 2064.4 | Stop loss: 2074.7219999999998 | Take profit: 2033.434 +2025-03-10 12:26:07,334 - INFO - CLOSED short at 2064.31 | PnL: 0.00% | $-0.34 +2025-03-10 12:26:07,635 - INFO - OPENED LONG at 2066.5 | Stop loss: 2056.1675 | Take profit: 2097.4975 +2025-03-10 12:26:07,686 - INFO - CLOSED long at 2068.59 | PnL: 0.10% | $0.00 +2025-03-10 12:26:08,541 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.99815 | Take profit: 2105.48555 +2025-03-10 12:26:08,591 - INFO - CLOSED long at 2075.07 | PnL: 0.03% | $-0.23 +2025-03-10 12:26:08,592 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.44535 | Take profit: 2043.94395 +2025-03-10 12:26:09,078 - INFO - CLOSED short at 2072.09 | PnL: 0.14% | $0.15 +2025-03-10 12:26:09,079 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.72955 | Take profit: 2103.17135 +2025-03-10 12:26:09,426 - INFO - CLOSED long at 2067.88 | PnL: -0.20% | $-1.07 +2025-03-10 12:26:09,428 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2194 | Take profit: 2036.8618000000001 +2025-03-10 12:26:09,530 - INFO - CLOSED short at 2068.1 | PnL: -0.01% | $-0.39 +2025-03-10 12:26:09,583 - INFO - OPENED LONG at 2069.0 | Stop loss: 2058.655 | Take profit: 2100.035 +2025-03-10 12:26:10,051 - INFO - CLOSED long at 2063.39 | PnL: -0.27% | $-1.29 +2025-03-10 12:26:10,051 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.70695 | Take profit: 2032.43915 +2025-03-10 12:26:10,111 - INFO - CLOSED short at 2062.34 | PnL: 0.05% | $-0.17 +2025-03-10 12:26:10,112 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.0283 | Take profit: 2093.2751 +2025-03-10 12:26:10,213 - INFO - CLOSED long at 2066.1 | PnL: 0.18% | $0.28 +2025-03-10 12:26:10,214 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4304999999995 | Take profit: 2035.1084999999998 +2025-03-10 12:26:10,262 - INFO - CLOSED short at 2065.06 | PnL: 0.05% | $-0.17 +2025-03-10 12:26:10,635 - INFO - OPENED LONG at 2059.2 | Stop loss: 2048.904 | Take profit: 2090.0879999999997 +2025-03-10 12:26:10,948 - INFO - CLOSED long at 2049.5 | PnL: -0.47% | $-1.96 +2025-03-10 12:26:11,104 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.1342499999996 | Take profit: 2025.99725 +2025-03-10 12:26:11,419 - INFO - CLOSED short at 2062.43 | PnL: -0.27% | $-1.24 +2025-03-10 12:26:11,419 - INFO - OPENED LONG at 2062.43 | Stop loss: 2052.1178499999996 | Take profit: 2093.3664499999995 +2025-03-10 12:26:11,521 - INFO - CLOSED long at 2065.12 | PnL: 0.13% | $0.10 +2025-03-10 12:26:12,621 - INFO - OPENED SHORT at 2074.9 | Stop loss: 2085.2745 | Take profit: 2043.7765000000002 +2025-03-10 12:26:12,774 - INFO - STOP LOSS hit for short at 2085.2745 | PnL: -0.50% | $-1.98 +2025-03-10 12:26:12,924 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3534999999997 | Take profit: 2098.7394999999997 +2025-03-10 12:26:13,110 - INFO - CLOSED short at 2137.59 | PnL: -0.32% | $-1.37 +2025-03-10 12:26:13,511 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.04655 | Take profit: 2160.6203499999997 +2025-03-10 12:26:13,568 - INFO - CLOSED long at 2121.09 | PnL: -0.36% | $-1.45 +2025-03-10 12:26:13,569 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.6954499999997 | Take profit: 2089.27365 +2025-03-10 12:26:15,044 - INFO - CLOSED short at 2098.1 | PnL: 1.08% | $3.06 +2025-03-10 12:26:15,671 - INFO - OPENED LONG at 2100.02 | Stop loss: 2089.5199 | Take profit: 2131.5202999999997 +2025-03-10 12:26:15,866 - INFO - CLOSED long at 2093.33 | PnL: -0.32% | $-1.35 +2025-03-10 12:26:16,177 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 38.5% in downtrends | Avg Win=$0.57, Avg Loss=$-0.79 +2025-03-10 12:26:16,178 - INFO - Episode 12: Reward=204.24, Balance=$79.56, Win Rate=49.1%, Trades=55, Episode PnL=$-13.41, Total PnL=$-375.63, Max Drawdown=20.7%, Pred Accuracy=99.8% +2025-03-10 12:26:16,219 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:26:16,719 - INFO - OPENED SHORT at 2062.9 | Stop loss: 2073.2145 | Take profit: 2031.9565 +2025-03-10 12:26:17,495 - INFO - CLOSED short at 2059.4 | PnL: 0.17% | $0.28 +2025-03-10 12:26:17,669 - INFO - OPENED LONG at 2059.4 | Stop loss: 2049.103 | Take profit: 2090.2909999999997 +2025-03-10 12:26:18,022 - INFO - CLOSED long at 2057.99 | PnL: -0.07% | $-0.68 +2025-03-10 12:26:18,023 - INFO - OPENED SHORT at 2057.99 | Stop loss: 2068.2799499999996 | Take profit: 2027.1201499999997 +2025-03-10 12:26:18,486 - INFO - CLOSED short at 2052.16 | PnL: 0.28% | $0.73 +2025-03-10 12:26:19,195 - INFO - OPENED SHORT at 2047.4 | Stop loss: 2057.6369999999997 | Take profit: 2016.689 +2025-03-10 12:26:19,418 - INFO - CLOSED short at 2045.79 | PnL: 0.08% | $-0.09 +2025-03-10 12:26:19,418 - INFO - OPENED LONG at 2045.79 | Stop loss: 2035.56105 | Take profit: 2076.4768499999996 +2025-03-10 12:26:19,516 - INFO - CLOSED long at 2047.59 | PnL: 0.09% | $-0.05 +2025-03-10 12:26:19,517 - INFO - OPENED SHORT at 2047.59 | Stop loss: 2057.82795 | Take profit: 2016.8761499999998 +2025-03-10 12:26:19,801 - INFO - CLOSED short at 2053.26 | PnL: -0.28% | $-1.51 +2025-03-10 12:26:19,801 - INFO - OPENED LONG at 2053.26 | Stop loss: 2042.9937000000002 | Take profit: 2084.0589 +2025-03-10 12:26:19,846 - INFO - CLOSED long at 2051.89 | PnL: -0.07% | $-0.66 +2025-03-10 12:26:20,439 - INFO - OPENED SHORT at 2061.61 | Stop loss: 2071.9180499999998 | Take profit: 2030.68585 +2025-03-10 12:26:20,544 - INFO - CLOSED short at 2063.01 | PnL: -0.07% | $-0.66 +2025-03-10 12:26:21,120 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.8194500000002 | Take profit: 2088.9816499999997 +2025-03-10 12:26:21,467 - INFO - CLOSED long at 2068.29 | PnL: 0.49% | $1.54 +2025-03-10 12:26:21,467 - INFO - OPENED SHORT at 2068.29 | Stop loss: 2078.63145 | Take profit: 2037.2656499999998 +2025-03-10 12:26:21,816 - INFO - CLOSED short at 2067.9 | PnL: 0.02% | $-0.32 +2025-03-10 12:26:21,817 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.5605 | Take profit: 2098.9184999999998 +2025-03-10 12:26:22,202 - INFO - CLOSED long at 2072.33 | PnL: 0.21% | $0.45 +2025-03-10 12:26:22,203 - INFO - OPENED SHORT at 2072.33 | Stop loss: 2082.6916499999998 | Take profit: 2041.24505 +2025-03-10 12:26:22,317 - INFO - CLOSED short at 2071.41 | PnL: 0.04% | $-0.22 +2025-03-10 12:26:23,264 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.66005 | Take profit: 2096.9798499999997 +2025-03-10 12:26:24,039 - INFO - CLOSED long at 2073.11 | PnL: 0.34% | $0.97 +2025-03-10 12:26:24,039 - INFO - OPENED SHORT at 2073.11 | Stop loss: 2083.47555 | Take profit: 2042.0133500000002 +2025-03-10 12:26:24,137 - INFO - CLOSED short at 2072.15 | PnL: 0.05% | $-0.21 +2025-03-10 12:26:24,138 - INFO - OPENED LONG at 2072.15 | Stop loss: 2061.7892500000003 | Take profit: 2103.23225 +2025-03-10 12:26:24,529 - INFO - CLOSED long at 2068.32 | PnL: -0.18% | $-1.13 +2025-03-10 12:26:24,827 - INFO - OPENED SHORT at 2063.61 | Stop loss: 2073.92805 | Take profit: 2032.65585 +2025-03-10 12:26:25,028 - INFO - CLOSED short at 2068.8 | PnL: -0.25% | $-1.38 +2025-03-10 12:26:25,184 - INFO - OPENED LONG at 2067.59 | Stop loss: 2057.25205 | Take profit: 2098.60385 +2025-03-10 12:26:25,493 - INFO - CLOSED long at 2070.73 | PnL: 0.15% | $0.20 +2025-03-10 12:26:25,789 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.732 | Take profit: 2035.404 +2025-03-10 12:26:26,291 - INFO - CLOSED short at 2064.99 | PnL: 0.07% | $-0.12 +2025-03-10 12:26:26,291 - INFO - OPENED LONG at 2064.99 | Stop loss: 2054.6650499999996 | Take profit: 2095.9648499999994 +2025-03-10 12:26:26,745 - INFO - CLOSED long at 2063.59 | PnL: -0.07% | $-0.65 +2025-03-10 12:26:26,745 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.90795 | Take profit: 2032.63615 +2025-03-10 12:26:26,797 - INFO - CLOSED short at 2064.96 | PnL: -0.07% | $-0.64 +2025-03-10 12:26:26,986 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.42045 | Take profit: 2035.0986500000001 +2025-03-10 12:26:27,135 - INFO - CLOSED short at 2062.71 | PnL: 0.16% | $0.24 +2025-03-10 12:26:27,136 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.39645 | Take profit: 2093.65065 +2025-03-10 12:26:27,186 - INFO - CLOSED long at 2062.89 | PnL: 0.01% | $-0.35 +2025-03-10 12:26:27,495 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.1844499999997 | Take profit: 2028.0066499999998 +2025-03-10 12:26:27,731 - INFO - CLOSED short at 2062.61 | PnL: -0.18% | $-1.07 +2025-03-10 12:26:27,874 - INFO - OPENED LONG at 2061.13 | Stop loss: 2050.8243500000003 | Take profit: 2092.04695 +2025-03-10 12:26:28,120 - INFO - CLOSED long at 2063.39 | PnL: 0.11% | $0.04 +2025-03-10 12:26:28,278 - INFO - OPENED SHORT at 2063.53 | Stop loss: 2073.84765 | Take profit: 2032.57705 +2025-03-10 12:26:28,531 - INFO - CLOSED short at 2060.7 | PnL: 0.14% | $0.14 +2025-03-10 12:26:28,532 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3965 | Take profit: 2091.6105 +2025-03-10 12:26:28,675 - INFO - CLOSED long at 2059.16 | PnL: -0.07% | $-0.66 +2025-03-10 12:26:28,676 - INFO - OPENED SHORT at 2059.16 | Stop loss: 2069.4557999999997 | Take profit: 2028.2725999999998 +2025-03-10 12:26:28,971 - INFO - CLOSED short at 2058.28 | PnL: 0.04% | $-0.22 +2025-03-10 12:26:29,016 - INFO - OPENED SHORT at 2056.28 | Stop loss: 2066.5614 | Take profit: 2025.4358000000002 +2025-03-10 12:26:29,535 - INFO - CLOSED short at 2061.3 | PnL: -0.24% | $-1.29 +2025-03-10 12:26:29,950 - INFO - OPENED SHORT at 2066.34 | Stop loss: 2076.6717 | Take profit: 2035.3449 +2025-03-10 12:26:30,219 - INFO - CLOSED short at 2069.79 | PnL: -0.17% | $-0.99 +2025-03-10 12:26:30,219 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.44105 | Take profit: 2100.8368499999997 +2025-03-10 12:26:30,423 - INFO - CLOSED long at 2075.01 | PnL: 0.25% | $0.56 +2025-03-10 12:26:30,710 - INFO - OPENED SHORT at 2070.0 | Stop loss: 2080.35 | Take profit: 2038.95 +2025-03-10 12:26:31,574 - INFO - CLOSED short at 2065.3 | PnL: 0.23% | $0.47 +2025-03-10 12:26:31,575 - INFO - OPENED LONG at 2065.3 | Stop loss: 2054.9735 | Take profit: 2096.2795 +2025-03-10 12:26:31,626 - INFO - CLOSED long at 2064.4 | PnL: -0.04% | $-0.53 +2025-03-10 12:26:31,674 - INFO - OPENED SHORT at 2064.31 | Stop loss: 2074.6315499999996 | Take profit: 2033.3453499999998 +2025-03-10 12:26:32,567 - INFO - CLOSED short at 2071.99 | PnL: -0.37% | $-1.74 +2025-03-10 12:26:32,623 - INFO - OPENED LONG at 2068.19 | Stop loss: 2057.8490500000003 | Take profit: 2099.21285 +2025-03-10 12:26:34,344 - INFO - CLOSED long at 2065.8 | PnL: -0.12% | $-0.78 +2025-03-10 12:26:34,345 - INFO - OPENED SHORT at 2065.8 | Stop loss: 2076.129 | Take profit: 2034.813 +2025-03-10 12:26:34,877 - INFO - CLOSED short at 2066.33 | PnL: -0.03% | $-0.45 +2025-03-10 12:26:34,877 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.99835 | Take profit: 2097.3249499999997 +2025-03-10 12:26:35,306 - INFO - STOP LOSS hit for long at 2055.99835 | PnL: -0.50% | $-2.14 +2025-03-10 12:26:35,591 - INFO - OPENED LONG at 2056.85 | Stop loss: 2046.56575 | Take profit: 2087.70275 +2025-03-10 12:26:35,749 - INFO - CLOSED long at 2062.83 | PnL: 0.29% | $0.66 +2025-03-10 12:26:35,751 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.1441499999996 | Take profit: 2031.88755 +2025-03-10 12:26:35,803 - INFO - CLOSED short at 2063.9 | PnL: -0.05% | $-0.53 +2025-03-10 12:26:35,804 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5805 | Take profit: 2094.8585 +2025-03-10 12:26:36,696 - INFO - CLOSED long at 2069.34 | PnL: 0.26% | $0.57 +2025-03-10 12:26:36,744 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.1590499999998 | Take profit: 2038.7628499999998 +2025-03-10 12:26:37,098 - INFO - CLOSED short at 2074.9 | PnL: -0.25% | $-1.21 +2025-03-10 12:26:37,098 - INFO - OPENED LONG at 2074.9 | Stop loss: 2064.5255 | Take profit: 2106.0235 +2025-03-10 12:26:37,302 - INFO - CLOSED long at 2090.49 | PnL: 0.75% | $2.25 +2025-03-10 12:26:37,303 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.9424499999996 | Take profit: 2059.1326499999996 +2025-03-10 12:26:37,355 - INFO - STOP LOSS hit for short at 2100.9424499999996 | PnL: -0.50% | $-2.13 +2025-03-10 12:26:37,751 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.3933999999995 | Take profit: 2110.5398 +2025-03-10 12:26:38,049 - INFO - CLOSED short at 2121.09 | PnL: 1.01% | $3.15 +2025-03-10 12:26:38,050 - INFO - OPENED LONG at 2121.09 | Stop loss: 2110.48455 | Take profit: 2152.9063499999997 +2025-03-10 12:26:38,399 - INFO - CLOSED long at 2119.07 | PnL: -0.10% | $-0.70 +2025-03-10 12:26:38,450 - INFO - OPENED SHORT at 2115.28 | Stop loss: 2125.8564 | Take profit: 2083.5508 +2025-03-10 12:26:38,891 - INFO - CLOSED short at 2120.81 | PnL: -0.26% | $-1.29 +2025-03-10 12:26:38,891 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.20595 | Take profit: 2152.6221499999997 +2025-03-10 12:26:39,094 - INFO - STOP LOSS hit for long at 2110.20595 | PnL: -0.50% | $-2.11 +2025-03-10 12:26:40,161 - INFO - OPENED SHORT at 2101.51 | Stop loss: 2112.01755 | Take profit: 2069.9873500000003 +2025-03-10 12:26:40,281 - INFO - CLOSED short at 2100.02 | PnL: 0.07% | $-0.10 +2025-03-10 12:26:40,794 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 23.5% in downtrends | Avg Win=$0.82, Avg Loss=$-0.83 +2025-03-10 12:26:40,796 - INFO - Episode 13: Reward=210.82, Balance=$85.61, Win Rate=51.1%, Trades=47, Episode PnL=$-14.71, Total PnL=$-390.02, Max Drawdown=14.7%, Pred Accuracy=99.9% +2025-03-10 12:26:40,939 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:26:40,974 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:26:41,698 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3349999999996 | Take profit: 2035.995 +2025-03-10 12:26:41,791 - INFO - CLOSED short at 2064.21 | PnL: 0.13% | $0.14 +2025-03-10 12:26:42,025 - INFO - OPENED SHORT at 2063.84 | Stop loss: 2074.1592 | Take profit: 2032.8824000000002 +2025-03-10 12:26:43,101 - INFO - CLOSED short at 2055.39 | PnL: 0.41% | $1.24 +2025-03-10 12:26:43,277 - INFO - OPENED SHORT at 2051.66 | Stop loss: 2061.9183 | Take profit: 2020.8850999999997 +2025-03-10 12:26:43,627 - INFO - CLOSED short at 2049.49 | PnL: 0.11% | $0.02 +2025-03-10 12:26:43,972 - INFO - OPENED SHORT at 2048.48 | Stop loss: 2058.7223999999997 | Take profit: 2017.7528 +2025-03-10 12:26:44,619 - INFO - CLOSED short at 2050.24 | PnL: -0.09% | $-0.75 +2025-03-10 12:26:44,619 - INFO - OPENED LONG at 2050.24 | Stop loss: 2039.9887999999999 | Take profit: 2080.9936 +2025-03-10 12:26:44,886 - INFO - CLOSED long at 2052.3 | PnL: 0.10% | $0.00 +2025-03-10 12:26:45,096 - INFO - OPENED SHORT at 2058.39 | Stop loss: 2068.6819499999997 | Take profit: 2027.5141499999997 +2025-03-10 12:26:45,259 - INFO - CLOSED short at 2061.49 | PnL: -0.15% | $-1.01 +2025-03-10 12:26:45,260 - INFO - OPENED LONG at 2061.49 | Stop loss: 2051.18255 | Take profit: 2092.4123499999996 +2025-03-10 12:26:46,042 - INFO - CLOSED long at 2058.11 | PnL: -0.16% | $-1.05 +2025-03-10 12:26:46,146 - INFO - OPENED SHORT at 2061.18 | Stop loss: 2071.4858999999997 | Take profit: 2030.2622999999999 +2025-03-10 12:26:46,506 - INFO - STOP LOSS hit for short at 2071.4858999999997 | PnL: -0.50% | $-2.37 +2025-03-10 12:26:46,664 - INFO - OPENED SHORT at 2068.65 | Stop loss: 2078.99325 | Take profit: 2037.6202500000002 +2025-03-10 12:26:46,761 - INFO - CLOSED short at 2067.9 | PnL: 0.04% | $-0.25 +2025-03-10 12:26:47,072 - INFO - OPENED LONG at 2072.91 | Stop loss: 2062.5454499999996 | Take profit: 2104.0036499999997 +2025-03-10 12:26:47,322 - INFO - CLOSED long at 2070.9 | PnL: -0.10% | $-0.76 +2025-03-10 12:26:47,323 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.2545 | Take profit: 2039.8365000000001 +2025-03-10 12:26:47,964 - INFO - CLOSED short at 2067.6 | PnL: 0.16% | $0.23 +2025-03-10 12:26:47,964 - INFO - OPENED LONG at 2067.6 | Stop loss: 2057.2619999999997 | Take profit: 2098.6139999999996 +2025-03-10 12:26:48,180 - INFO - CLOSED long at 2065.99 | PnL: -0.08% | $-0.68 +2025-03-10 12:26:48,397 - INFO - OPENED LONG at 2066.18 | Stop loss: 2055.8491 | Take profit: 2097.1726999999996 +2025-03-10 12:26:48,500 - INFO - CLOSED long at 2068.9 | PnL: 0.13% | $0.12 +2025-03-10 12:26:48,657 - INFO - OPENED LONG at 2069.7 | Stop loss: 2059.3514999999998 | Take profit: 2100.7454999999995 +2025-03-10 12:26:48,868 - INFO - CLOSED long at 2071.39 | PnL: 0.08% | $-0.07 +2025-03-10 12:26:48,869 - INFO - OPENED SHORT at 2071.39 | Stop loss: 2081.7469499999997 | Take profit: 2040.3191499999998 +2025-03-10 12:26:48,919 - INFO - CLOSED short at 2071.36 | PnL: 0.00% | $-0.37 +2025-03-10 12:26:48,968 - INFO - OPENED SHORT at 2072.75 | Stop loss: 2083.11375 | Take profit: 2041.65875 +2025-03-10 12:26:49,116 - INFO - CLOSED short at 2072.15 | PnL: 0.03% | $-0.27 +2025-03-10 12:26:49,539 - INFO - OPENED LONG at 2068.32 | Stop loss: 2057.9784 | Take profit: 2099.3448 +2025-03-10 12:26:49,587 - INFO - CLOSED long at 2067.0 | PnL: -0.06% | $-0.62 +2025-03-10 12:26:49,588 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3349999999996 | Take profit: 2035.995 +2025-03-10 12:26:49,639 - INFO - CLOSED short at 2067.79 | PnL: -0.04% | $-0.52 +2025-03-10 12:26:49,749 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.134 | Take profit: 2035.7980000000002 +2025-03-10 12:26:50,032 - INFO - CLOSED short at 2068.58 | PnL: -0.09% | $-0.69 +2025-03-10 12:26:50,033 - INFO - OPENED LONG at 2068.58 | Stop loss: 2058.2371 | Take profit: 2099.6086999999998 +2025-03-10 12:26:50,249 - INFO - CLOSED long at 2067.59 | PnL: -0.05% | $-0.55 +2025-03-10 12:26:50,296 - INFO - OPENED LONG at 2069.2 | Stop loss: 2058.854 | Take profit: 2100.238 +2025-03-10 12:26:50,462 - INFO - CLOSED long at 2070.7 | PnL: 0.07% | $-0.10 +2025-03-10 12:26:50,463 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0534999999995 | Take profit: 2039.6394999999998 +2025-03-10 12:26:50,904 - INFO - CLOSED short at 2066.4 | PnL: 0.21% | $0.39 +2025-03-10 12:26:50,905 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.068 | Take profit: 2097.3959999999997 +2025-03-10 12:26:51,552 - INFO - CLOSED long at 2066.15 | PnL: -0.01% | $-0.41 +2025-03-10 12:26:51,553 - INFO - OPENED SHORT at 2066.15 | Stop loss: 2076.4807499999997 | Take profit: 2035.15775 +2025-03-10 12:26:51,915 - INFO - CLOSED short at 2063.59 | PnL: 0.12% | $0.09 +2025-03-10 12:26:52,684 - INFO - OPENED SHORT at 2060.65 | Stop loss: 2070.95325 | Take profit: 2029.74025 +2025-03-10 12:26:53,017 - INFO - CLOSED short at 2062.61 | PnL: -0.10% | $-0.72 +2025-03-10 12:26:53,018 - INFO - OPENED LONG at 2062.61 | Stop loss: 2052.29695 | Take profit: 2093.54915 +2025-03-10 12:26:53,302 - INFO - CLOSED long at 2064.1 | PnL: 0.07% | $-0.10 +2025-03-10 12:26:53,302 - INFO - OPENED SHORT at 2064.1 | Stop loss: 2074.4204999999997 | Take profit: 2033.1384999999998 +2025-03-10 12:26:53,960 - INFO - CLOSED short at 2061.09 | PnL: 0.15% | $0.17 +2025-03-10 12:26:54,378 - INFO - OPENED SHORT at 2058.28 | Stop loss: 2068.5714 | Take profit: 2027.4058000000002 +2025-03-10 12:26:54,889 - INFO - CLOSED short at 2061.6 | PnL: -0.16% | $-0.95 +2025-03-10 12:26:55,319 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6616499999996 | Take profit: 2035.33505 +2025-03-10 12:26:55,372 - INFO - CLOSED short at 2066.34 | PnL: -0.00% | $-0.36 +2025-03-10 12:26:55,373 - INFO - OPENED LONG at 2066.34 | Stop loss: 2056.0083 | Take profit: 2097.3351 +2025-03-10 12:26:55,422 - INFO - CLOSED long at 2066.79 | PnL: 0.02% | $-0.28 +2025-03-10 12:26:55,423 - INFO - OPENED SHORT at 2066.79 | Stop loss: 2077.1239499999997 | Take profit: 2035.7881499999999 +2025-03-10 12:26:55,472 - INFO - CLOSED short at 2067.33 | PnL: -0.03% | $-0.45 +2025-03-10 12:26:55,473 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.9933499999997 | Take profit: 2098.3399499999996 +2025-03-10 12:26:55,687 - INFO - CLOSED long at 2072.0 | PnL: 0.23% | $0.45 +2025-03-10 12:26:57,638 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.93295 | Take profit: 2037.5611500000002 +2025-03-10 12:26:57,905 - INFO - CLOSED short at 2069.69 | PnL: -0.05% | $-0.55 +2025-03-10 12:26:57,906 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.34155 | Take profit: 2100.73535 +2025-03-10 12:26:58,012 - INFO - CLOSED long at 2070.8 | PnL: 0.05% | $-0.17 +2025-03-10 12:26:58,462 - INFO - OPENED SHORT at 2071.61 | Stop loss: 2081.96805 | Take profit: 2040.5358500000002 +2025-03-10 12:26:59,007 - INFO - CLOSED short at 2074.0 | PnL: -0.12% | $-0.77 +2025-03-10 12:26:59,009 - INFO - OPENED LONG at 2074.0 | Stop loss: 2063.63 | Take profit: 2105.1099999999997 +2025-03-10 12:26:59,114 - INFO - CLOSED long at 2069.97 | PnL: -0.19% | $-1.04 +2025-03-10 12:26:59,115 - INFO - OPENED SHORT at 2069.97 | Stop loss: 2080.3198499999994 | Take profit: 2038.9204499999998 +2025-03-10 12:26:59,387 - INFO - CLOSED short at 2066.89 | PnL: 0.15% | $0.17 +2025-03-10 12:27:00,041 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.42045 | Take profit: 2035.0986500000001 +2025-03-10 12:27:01,011 - INFO - CLOSED short at 2049.5 | PnL: 0.80% | $2.45 +2025-03-10 12:27:01,507 - INFO - OPENED SHORT at 2062.43 | Stop loss: 2072.7421499999996 | Take profit: 2031.49355 +2025-03-10 12:27:01,669 - INFO - CLOSED short at 2068.33 | PnL: -0.29% | $-1.38 +2025-03-10 12:27:01,670 - INFO - OPENED LONG at 2068.33 | Stop loss: 2057.98835 | Take profit: 2099.35495 +2025-03-10 12:27:02,339 - INFO - CLOSED long at 2069.81 | PnL: 0.07% | $-0.10 +2025-03-10 12:27:02,340 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.1590499999998 | Take profit: 2038.7628499999998 +2025-03-10 12:27:02,394 - INFO - CLOSED short at 2070.41 | PnL: -0.03% | $-0.45 +2025-03-10 12:27:02,396 - INFO - OPENED LONG at 2070.41 | Stop loss: 2060.05795 | Take profit: 2101.4661499999997 +2025-03-10 12:27:02,914 - INFO - CLOSED long at 2090.49 | PnL: 0.97% | $3.05 +2025-03-10 12:27:02,959 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.5350999999996 | Take profit: 2071.4746999999998 +2025-03-10 12:27:03,016 - INFO - STOP LOSS hit for short at 2113.5350999999996 | PnL: -0.50% | $-2.18 +2025-03-10 12:27:03,331 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0065 | Take profit: 2109.1805 +2025-03-10 12:27:03,382 - INFO - CLOSED short at 2142.68 | PnL: -0.06% | $-0.58 +2025-03-10 12:27:03,383 - INFO - OPENED LONG at 2142.68 | Stop loss: 2131.9665999999997 | Take profit: 2174.8201999999997 +2025-03-10 12:27:03,551 - INFO - STOP LOSS hit for long at 2131.9665999999997 | PnL: -0.50% | $-2.11 +2025-03-10 12:27:03,940 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.793 | Take profit: 2153.221 +2025-03-10 12:27:04,044 - INFO - CLOSED long at 2119.14 | PnL: -0.11% | $-0.71 +2025-03-10 12:27:04,045 - INFO - OPENED SHORT at 2119.14 | Stop loss: 2129.7356999999997 | Take profit: 2087.3529 +2025-03-10 12:27:04,385 - INFO - CLOSED short at 2112.09 | PnL: 0.33% | $0.79 +2025-03-10 12:27:04,385 - INFO - OPENED LONG at 2112.09 | Stop loss: 2101.52955 | Take profit: 2143.77135 +2025-03-10 12:27:05,080 - INFO - STOP LOSS hit for long at 2101.52955 | PnL: -0.50% | $-2.06 +2025-03-10 12:27:05,705 - INFO - OPENED SHORT at 2100.74 | Stop loss: 2111.2436999999995 | Take profit: 2069.2288999999996 +2025-03-10 12:27:05,801 - INFO - CLOSED short at 2104.68 | PnL: -0.19% | $-0.96 +2025-03-10 12:27:06,014 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.8819499999995 | Take profit: 2066.91415 +2025-03-10 12:27:06,504 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 16.7% in downtrends | Avg Win=$0.67, Avg Loss=$-0.75 +2025-03-10 12:27:06,505 - INFO - Episode 14: Reward=207.71, Balance=$82.92, Win Rate=46.9%, Trades=49, Episode PnL=$-6.58, Total PnL=$-407.09, Max Drawdown=18.2%, Pred Accuracy=99.9% +2025-03-10 12:27:06,546 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:27:06,877 - INFO - OPENED SHORT at 2056.0 | Stop loss: 2066.2799999999997 | Take profit: 2025.16 +2025-03-10 12:27:06,936 - INFO - CLOSED short at 2055.31 | PnL: 0.03% | $-0.27 +2025-03-10 12:27:06,936 - INFO - OPENED LONG at 2055.31 | Stop loss: 2045.03345 | Take profit: 2086.1396499999996 +2025-03-10 12:27:07,381 - INFO - CLOSED long at 2066.35 | PnL: 0.54% | $1.74 +2025-03-10 12:27:07,383 - INFO - OPENED SHORT at 2066.35 | Stop loss: 2076.6817499999997 | Take profit: 2035.35475 +2025-03-10 12:27:07,495 - INFO - CLOSED short at 2062.83 | PnL: 0.17% | $0.29 +2025-03-10 12:27:07,652 - INFO - OPENED LONG at 2062.75 | Stop loss: 2052.43625 | Take profit: 2093.69125 +2025-03-10 12:27:07,810 - INFO - CLOSED long at 2062.5 | PnL: -0.01% | $-0.46 +2025-03-10 12:27:07,810 - INFO - OPENED SHORT at 2062.5 | Stop loss: 2072.8125 | Take profit: 2031.5625 +2025-03-10 12:27:08,660 - INFO - CLOSED short at 2055.39 | PnL: 0.34% | $0.99 +2025-03-10 12:27:08,662 - INFO - OPENED LONG at 2055.39 | Stop loss: 2045.11305 | Take profit: 2086.2208499999997 +2025-03-10 12:27:08,913 - INFO - CLOSED long at 2053.1 | PnL: -0.11% | $-0.87 +2025-03-10 12:27:08,914 - INFO - OPENED SHORT at 2053.1 | Stop loss: 2063.3655 | Take profit: 2022.3035 +2025-03-10 12:27:08,962 - INFO - CLOSED short at 2052.25 | PnL: 0.04% | $-0.24 +2025-03-10 12:27:09,166 - INFO - OPENED LONG at 2050.2 | Stop loss: 2039.9489999999998 | Take profit: 2080.9529999999995 +2025-03-10 12:27:09,806 - INFO - CLOSED long at 2045.79 | PnL: -0.22% | $-1.28 +2025-03-10 12:27:10,218 - INFO - OPENED SHORT at 2053.26 | Stop loss: 2063.5263 | Take profit: 2022.4611000000002 +2025-03-10 12:27:10,320 - INFO - CLOSED short at 2052.3 | PnL: 0.05% | $-0.21 +2025-03-10 12:27:10,321 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.0385 | Take profit: 2083.0845 +2025-03-10 12:27:10,373 - INFO - CLOSED long at 2055.69 | PnL: 0.17% | $0.26 +2025-03-10 12:27:10,374 - INFO - OPENED SHORT at 2055.69 | Stop loss: 2065.96845 | Take profit: 2024.85465 +2025-03-10 12:27:11,159 - INFO - CLOSED short at 2060.0 | PnL: -0.21% | $-1.24 +2025-03-10 12:27:11,479 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.6005499999999 | Take profit: 2088.7583499999996 +2025-03-10 12:27:11,755 - INFO - CLOSED long at 2064.32 | PnL: 0.31% | $0.84 +2025-03-10 12:27:11,804 - INFO - OPENED SHORT at 2065.86 | Stop loss: 2076.1893 | Take profit: 2034.8721 +2025-03-10 12:27:12,682 - INFO - CLOSED short at 2072.91 | PnL: -0.34% | $-1.76 +2025-03-10 12:27:13,214 - INFO - OPENED LONG at 2067.2 | Stop loss: 2056.864 | Take profit: 2098.2079999999996 +2025-03-10 12:27:13,435 - INFO - CLOSED long at 2069.34 | PnL: 0.10% | $0.01 +2025-03-10 12:27:13,436 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.6866999999997 | Take profit: 2038.2999000000002 +2025-03-10 12:27:13,542 - INFO - CLOSED short at 2068.8 | PnL: 0.03% | $-0.29 +2025-03-10 12:27:13,709 - INFO - OPENED LONG at 2069.01 | Stop loss: 2058.6649500000003 | Take profit: 2100.04515 +2025-03-10 12:27:13,936 - INFO - CLOSED long at 2066.29 | PnL: -0.13% | $-0.90 +2025-03-10 12:27:13,937 - INFO - OPENED SHORT at 2066.29 | Stop loss: 2076.6214499999996 | Take profit: 2035.29565 +2025-03-10 12:27:13,989 - INFO - CLOSED short at 2065.08 | PnL: 0.06% | $-0.16 +2025-03-10 12:27:13,990 - INFO - OPENED LONG at 2065.08 | Stop loss: 2054.7545999999998 | Take profit: 2096.0561999999995 +2025-03-10 12:27:14,045 - INFO - CLOSED long at 2066.18 | PnL: 0.05% | $-0.18 +2025-03-10 12:27:14,697 - INFO - OPENED SHORT at 2073.11 | Stop loss: 2083.47555 | Take profit: 2042.0133500000002 +2025-03-10 12:27:14,999 - INFO - CLOSED short at 2070.4 | PnL: 0.13% | $0.12 +2025-03-10 12:27:15,157 - INFO - OPENED SHORT at 2069.35 | Stop loss: 2079.6967499999996 | Take profit: 2038.30975 +2025-03-10 12:27:15,644 - INFO - CLOSED short at 2067.89 | PnL: 0.07% | $-0.11 +2025-03-10 12:27:15,644 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.55055 | Take profit: 2098.9083499999997 +2025-03-10 12:27:16,195 - INFO - CLOSED long at 2070.73 | PnL: 0.14% | $0.14 +2025-03-10 12:27:16,196 - INFO - OPENED SHORT at 2070.73 | Stop loss: 2081.0836499999996 | Take profit: 2039.66905 +2025-03-10 12:27:16,447 - INFO - CLOSED short at 2067.86 | PnL: 0.14% | $0.15 +2025-03-10 12:27:16,448 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.5207 | Take profit: 2098.8779 +2025-03-10 12:27:16,506 - INFO - CLOSED long at 2066.4 | PnL: -0.07% | $-0.66 +2025-03-10 12:27:17,854 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.75955 | Take profit: 2097.08135 +2025-03-10 12:27:17,909 - INFO - CLOSED long at 2064.45 | PnL: -0.08% | $-0.69 +2025-03-10 12:27:17,910 - INFO - OPENED SHORT at 2064.45 | Stop loss: 2074.7722499999995 | Take profit: 2033.4832499999998 +2025-03-10 12:27:18,272 - INFO - CLOSED short at 2060.9 | PnL: 0.17% | $0.27 +2025-03-10 12:27:19,117 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.70695 | Take profit: 2032.43915 +2025-03-10 12:27:19,216 - INFO - CLOSED short at 2065.89 | PnL: -0.12% | $-0.84 +2025-03-10 12:27:19,217 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.5605499999997 | Take profit: 2096.8783499999995 +2025-03-10 12:27:19,728 - INFO - CLOSED long at 2059.16 | PnL: -0.33% | $-1.61 +2025-03-10 12:27:19,893 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.6602 | Take profit: 2090.8594 +2025-03-10 12:27:20,529 - INFO - CLOSED long at 2061.66 | PnL: 0.08% | $-0.07 +2025-03-10 12:27:20,636 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.292 | Take profit: 2092.524 +2025-03-10 12:27:20,944 - INFO - CLOSED long at 2063.9 | PnL: 0.11% | $0.04 +2025-03-10 12:27:20,944 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.2194999999997 | Take profit: 2032.9415000000001 +2025-03-10 12:27:21,511 - INFO - STOP LOSS hit for short at 2074.2194999999997 | PnL: -0.50% | $-2.23 +2025-03-10 12:27:22,139 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.34155 | Take profit: 2100.73535 +2025-03-10 12:27:22,791 - INFO - CLOSED long at 2065.7 | PnL: -0.19% | $-1.06 +2025-03-10 12:27:22,791 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0284999999994 | Take profit: 2034.7144999999998 +2025-03-10 12:27:23,591 - INFO - CLOSED short at 2066.5 | PnL: -0.04% | $-0.50 +2025-03-10 12:27:23,904 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.34155 | Take profit: 2100.73535 +2025-03-10 12:27:24,415 - INFO - CLOSED long at 2069.78 | PnL: 0.00% | $-0.34 +2025-03-10 12:27:24,416 - INFO - OPENED SHORT at 2069.78 | Stop loss: 2080.1289 | Take profit: 2038.7333 +2025-03-10 12:27:24,533 - INFO - CLOSED short at 2074.37 | PnL: -0.22% | $-1.14 +2025-03-10 12:27:24,534 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.99815 | Take profit: 2105.48555 +2025-03-10 12:27:24,813 - INFO - CLOSED long at 2075.32 | PnL: 0.05% | $-0.19 +2025-03-10 12:27:24,814 - INFO - OPENED SHORT at 2075.32 | Stop loss: 2085.6965999999998 | Take profit: 2044.1902000000002 +2025-03-10 12:27:24,866 - INFO - CLOSED short at 2075.29 | PnL: 0.00% | $-0.35 +2025-03-10 12:27:26,774 - INFO - OPENED SHORT at 2060.2 | Stop loss: 2070.5009999999997 | Take profit: 2029.2969999999998 +2025-03-10 12:27:26,838 - INFO - CLOSED short at 2059.2 | PnL: 0.05% | $-0.18 +2025-03-10 12:27:26,838 - INFO - OPENED LONG at 2059.2 | Stop loss: 2048.904 | Take profit: 2090.0879999999997 +2025-03-10 12:27:27,408 - INFO - CLOSED long at 2057.11 | PnL: -0.10% | $-0.70 +2025-03-10 12:27:27,409 - INFO - OPENED SHORT at 2057.11 | Stop loss: 2067.3955499999997 | Take profit: 2026.2533500000002 +2025-03-10 12:27:27,819 - INFO - CLOSED short at 2065.12 | PnL: -0.39% | $-1.69 +2025-03-10 12:27:27,820 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.7943999999998 | Take profit: 2096.0968 +2025-03-10 12:27:28,098 - INFO - CLOSED long at 2061.21 | PnL: -0.19% | $-0.98 +2025-03-10 12:27:28,099 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.5160499999997 | Take profit: 2030.29185 +2025-03-10 12:27:28,211 - INFO - CLOSED short at 2060.7 | PnL: 0.02% | $-0.25 +2025-03-10 12:27:28,212 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3965 | Take profit: 2091.6105 +2025-03-10 12:27:29,007 - INFO - CLOSED long at 2074.9 | PnL: 0.69% | $1.97 +2025-03-10 12:27:29,616 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.2779499999997 | Take profit: 2105.52615 +2025-03-10 12:27:30,320 - INFO - CLOSED short at 2119.93 | PnL: 0.83% | $2.48 +2025-03-10 12:27:30,321 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3303499999997 | Take profit: 2151.7289499999997 +2025-03-10 12:27:30,669 - INFO - STOP LOSS hit for long at 2109.3303499999997 | PnL: -0.50% | $-2.11 +2025-03-10 12:27:31,116 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.20595 | Take profit: 2152.6221499999997 +2025-03-10 12:27:31,335 - INFO - CLOSED long at 2108.71 | PnL: -0.57% | $-2.30 +2025-03-10 12:27:31,456 - INFO - OPENED SHORT at 2108.06 | Stop loss: 2118.6002999999996 | Take profit: 2076.4391 +2025-03-10 12:27:31,680 - INFO - CLOSED short at 2099.53 | PnL: 0.40% | $1.02 +2025-03-10 12:27:31,732 - INFO - OPENED LONG at 2098.1 | Stop loss: 2087.6095 | Take profit: 2129.5714999999996 +2025-03-10 12:27:31,784 - INFO - CLOSED long at 2102.19 | PnL: 0.19% | $0.32 +2025-03-10 12:27:32,070 - INFO - OPENED LONG at 2104.83 | Stop loss: 2094.3058499999997 | Take profit: 2136.4024499999996 +2025-03-10 12:27:32,644 - INFO - STOP LOSS hit for long at 2094.3058499999997 | PnL: -0.50% | $-2.04 +2025-03-10 12:27:32,694 - INFO - OPENED SHORT at 2093.33 | Stop loss: 2103.7966499999998 | Take profit: 2061.93005 +2025-03-10 12:27:33,015 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 20.0% in downtrends | Avg Win=$0.71, Avg Loss=$-0.85 +2025-03-10 12:27:33,017 - INFO - Episode 15: Reward=206.91, Balance=$82.76, Win Rate=58.3%, Trades=48, Episode PnL=$-12.01, Total PnL=$-424.33, Max Drawdown=18.7%, Pred Accuracy=99.8% +2025-03-10 12:27:33,059 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:27:33,591 - INFO - OPENED LONG at 2062.9 | Stop loss: 2052.5855 | Take profit: 2093.8435 +2025-03-10 12:27:33,983 - INFO - CLOSED long at 2064.21 | PnL: 0.06% | $-0.15 +2025-03-10 12:27:33,984 - INFO - OPENED SHORT at 2064.21 | Stop loss: 2074.5310499999996 | Take profit: 2033.24685 +2025-03-10 12:27:35,337 - INFO - CLOSED short at 2058.59 | PnL: 0.27% | $0.69 +2025-03-10 12:27:35,503 - INFO - OPENED SHORT at 2053.56 | Stop loss: 2063.8277999999996 | Take profit: 2022.7566 +2025-03-10 12:27:35,775 - INFO - CLOSED short at 2052.25 | PnL: 0.06% | $-0.15 +2025-03-10 12:27:36,420 - INFO - OPENED LONG at 2047.4 | Stop loss: 2037.163 | Take profit: 2078.111 +2025-03-10 12:27:36,740 - INFO - CLOSED long at 2047.59 | PnL: 0.01% | $-0.36 +2025-03-10 12:27:36,742 - INFO - OPENED SHORT at 2047.59 | Stop loss: 2057.82795 | Take profit: 2016.8761499999998 +2025-03-10 12:27:36,791 - INFO - CLOSED short at 2048.51 | PnL: -0.04% | $-0.58 +2025-03-10 12:27:36,843 - INFO - OPENED LONG at 2050.0 | Stop loss: 2039.75 | Take profit: 2080.75 +2025-03-10 12:27:37,283 - INFO - CLOSED long at 2057.01 | PnL: 0.34% | $0.96 +2025-03-10 12:27:37,285 - INFO - OPENED SHORT at 2057.01 | Stop loss: 2067.29505 | Take profit: 2026.1548500000001 +2025-03-10 12:27:37,526 - INFO - CLOSED short at 2059.7 | PnL: -0.13% | $-0.93 +2025-03-10 12:27:37,679 - INFO - OPENED SHORT at 2064.61 | Stop loss: 2074.93305 | Take profit: 2033.64085 +2025-03-10 12:27:38,607 - INFO - CLOSED short at 2061.18 | PnL: 0.17% | $0.26 +2025-03-10 12:27:38,607 - INFO - OPENED LONG at 2061.18 | Stop loss: 2050.8741 | Take profit: 2092.0977 +2025-03-10 12:27:39,447 - INFO - CLOSED long at 2073.73 | PnL: 0.61% | $2.03 +2025-03-10 12:27:39,619 - INFO - OPENED SHORT at 2072.33 | Stop loss: 2082.6916499999998 | Take profit: 2041.24505 +2025-03-10 12:27:40,351 - INFO - CLOSED short at 2069.34 | PnL: 0.14% | $0.18 +2025-03-10 12:27:40,406 - INFO - OPENED LONG at 2069.19 | Stop loss: 2058.84405 | Take profit: 2100.2278499999998 +2025-03-10 12:27:40,718 - INFO - CLOSED long at 2065.99 | PnL: -0.15% | $-1.04 +2025-03-10 12:27:41,033 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.5555 | Take profit: 2099.9335 +2025-03-10 12:27:41,231 - INFO - CLOSED long at 2070.4 | PnL: 0.07% | $-0.11 +2025-03-10 12:27:41,232 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.752 | Take profit: 2039.344 +2025-03-10 12:27:41,916 - INFO - CLOSED short at 2071.11 | PnL: -0.03% | $-0.54 +2025-03-10 12:27:42,234 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.7972999999997 | Take profit: 2036.4481 +2025-03-10 12:27:42,398 - INFO - CLOSED short at 2063.61 | PnL: 0.19% | $0.35 +2025-03-10 12:27:43,213 - INFO - OPENED LONG at 2070.73 | Stop loss: 2060.37635 | Take profit: 2101.7909499999996 +2025-03-10 12:27:43,329 - INFO - CLOSED long at 2068.69 | PnL: -0.10% | $-0.80 +2025-03-10 12:27:43,330 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.03345 | Take profit: 2037.65965 +2025-03-10 12:27:43,388 - INFO - CLOSED short at 2067.84 | PnL: 0.04% | $-0.24 +2025-03-10 12:27:43,988 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.01845 | Take profit: 2034.7046500000001 +2025-03-10 12:27:44,266 - INFO - CLOSED short at 2065.26 | PnL: 0.02% | $-0.32 +2025-03-10 12:27:44,267 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9337 | Take profit: 2096.2389 +2025-03-10 12:27:44,314 - INFO - CLOSED long at 2062.89 | PnL: -0.11% | $-0.85 +2025-03-10 12:27:44,315 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2044499999997 | Take profit: 2031.9466499999999 +2025-03-10 12:27:44,699 - INFO - CLOSED short at 2066.24 | PnL: -0.16% | $-1.03 +2025-03-10 12:27:44,744 - INFO - OPENED SHORT at 2067.1 | Stop loss: 2077.4354999999996 | Take profit: 2036.0935 +2025-03-10 12:27:44,896 - INFO - CLOSED short at 2064.45 | PnL: 0.13% | $0.11 +2025-03-10 12:27:44,897 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.1277499999997 | Take profit: 2095.4167499999994 +2025-03-10 12:27:45,590 - INFO - CLOSED long at 2061.8 | PnL: -0.13% | $-0.89 +2025-03-10 12:27:45,646 - INFO - OPENED SHORT at 2064.7 | Stop loss: 2075.0235 | Take profit: 2033.7294999999997 +2025-03-10 12:27:46,027 - INFO - CLOSED short at 2065.36 | PnL: -0.03% | $-0.51 +2025-03-10 12:27:46,028 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.0332000000003 | Take profit: 2096.3404 +2025-03-10 12:27:46,363 - INFO - CLOSED long at 2063.0 | PnL: -0.11% | $-0.82 +2025-03-10 12:27:46,416 - INFO - OPENED LONG at 2062.6 | Stop loss: 2052.287 | Take profit: 2093.5389999999998 +2025-03-10 12:27:46,937 - INFO - CLOSED long at 2059.46 | PnL: -0.15% | $-0.96 +2025-03-10 12:27:48,442 - INFO - OPENED SHORT at 2067.01 | Stop loss: 2077.34505 | Take profit: 2036.0048500000003 +2025-03-10 12:27:48,773 - INFO - STOP LOSS hit for short at 2077.34505 | PnL: -0.50% | $-2.26 +2025-03-10 12:27:49,175 - INFO - OPENED LONG at 2070.0 | Stop loss: 2059.65 | Take profit: 2101.0499999999997 +2025-03-10 12:27:50,299 - INFO - CLOSED long at 2065.5 | PnL: -0.22% | $-1.17 +2025-03-10 12:27:50,570 - INFO - OPENED LONG at 2066.5 | Stop loss: 2056.1675 | Take profit: 2097.4975 +2025-03-10 12:27:50,782 - INFO - CLOSED long at 2071.35 | PnL: 0.23% | $0.49 +2025-03-10 12:27:50,782 - INFO - OPENED SHORT at 2071.35 | Stop loss: 2081.70675 | Take profit: 2040.27975 +2025-03-10 12:27:50,946 - INFO - CLOSED short at 2070.7 | PnL: 0.03% | $-0.25 +2025-03-10 12:27:51,637 - INFO - OPENED SHORT at 2073.27 | Stop loss: 2083.6363499999998 | Take profit: 2042.17095 +2025-03-10 12:27:52,045 - INFO - CLOSED short at 2069.97 | PnL: 0.16% | $0.22 +2025-03-10 12:27:52,616 - INFO - OPENED SHORT at 2070.1 | Stop loss: 2080.4504999999995 | Take profit: 2039.0484999999999 +2025-03-10 12:27:53,262 - INFO - CLOSED short at 2064.11 | PnL: 0.29% | $0.69 +2025-03-10 12:27:53,485 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:27:54,300 - INFO - CLOSED short at 2063.9 | PnL: -0.16% | $-0.94 +2025-03-10 12:27:54,301 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5805 | Take profit: 2094.8585 +2025-03-10 12:27:54,897 - INFO - CLOSED long at 2060.7 | PnL: -0.16% | $-0.93 +2025-03-10 12:27:54,898 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:27:54,951 - INFO - CLOSED short at 2061.84 | PnL: -0.06% | $-0.56 +2025-03-10 12:27:54,952 - INFO - OPENED LONG at 2061.84 | Stop loss: 2051.5308 | Take profit: 2092.7676 +2025-03-10 12:27:55,729 - INFO - CLOSED long at 2076.08 | PnL: 0.69% | $2.12 +2025-03-10 12:27:56,516 - INFO - OPENED SHORT at 2134.78 | Stop loss: 2145.4539 | Take profit: 2102.7583 +2025-03-10 12:27:57,194 - INFO - CLOSED short at 2119.14 | PnL: 0.73% | $2.32 +2025-03-10 12:27:57,194 - INFO - OPENED LONG at 2119.14 | Stop loss: 2108.5443 | Take profit: 2150.9271 +2025-03-10 12:27:57,379 - INFO - STOP LOSS hit for long at 2108.5443 | PnL: -0.50% | $-2.26 +2025-03-10 12:27:57,869 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.20595 | Take profit: 2152.6221499999997 +2025-03-10 12:27:58,119 - INFO - STOP LOSS hit for long at 2110.20595 | PnL: -0.50% | $-2.20 +2025-03-10 12:27:58,348 - INFO - OPENED SHORT at 2100.5 | Stop loss: 2111.0024999999996 | Take profit: 2068.9925 +2025-03-10 12:27:58,776 - INFO - CLOSED short at 2100.69 | PnL: -0.01% | $-0.39 +2025-03-10 12:27:59,041 - INFO - OPENED LONG at 2104.68 | Stop loss: 2094.1566 | Take profit: 2136.2501999999995 +2025-03-10 12:27:59,376 - INFO - STOP LOSS hit for long at 2094.1566 | PnL: -0.50% | $-2.14 +2025-03-10 12:27:59,759 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 27.3% in downtrends | Avg Win=$0.87, Avg Loss=$-0.87 +2025-03-10 12:27:59,760 - INFO - Episode 16: Reward=214.64, Balance=$87.04, Win Rate=48.7%, Trades=39, Episode PnL=$-11.58, Total PnL=$-437.30, Max Drawdown=14.6%, Pred Accuracy=99.9% +2025-03-10 12:27:59,926 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:27:59,965 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:28:00,290 - INFO - OPENED SHORT at 2056.0 | Stop loss: 2066.2799999999997 | Take profit: 2025.16 +2025-03-10 12:28:00,394 - INFO - CLOSED short at 2059.23 | PnL: -0.16% | $-1.03 +2025-03-10 12:28:00,395 - INFO - OPENED LONG at 2059.23 | Stop loss: 2048.93385 | Take profit: 2090.11845 +2025-03-10 12:28:00,449 - INFO - CLOSED long at 2062.9 | PnL: 0.18% | $0.31 +2025-03-10 12:28:00,606 - INFO - OPENED LONG at 2065.64 | Stop loss: 2055.3118 | Take profit: 2096.6245999999996 +2025-03-10 12:28:00,914 - INFO - CLOSED long at 2061.01 | PnL: -0.22% | $-1.29 +2025-03-10 12:28:00,915 - INFO - OPENED SHORT at 2061.01 | Stop loss: 2071.31505 | Take profit: 2030.0948500000002 +2025-03-10 12:28:01,107 - INFO - CLOSED short at 2062.28 | PnL: -0.06% | $-0.63 +2025-03-10 12:28:01,156 - INFO - OPENED LONG at 2062.5 | Stop loss: 2052.1875 | Take profit: 2093.4375 +2025-03-10 12:28:01,937 - INFO - CLOSED long at 2056.4 | PnL: -0.30% | $-1.54 +2025-03-10 12:28:01,938 - INFO - OPENED SHORT at 2056.4 | Stop loss: 2066.682 | Take profit: 2025.554 +2025-03-10 12:28:01,987 - INFO - CLOSED short at 2055.39 | PnL: 0.05% | $-0.20 +2025-03-10 12:28:01,988 - INFO - OPENED LONG at 2055.39 | Stop loss: 2045.11305 | Take profit: 2086.2208499999997 +2025-03-10 12:28:02,506 - INFO - CLOSED long at 2050.2 | PnL: -0.25% | $-1.35 +2025-03-10 12:28:02,506 - INFO - OPENED SHORT at 2050.2 | Stop loss: 2060.4509999999996 | Take profit: 2019.447 +2025-03-10 12:28:02,647 - INFO - CLOSED short at 2049.61 | PnL: 0.03% | $-0.27 +2025-03-10 12:28:03,032 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.76005 | Take profit: 2076.67985 +2025-03-10 12:28:03,448 - INFO - CLOSED long at 2051.11 | PnL: 0.25% | $0.56 +2025-03-10 12:28:04,664 - INFO - OPENED LONG at 2057.8 | Stop loss: 2047.5110000000002 | Take profit: 2088.667 +2025-03-10 12:28:04,924 - INFO - CLOSED long at 2061.18 | PnL: 0.16% | $0.24 +2025-03-10 12:28:05,458 - INFO - OPENED LONG at 2068.65 | Stop loss: 2058.30675 | Take profit: 2099.67975 +2025-03-10 12:28:05,667 - INFO - CLOSED long at 2070.26 | PnL: 0.08% | $-0.08 +2025-03-10 12:28:05,668 - INFO - OPENED SHORT at 2070.26 | Stop loss: 2080.6113 | Take profit: 2039.2061 +2025-03-10 12:28:06,275 - INFO - CLOSED short at 2070.28 | PnL: -0.00% | $-0.38 +2025-03-10 12:28:06,276 - INFO - OPENED LONG at 2070.28 | Stop loss: 2059.9286 | Take profit: 2101.3342 +2025-03-10 12:28:06,641 - INFO - CLOSED long at 2069.19 | PnL: -0.05% | $-0.58 +2025-03-10 12:28:07,269 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.2445 | Take profit: 2037.8665 +2025-03-10 12:28:07,363 - INFO - CLOSED short at 2068.59 | PnL: 0.01% | $-0.32 +2025-03-10 12:28:07,364 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.24705 | Take profit: 2099.61885 +2025-03-10 12:28:07,518 - INFO - CLOSED long at 2069.96 | PnL: 0.07% | $-0.13 +2025-03-10 12:28:07,518 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.3098 | Take profit: 2038.9106 +2025-03-10 12:28:07,565 - INFO - CLOSED short at 2071.4 | PnL: -0.07% | $-0.63 +2025-03-10 12:28:07,961 - INFO - OPENED SHORT at 2073.9 | Stop loss: 2084.2695 | Take profit: 2042.7915 +2025-03-10 12:28:08,737 - INFO - CLOSED short at 2067.89 | PnL: 0.29% | $0.70 +2025-03-10 12:28:08,890 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9933 | Take profit: 2100.3801 +2025-03-10 12:28:09,171 - INFO - CLOSED long at 2071.59 | PnL: 0.11% | $0.03 +2025-03-10 12:28:09,264 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0480000000002 | Take profit: 2101.4559999999997 +2025-03-10 12:28:09,412 - INFO - CLOSED long at 2068.69 | PnL: -0.08% | $-0.68 +2025-03-10 12:28:09,562 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.1992999999998 | Take profit: 2036.8421 +2025-03-10 12:28:10,193 - INFO - CLOSED short at 2066.15 | PnL: 0.08% | $-0.06 +2025-03-10 12:28:10,193 - INFO - OPENED LONG at 2066.15 | Stop loss: 2055.81925 | Take profit: 2097.14225 +2025-03-10 12:28:10,818 - INFO - CLOSED long at 2066.09 | PnL: -0.00% | $-0.38 +2025-03-10 12:28:10,819 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.42045 | Take profit: 2035.0986500000001 +2025-03-10 12:28:12,138 - INFO - CLOSED short at 2063.53 | PnL: 0.12% | $0.09 +2025-03-10 12:28:12,138 - INFO - OPENED LONG at 2063.53 | Stop loss: 2053.2123500000002 | Take profit: 2094.48295 +2025-03-10 12:28:13,156 - INFO - CLOSED long at 2059.8 | PnL: -0.18% | $-1.04 +2025-03-10 12:28:13,157 - INFO - OPENED SHORT at 2059.8 | Stop loss: 2070.099 | Take profit: 2028.9030000000002 +2025-03-10 12:28:13,454 - INFO - CLOSED short at 2063.4 | PnL: -0.17% | $-1.00 +2025-03-10 12:28:13,455 - INFO - OPENED LONG at 2063.4 | Stop loss: 2053.083 | Take profit: 2094.351 +2025-03-10 12:28:13,661 - INFO - CLOSED long at 2064.49 | PnL: 0.05% | $-0.17 +2025-03-10 12:28:13,860 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.6666499999997 | Take profit: 2036.3200499999998 +2025-03-10 12:28:14,051 - INFO - CLOSED short at 2072.0 | PnL: -0.23% | $-1.18 +2025-03-10 12:28:14,448 - INFO - OPENED SHORT at 2073.23 | Stop loss: 2083.59615 | Take profit: 2042.13155 +2025-03-10 12:28:14,845 - INFO - CLOSED short at 2072.99 | PnL: 0.01% | $-0.31 +2025-03-10 12:28:14,845 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6250499999996 | Take profit: 2104.0848499999997 +2025-03-10 12:28:15,138 - INFO - CLOSED long at 2065.66 | PnL: -0.35% | $-1.61 +2025-03-10 12:28:15,139 - INFO - OPENED SHORT at 2065.66 | Stop loss: 2075.9882999999995 | Take profit: 2034.6751 +2025-03-10 12:28:15,185 - INFO - CLOSED short at 2063.95 | PnL: 0.08% | $-0.06 +2025-03-10 12:28:15,187 - INFO - OPENED LONG at 2063.95 | Stop loss: 2053.6302499999997 | Take profit: 2094.9092499999997 +2025-03-10 12:28:15,342 - INFO - CLOSED long at 2065.3 | PnL: 0.07% | $-0.12 +2025-03-10 12:28:15,342 - INFO - OPENED SHORT at 2065.3 | Stop loss: 2075.6265 | Take profit: 2034.3205 +2025-03-10 12:28:15,714 - INFO - CLOSED short at 2066.8 | PnL: -0.07% | $-0.60 +2025-03-10 12:28:16,184 - INFO - OPENED SHORT at 2070.8 | Stop loss: 2081.154 | Take profit: 2039.738 +2025-03-10 12:28:16,695 - INFO - CLOSED short at 2075.07 | PnL: -0.21% | $-1.06 +2025-03-10 12:28:17,150 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.72955 | Take profit: 2103.17135 +2025-03-10 12:28:17,680 - INFO - CLOSED long at 2069.0 | PnL: -0.15% | $-0.85 +2025-03-10 12:28:17,729 - INFO - OPENED LONG at 2070.19 | Stop loss: 2059.83905 | Take profit: 2101.2428499999996 +2025-03-10 12:28:18,131 - INFO - CLOSED long at 2063.39 | PnL: -0.33% | $-1.45 +2025-03-10 12:28:18,748 - INFO - OPENED LONG at 2058.09 | Stop loss: 2047.7995500000002 | Take profit: 2088.96135 +2025-03-10 12:28:18,892 - INFO - CLOSED long at 2053.01 | PnL: -0.25% | $-1.15 +2025-03-10 12:28:18,892 - INFO - OPENED SHORT at 2053.01 | Stop loss: 2063.27505 | Take profit: 2022.2148500000003 +2025-03-10 12:28:19,352 - INFO - STOP LOSS hit for short at 2063.27505 | PnL: -0.50% | $-1.96 +2025-03-10 12:28:20,066 - INFO - OPENED LONG at 2065.72 | Stop loss: 2055.3914 | Take profit: 2096.7057999999997 +2025-03-10 12:28:20,881 - INFO - TAKE PROFIT hit for long at 2096.7057999999997 | PnL: 1.50% | $4.47 +2025-03-10 12:28:21,213 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0065 | Take profit: 2109.1805 +2025-03-10 12:28:21,415 - INFO - CLOSED short at 2126.99 | PnL: 0.67% | $1.92 +2025-03-10 12:28:21,415 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.3550499999997 | Take profit: 2158.8948499999997 +2025-03-10 12:28:21,675 - INFO - CLOSED long at 2117.24 | PnL: -0.46% | $-1.93 +2025-03-10 12:28:21,675 - INFO - OPENED SHORT at 2117.24 | Stop loss: 2127.8261999999995 | Take profit: 2085.4813999999997 +2025-03-10 12:28:22,303 - INFO - CLOSED short at 2112.46 | PnL: 0.23% | $0.42 +2025-03-10 12:28:22,304 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.8977 | Take profit: 2144.1468999999997 +2025-03-10 12:28:22,902 - INFO - STOP LOSS hit for long at 2101.8977 | PnL: -0.50% | $-2.03 +2025-03-10 12:28:23,467 - INFO - OPENED SHORT at 2100.74 | Stop loss: 2111.2436999999995 | Take profit: 2069.2288999999996 +2025-03-10 12:28:23,616 - INFO - CLOSED short at 2101.51 | PnL: -0.04% | $-0.45 +2025-03-10 12:28:23,665 - INFO - OPENED SHORT at 2099.59 | Stop loss: 2110.08795 | Take profit: 2068.0961500000003 +2025-03-10 12:28:23,713 - INFO - CLOSED short at 2100.02 | PnL: -0.02% | $-0.40 +2025-03-10 12:28:24,225 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 28.6% in downtrends | Avg Win=$0.97, Avg Loss=$-0.79 +2025-03-10 12:28:24,225 - INFO - Episode 17: Reward=198.38, Balance=$81.84, Win Rate=44.2%, Trades=43, Episode PnL=$-6.61, Total PnL=$-455.46, Max Drawdown=20.2%, Pred Accuracy=99.8% +2025-03-10 12:28:24,261 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:28:24,576 - INFO - OPENED SHORT at 2056.0 | Stop loss: 2066.2799999999997 | Take profit: 2025.16 +2025-03-10 12:28:24,626 - INFO - CLOSED short at 2055.31 | PnL: 0.03% | $-0.27 +2025-03-10 12:28:24,627 - INFO - OPENED LONG at 2055.31 | Stop loss: 2045.03345 | Take profit: 2086.1396499999996 +2025-03-10 12:28:25,548 - INFO - CLOSED long at 2059.03 | PnL: 0.18% | $0.32 +2025-03-10 12:28:25,967 - INFO - OPENED SHORT at 2057.99 | Stop loss: 2068.2799499999996 | Take profit: 2027.1201499999997 +2025-03-10 12:28:26,484 - INFO - CLOSED short at 2053.1 | PnL: 0.24% | $0.55 +2025-03-10 12:28:26,485 - INFO - OPENED LONG at 2053.1 | Stop loss: 2042.8345 | Take profit: 2083.8965 +2025-03-10 12:28:27,119 - INFO - CLOSED long at 2047.4 | PnL: -0.28% | $-1.52 +2025-03-10 12:28:27,323 - INFO - OPENED SHORT at 2045.79 | Stop loss: 2056.0189499999997 | Take profit: 2015.10315 +2025-03-10 12:28:27,529 - INFO - CLOSED short at 2050.0 | PnL: -0.21% | $-1.21 +2025-03-10 12:28:27,680 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.85445 | Take profit: 2081.87665 +2025-03-10 12:28:28,067 - INFO - CLOSED long at 2060.13 | PnL: 0.44% | $1.33 +2025-03-10 12:28:28,381 - INFO - OPENED SHORT at 2061.61 | Stop loss: 2071.9180499999998 | Take profit: 2030.68585 +2025-03-10 12:28:29,138 - INFO - CLOSED short at 2061.18 | PnL: 0.02% | $-0.31 +2025-03-10 12:28:29,139 - INFO - OPENED LONG at 2061.18 | Stop loss: 2050.8741 | Take profit: 2092.0977 +2025-03-10 12:28:29,287 - INFO - CLOSED long at 2070.58 | PnL: 0.46% | $1.41 +2025-03-10 12:28:29,988 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.2745499999996 | Take profit: 2041.8163499999998 +2025-03-10 12:28:30,038 - INFO - CLOSED short at 2072.33 | PnL: 0.03% | $-0.29 +2025-03-10 12:28:30,039 - INFO - OPENED LONG at 2072.33 | Stop loss: 2061.96835 | Take profit: 2103.41495 +2025-03-10 12:28:30,900 - INFO - CLOSED long at 2067.51 | PnL: -0.23% | $-1.33 +2025-03-10 12:28:31,150 - INFO - OPENED LONG at 2066.29 | Stop loss: 2055.95855 | Take profit: 2097.28435 +2025-03-10 12:28:32,146 - INFO - CLOSED long at 2070.4 | PnL: 0.20% | $0.39 +2025-03-10 12:28:32,147 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.752 | Take profit: 2039.344 +2025-03-10 12:28:32,194 - INFO - CLOSED short at 2071.11 | PnL: -0.03% | $-0.53 +2025-03-10 12:28:32,195 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.75445 | Take profit: 2102.17665 +2025-03-10 12:28:32,339 - INFO - CLOSED long at 2068.32 | PnL: -0.13% | $-0.93 +2025-03-10 12:28:32,339 - INFO - OPENED SHORT at 2068.32 | Stop loss: 2078.6616 | Take profit: 2037.2952 +2025-03-10 12:28:33,536 - INFO - CLOSED short at 2067.86 | PnL: 0.02% | $-0.30 +2025-03-10 12:28:33,741 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.0580499999996 | Take profit: 2097.3858499999997 +2025-03-10 12:28:33,981 - INFO - CLOSED long at 2065.69 | PnL: -0.03% | $-0.52 +2025-03-10 12:28:34,512 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9935 | Take profit: 2092.2195 +2025-03-10 12:28:35,167 - INFO - CLOSED long at 2063.5 | PnL: 0.11% | $0.03 +2025-03-10 12:28:35,167 - INFO - OPENED SHORT at 2063.5 | Stop loss: 2073.8174999999997 | Take profit: 2032.5475 +2025-03-10 12:28:35,877 - INFO - CLOSED short at 2064.1 | PnL: -0.03% | $-0.50 +2025-03-10 12:28:35,878 - INFO - OPENED LONG at 2064.1 | Stop loss: 2053.7795 | Take profit: 2095.0615 +2025-03-10 12:28:35,976 - INFO - CLOSED long at 2064.33 | PnL: 0.01% | $-0.34 +2025-03-10 12:28:35,976 - INFO - OPENED SHORT at 2064.33 | Stop loss: 2074.65165 | Take profit: 2033.3650499999999 +2025-03-10 12:28:36,627 - INFO - CLOSED short at 2059.02 | PnL: 0.26% | $0.60 +2025-03-10 12:28:36,681 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.1844499999997 | Take profit: 2028.0066499999998 +2025-03-10 12:28:36,727 - INFO - CLOSED short at 2059.96 | PnL: -0.05% | $-0.59 +2025-03-10 12:28:36,823 - INFO - OPENED SHORT at 2057.4 | Stop loss: 2067.687 | Take profit: 2026.539 +2025-03-10 12:28:36,970 - INFO - CLOSED short at 2055.6 | PnL: 0.09% | $-0.05 +2025-03-10 12:28:37,071 - INFO - OPENED LONG at 2054.83 | Stop loss: 2044.55585 | Take profit: 2085.6524499999996 +2025-03-10 12:28:37,178 - INFO - CLOSED long at 2058.15 | PnL: 0.16% | $0.24 +2025-03-10 12:28:37,178 - INFO - OPENED SHORT at 2058.15 | Stop loss: 2068.4407499999998 | Take profit: 2027.27775 +2025-03-10 12:28:37,537 - INFO - CLOSED short at 2063.4 | PnL: -0.26% | $-1.37 +2025-03-10 12:28:38,107 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.44105 | Take profit: 2100.8368499999997 +2025-03-10 12:28:38,260 - INFO - CLOSED long at 2078.01 | PnL: 0.40% | $1.13 +2025-03-10 12:28:38,624 - INFO - OPENED LONG at 2070.0 | Stop loss: 2059.65 | Take profit: 2101.0499999999997 +2025-03-10 12:28:39,832 - INFO - CLOSED long at 2066.5 | PnL: -0.17% | $-1.03 +2025-03-10 12:28:39,832 - INFO - OPENED SHORT at 2066.5 | Stop loss: 2076.8325 | Take profit: 2035.5025 +2025-03-10 12:28:40,712 - INFO - CLOSED short at 2074.37 | PnL: -0.38% | $-1.83 +2025-03-10 12:28:42,683 - INFO - OPENED SHORT at 2060.2 | Stop loss: 2070.5009999999997 | Take profit: 2029.2969999999998 +2025-03-10 12:28:43,576 - INFO - CLOSED short at 2065.12 | PnL: -0.24% | $-1.26 +2025-03-10 12:28:43,577 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.7943999999998 | Take profit: 2096.0968 +2025-03-10 12:28:44,839 - INFO - CLOSED long at 2103.02 | PnL: 1.84% | $6.37 +2025-03-10 12:28:44,840 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.5350999999996 | Take profit: 2071.4746999999998 +2025-03-10 12:28:44,889 - INFO - STOP LOSS hit for short at 2113.5350999999996 | PnL: -0.50% | $-2.36 +2025-03-10 12:28:45,077 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.2779499999997 | Take profit: 2105.52615 +2025-03-10 12:28:45,328 - INFO - CLOSED short at 2134.78 | PnL: 0.13% | $0.12 +2025-03-10 12:28:45,329 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.1061 | Take profit: 2166.8017 +2025-03-10 12:28:45,545 - INFO - STOP LOSS hit for long at 2124.1061 | PnL: -0.50% | $-2.30 +2025-03-10 12:28:46,141 - INFO - OPENED LONG at 2112.95 | Stop loss: 2102.38525 | Take profit: 2144.64425 +2025-03-10 12:28:46,708 - INFO - STOP LOSS hit for long at 2102.38525 | PnL: -0.50% | $-2.25 +2025-03-10 12:28:47,256 - INFO - OPENED SHORT at 2100.74 | Stop loss: 2111.2436999999995 | Take profit: 2069.2288999999996 +2025-03-10 12:28:47,691 - INFO - CLOSED short at 2093.46 | PnL: 0.35% | $0.90 +2025-03-10 12:28:47,855 - INFO - OPENED SHORT at 2091.1 | Stop loss: 2101.5554999999995 | Take profit: 2059.7335 +2025-03-10 12:28:47,903 - INFO - CLOSED short at 2094.72 | PnL: -0.17% | $-1.01 +2025-03-10 12:28:47,904 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.2464 | Take profit: 2126.1407999999997 +2025-03-10 12:28:48,060 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 16.7% in downtrends | Avg Win=$1.12, Avg Loss=$-1.00 +2025-03-10 12:28:48,062 - INFO - Episode 18: Reward=218.68, Balance=$91.30, Win Rate=52.9%, Trades=34, Episode PnL=$-9.93, Total PnL=$-464.16, Max Drawdown=8.9%, Pred Accuracy=99.9% +2025-03-10 12:28:48,221 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:28:48,254 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:28:49,340 - INFO - OPENED LONG at 2062.75 | Stop loss: 2052.43625 | Take profit: 2093.69125 +2025-03-10 12:28:49,844 - INFO - CLOSED long at 2060.1 | PnL: -0.13% | $-0.91 +2025-03-10 12:28:50,260 - INFO - OPENED LONG at 2058.51 | Stop loss: 2048.21745 | Take profit: 2089.38765 +2025-03-10 12:28:51,353 - INFO - STOP LOSS hit for long at 2048.21745 | PnL: -0.50% | $-2.38 +2025-03-10 12:28:53,205 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2044499999997 | Take profit: 2031.9466499999999 +2025-03-10 12:28:53,694 - INFO - CLOSED short at 2064.32 | PnL: -0.07% | $-0.65 +2025-03-10 12:28:53,913 - INFO - OPENED LONG at 2068.29 | Stop loss: 2057.94855 | Take profit: 2099.3143499999996 +2025-03-10 12:28:54,258 - INFO - CLOSED long at 2068.99 | PnL: 0.03% | $-0.25 +2025-03-10 12:28:54,485 - INFO - OPENED SHORT at 2071.44 | Stop loss: 2081.7972 | Take profit: 2040.3684 +2025-03-10 12:28:54,643 - INFO - CLOSED short at 2072.91 | PnL: -0.07% | $-0.66 +2025-03-10 12:28:54,644 - INFO - OPENED LONG at 2072.91 | Stop loss: 2062.5454499999996 | Take profit: 2104.0036499999997 +2025-03-10 12:28:55,673 - INFO - CLOSED long at 2066.39 | PnL: -0.31% | $-1.58 +2025-03-10 12:28:55,822 - INFO - OPENED SHORT at 2066.29 | Stop loss: 2076.6214499999996 | Take profit: 2035.29565 +2025-03-10 12:28:56,069 - INFO - CLOSED short at 2068.51 | PnL: -0.11% | $-0.78 +2025-03-10 12:28:56,070 - INFO - OPENED LONG at 2068.51 | Stop loss: 2058.1674500000004 | Take profit: 2099.53765 +2025-03-10 12:28:56,275 - INFO - CLOSED long at 2069.96 | PnL: 0.07% | $-0.11 +2025-03-10 12:28:56,275 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.3098 | Take profit: 2038.9106 +2025-03-10 12:28:56,994 - INFO - CLOSED short at 2069.35 | PnL: 0.03% | $-0.26 +2025-03-10 12:28:56,995 - INFO - OPENED LONG at 2069.35 | Stop loss: 2059.0032499999998 | Take profit: 2100.39025 +2025-03-10 12:28:59,027 - INFO - CLOSED long at 2066.15 | PnL: -0.15% | $-0.94 +2025-03-10 12:28:59,027 - INFO - OPENED SHORT at 2066.15 | Stop loss: 2076.4807499999997 | Take profit: 2035.15775 +2025-03-10 12:28:59,294 - INFO - CLOSED short at 2059.59 | PnL: 0.32% | $0.80 +2025-03-10 12:28:59,565 - INFO - OPENED LONG at 2067.1 | Stop loss: 2056.7644999999998 | Take profit: 2098.1065 +2025-03-10 12:29:00,022 - INFO - CLOSED long at 2061.6 | PnL: -0.27% | $-1.35 +2025-03-10 12:29:00,023 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.908 | Take profit: 2030.676 +2025-03-10 12:29:01,765 - INFO - CLOSED short at 2059.96 | PnL: 0.08% | $-0.07 +2025-03-10 12:29:01,766 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.6602 | Take profit: 2090.8594 +2025-03-10 12:29:02,207 - INFO - CLOSED long at 2056.71 | PnL: -0.16% | $-0.94 +2025-03-10 12:29:02,208 - INFO - OPENED SHORT at 2056.71 | Stop loss: 2066.9935499999997 | Take profit: 2025.85935 +2025-03-10 12:29:02,374 - INFO - CLOSED short at 2061.66 | PnL: -0.24% | $-1.23 +2025-03-10 12:29:02,533 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9935 | Take profit: 2092.2195 +2025-03-10 12:29:03,553 - INFO - CLOSED long at 2078.01 | PnL: 0.81% | $2.52 +2025-03-10 12:29:03,554 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.40005 | Take profit: 2046.8398500000003 +2025-03-10 12:29:03,646 - INFO - CLOSED short at 2072.6 | PnL: 0.26% | $0.58 +2025-03-10 12:29:03,835 - INFO - OPENED SHORT at 2073.23 | Stop loss: 2083.59615 | Take profit: 2042.13155 +2025-03-10 12:29:04,312 - INFO - CLOSED short at 2069.87 | PnL: 0.16% | $0.23 +2025-03-10 12:29:04,318 - INFO - OPENED LONG at 2069.87 | Stop loss: 2059.52065 | Take profit: 2100.9180499999998 +2025-03-10 12:29:05,726 - INFO - CLOSED long at 2071.99 | PnL: 0.10% | $0.01 +2025-03-10 12:29:05,727 - INFO - OPENED SHORT at 2071.99 | Stop loss: 2082.3499499999994 | Take profit: 2040.9101499999997 +2025-03-10 12:29:07,307 - INFO - CLOSED short at 2065.7 | PnL: 0.30% | $0.75 +2025-03-10 12:29:07,309 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3714999999997 | Take profit: 2096.6854999999996 +2025-03-10 12:29:07,411 - INFO - CLOSED long at 2065.07 | PnL: -0.03% | $-0.48 +2025-03-10 12:29:07,411 - INFO - OPENED SHORT at 2065.07 | Stop loss: 2075.39535 | Take profit: 2034.0939500000002 +2025-03-10 12:29:07,636 - INFO - CLOSED short at 2063.98 | PnL: 0.05% | $-0.17 +2025-03-10 12:29:08,790 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.1441499999996 | Take profit: 2031.88755 +2025-03-10 12:29:08,832 - INFO - CLOSED short at 2063.9 | PnL: -0.05% | $-0.56 +2025-03-10 12:29:08,832 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5805 | Take profit: 2094.8585 +2025-03-10 12:29:09,063 - INFO - CLOSED long at 2068.33 | PnL: 0.21% | $0.42 +2025-03-10 12:29:09,064 - INFO - OPENED SHORT at 2068.33 | Stop loss: 2078.6716499999998 | Take profit: 2037.30505 +2025-03-10 12:29:09,506 - INFO - CLOSED short at 2065.72 | PnL: 0.13% | $0.10 +2025-03-10 12:29:09,508 - INFO - OPENED LONG at 2065.72 | Stop loss: 2055.3914 | Take profit: 2096.7057999999997 +2025-03-10 12:29:10,310 - INFO - TAKE PROFIT hit for long at 2096.7057999999997 | PnL: 1.50% | $5.16 +2025-03-10 12:29:10,995 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.6954499999997 | Take profit: 2089.27365 +2025-03-10 12:29:11,145 - INFO - CLOSED short at 2119.93 | PnL: 0.05% | $-0.18 +2025-03-10 12:29:11,146 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3303499999997 | Take profit: 2151.7289499999997 +2025-03-10 12:29:11,469 - INFO - STOP LOSS hit for long at 2109.3303499999997 | PnL: -0.50% | $-2.33 +2025-03-10 12:29:11,965 - INFO - OPENED SHORT at 2114.8 | Stop loss: 2125.374 | Take profit: 2083.078 +2025-03-10 12:29:12,908 - INFO - CLOSED short at 2104.68 | PnL: 0.48% | $1.43 +2025-03-10 12:29:12,909 - INFO - OPENED LONG at 2104.68 | Stop loss: 2094.1566 | Take profit: 2136.2501999999995 +2025-03-10 12:29:13,173 - INFO - CLOSED long at 2095.29 | PnL: -0.45% | $-2.10 +2025-03-10 12:29:13,602 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 38.5% in downtrends | Avg Win=$1.20, Avg Loss=$-0.90 +2025-03-10 12:29:13,603 - INFO - Episode 19: Reward=217.85, Balance=$94.06, Win Rate=53.3%, Trades=30, Episode PnL=$-5.07, Total PnL=$-470.10, Max Drawdown=11.3%, Pred Accuracy=99.9% +2025-03-10 12:29:13,762 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:29:13,800 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:29:15,241 - INFO - OPENED LONG at 2057.59 | Stop loss: 2047.3020500000002 | Take profit: 2088.45385 +2025-03-10 12:29:15,491 - INFO - CLOSED long at 2060.51 | PnL: 0.14% | $0.17 +2025-03-10 12:29:16,036 - INFO - OPENED SHORT at 2055.39 | Stop loss: 2065.66695 | Take profit: 2024.5591499999998 +2025-03-10 12:29:16,086 - INFO - CLOSED short at 2053.56 | PnL: 0.09% | $-0.04 +2025-03-10 12:29:16,086 - INFO - OPENED LONG at 2053.56 | Stop loss: 2043.2921999999999 | Take profit: 2084.3633999999997 +2025-03-10 12:29:16,905 - INFO - CLOSED long at 2047.39 | PnL: -0.30% | $-1.60 +2025-03-10 12:29:17,202 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.2199499999997 | Take profit: 2015.30015 +2025-03-10 12:29:17,943 - INFO - STOP LOSS hit for short at 2056.2199499999997 | PnL: -0.50% | $-2.36 +2025-03-10 12:29:19,233 - INFO - OPENED SHORT at 2064.32 | Stop loss: 2074.6416 | Take profit: 2033.3552000000002 +2025-03-10 12:29:19,581 - INFO - CLOSED short at 2070.99 | PnL: -0.32% | $-1.63 +2025-03-10 12:29:19,726 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.6450499999996 | Take profit: 2100.02485 +2025-03-10 12:29:19,968 - INFO - CLOSED long at 2073.73 | PnL: 0.23% | $0.49 +2025-03-10 12:29:20,525 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.3601 | Take profit: 2036.9996999999998 +2025-03-10 12:29:20,573 - INFO - CLOSED short at 2067.2 | PnL: 0.04% | $-0.23 +2025-03-10 12:29:20,573 - INFO - OPENED LONG at 2067.2 | Stop loss: 2056.864 | Take profit: 2098.2079999999996 +2025-03-10 12:29:20,770 - INFO - CLOSED long at 2069.34 | PnL: 0.10% | $0.01 +2025-03-10 12:29:20,771 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.6866999999997 | Take profit: 2038.2999000000002 +2025-03-10 12:29:20,917 - INFO - CLOSED short at 2067.6 | PnL: 0.08% | $-0.06 +2025-03-10 12:29:21,763 - INFO - OPENED SHORT at 2071.39 | Stop loss: 2081.7469499999997 | Take profit: 2040.3191499999998 +2025-03-10 12:29:21,963 - INFO - CLOSED short at 2072.7 | PnL: -0.06% | $-0.62 +2025-03-10 12:29:22,501 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.665 | Take profit: 2098.0049999999997 +2025-03-10 12:29:22,823 - INFO - CLOSED long at 2065.26 | PnL: -0.08% | $-0.69 +2025-03-10 12:29:22,824 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.5863 | Take profit: 2034.2811000000002 +2025-03-10 12:29:24,034 - INFO - CLOSED short at 2070.04 | PnL: -0.23% | $-1.24 +2025-03-10 12:29:24,821 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.5711999999994 | Take profit: 2035.2463999999998 +2025-03-10 12:29:25,114 - INFO - CLOSED short at 2062.71 | PnL: 0.17% | $0.26 +2025-03-10 12:29:26,991 - INFO - OPENED SHORT at 2058.28 | Stop loss: 2068.5714 | Take profit: 2027.4058000000002 +2025-03-10 12:29:27,368 - INFO - CLOSED short at 2061.66 | PnL: -0.16% | $-0.98 +2025-03-10 12:29:27,369 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.3516999999997 | Take profit: 2092.5849 +2025-03-10 12:29:28,237 - INFO - CLOSED long at 2072.0 | PnL: 0.50% | $1.47 +2025-03-10 12:29:28,238 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3599999999997 | Take profit: 2040.92 +2025-03-10 12:29:29,638 - INFO - CLOSED short at 2064.4 | PnL: 0.37% | $0.99 +2025-03-10 12:29:29,639 - INFO - OPENED LONG at 2064.4 | Stop loss: 2054.078 | Take profit: 2095.366 +2025-03-10 12:29:30,133 - INFO - CLOSED long at 2070.2 | PnL: 0.28% | $0.68 +2025-03-10 12:29:30,340 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3464999999997 | Take profit: 2101.7604999999994 +2025-03-10 12:29:31,436 - INFO - CLOSED long at 2067.7 | PnL: -0.14% | $-0.93 +2025-03-10 12:29:31,437 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.0384999999997 | Take profit: 2036.6844999999998 +2025-03-10 12:29:31,976 - INFO - CLOSED short at 2070.1 | PnL: -0.12% | $-0.81 +2025-03-10 12:29:31,977 - INFO - OPENED LONG at 2070.1 | Stop loss: 2059.7495 | Take profit: 2101.1514999999995 +2025-03-10 12:29:32,277 - INFO - CLOSED long at 2066.09 | PnL: -0.19% | $-1.09 +2025-03-10 12:29:32,278 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.42045 | Take profit: 2035.0986500000001 +2025-03-10 12:29:32,827 - INFO - CLOSED short at 2060.2 | PnL: 0.29% | $0.68 +2025-03-10 12:29:33,615 - INFO - OPENED SHORT at 2062.43 | Stop loss: 2072.7421499999996 | Take profit: 2031.49355 +2025-03-10 12:29:33,923 - INFO - CLOSED short at 2064.08 | PnL: -0.08% | $-0.67 +2025-03-10 12:29:34,379 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9933 | Take profit: 2100.3801 +2025-03-10 12:29:34,585 - INFO - CLOSED long at 2074.05 | PnL: 0.23% | $0.47 +2025-03-10 12:29:34,585 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.42025 | Take profit: 2042.9392500000001 +2025-03-10 12:29:34,791 - INFO - CLOSED short at 2074.9 | PnL: -0.04% | $-0.52 +2025-03-10 12:29:35,189 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.1211000000003 | Take profit: 2163.7567 +2025-03-10 12:29:35,234 - INFO - CLOSED long at 2133.95 | PnL: 0.10% | $0.01 +2025-03-10 12:29:35,771 - INFO - OPENED LONG at 2121.09 | Stop loss: 2110.48455 | Take profit: 2152.9063499999997 +2025-03-10 12:29:35,984 - INFO - CLOSED long at 2121.4 | PnL: 0.01% | $-0.31 +2025-03-10 12:29:36,654 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.20595 | Take profit: 2152.6221499999997 +2025-03-10 12:29:36,864 - INFO - STOP LOSS hit for long at 2110.20595 | PnL: -0.50% | $-2.19 +2025-03-10 12:29:37,347 - INFO - OPENED LONG at 2099.25 | Stop loss: 2088.75375 | Take profit: 2130.73875 +2025-03-10 12:29:38,306 - INFO - STOP LOSS hit for long at 2088.75375 | PnL: -0.50% | $-2.14 +2025-03-10 12:29:38,362 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 12.5% in downtrends | Avg Win=$0.52, Avg Loss=$-1.01 +2025-03-10 12:29:38,363 - INFO - Episode 20: Reward=220.91, Balance=$87.11, Win Rate=50.0%, Trades=28, Episode PnL=$-11.07, Total PnL=$-483.00, Max Drawdown=13.0%, Pred Accuracy=99.9% +2025-03-10 12:29:38,525 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:29:38,660 - INFO - Model saved to models/trading_agent_episode_20.pt +2025-03-10 12:29:38,684 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:29:39,186 - INFO - OPENED SHORT at 2060.94 | Stop loss: 2071.2446999999997 | Take profit: 2030.0259 +2025-03-10 12:29:41,712 - INFO - CLOSED short at 2047.2 | PnL: 0.67% | $2.27 +2025-03-10 12:29:41,712 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.964 | Take profit: 2077.908 +2025-03-10 12:29:42,022 - INFO - CLOSED long at 2048.51 | PnL: 0.06% | $-0.15 +2025-03-10 12:29:42,023 - INFO - OPENED SHORT at 2048.51 | Stop loss: 2058.75255 | Take profit: 2017.7823500000002 +2025-03-10 12:29:42,627 - INFO - CLOSED short at 2060.13 | PnL: -0.57% | $-2.73 +2025-03-10 12:29:42,629 - INFO - OPENED LONG at 2060.13 | Stop loss: 2049.82935 | Take profit: 2091.03195 +2025-03-10 12:29:43,393 - INFO - CLOSED long at 2059.49 | PnL: -0.03% | $-0.52 +2025-03-10 12:29:43,394 - INFO - OPENED SHORT at 2059.49 | Stop loss: 2069.7874499999994 | Take profit: 2028.5976499999997 +2025-03-10 12:29:43,869 - INFO - STOP LOSS hit for short at 2069.7874499999994 | PnL: -0.50% | $-2.37 +2025-03-10 12:29:43,918 - INFO - OPENED LONG at 2068.11 | Stop loss: 2057.7694500000002 | Take profit: 2099.13165 +2025-03-10 12:29:44,174 - INFO - CLOSED long at 2069.6 | PnL: 0.07% | $-0.11 +2025-03-10 12:29:44,175 - INFO - OPENED SHORT at 2069.6 | Stop loss: 2079.948 | Take profit: 2038.5559999999998 +2025-03-10 12:29:44,673 - INFO - CLOSED short at 2072.33 | PnL: -0.13% | $-0.89 +2025-03-10 12:29:44,864 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.5455 | Take profit: 2101.9635 +2025-03-10 12:29:45,966 - INFO - CLOSED long at 2068.9 | PnL: -0.10% | $-0.75 +2025-03-10 12:29:45,966 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.2445 | Take profit: 2037.8665 +2025-03-10 12:29:46,012 - INFO - CLOSED short at 2068.51 | PnL: 0.02% | $-0.31 +2025-03-10 12:29:46,013 - INFO - OPENED LONG at 2068.51 | Stop loss: 2058.1674500000004 | Take profit: 2099.53765 +2025-03-10 12:29:46,167 - INFO - CLOSED long at 2070.4 | PnL: 0.09% | $-0.03 +2025-03-10 12:29:47,872 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.9479499999998 | Take profit: 2040.5161500000002 +2025-03-10 12:29:48,248 - INFO - CLOSED short at 2067.11 | PnL: 0.22% | $0.44 +2025-03-10 12:29:48,250 - INFO - OPENED LONG at 2067.11 | Stop loss: 2056.7744500000003 | Take profit: 2098.11665 +2025-03-10 12:29:48,926 - INFO - CLOSED long at 2065.83 | PnL: -0.06% | $-0.61 +2025-03-10 12:29:48,927 - INFO - OPENED SHORT at 2065.83 | Stop loss: 2076.1591499999995 | Take profit: 2034.8425499999998 +2025-03-10 12:29:49,078 - INFO - CLOSED short at 2062.89 | PnL: 0.14% | $0.16 +2025-03-10 12:29:49,509 - INFO - OPENED LONG at 2067.1 | Stop loss: 2056.7644999999998 | Take profit: 2098.1065 +2025-03-10 12:29:50,329 - INFO - CLOSED long at 2064.7 | PnL: -0.12% | $-0.82 +2025-03-10 12:29:51,316 - INFO - OPENED SHORT at 2059.61 | Stop loss: 2069.90805 | Take profit: 2028.71585 +2025-03-10 12:29:51,943 - INFO - CLOSED short at 2056.71 | PnL: 0.14% | $0.15 +2025-03-10 12:29:52,423 - INFO - OPENED SHORT at 2066.01 | Stop loss: 2076.34005 | Take profit: 2035.0198500000001 +2025-03-10 12:29:53,029 - INFO - STOP LOSS hit for short at 2076.34005 | PnL: -0.50% | $-2.25 +2025-03-10 12:29:55,750 - INFO - OPENED LONG at 2075.29 | Stop loss: 2064.9135499999998 | Take profit: 2106.4193499999997 +2025-03-10 12:29:55,845 - INFO - CLOSED long at 2075.61 | PnL: 0.02% | $-0.31 +2025-03-10 12:29:55,992 - INFO - OPENED LONG at 2069.97 | Stop loss: 2059.6201499999997 | Take profit: 2101.0195499999995 +2025-03-10 12:29:56,531 - INFO - CLOSED long at 2070.1 | PnL: 0.01% | $-0.34 +2025-03-10 12:29:56,532 - INFO - OPENED SHORT at 2070.1 | Stop loss: 2080.4504999999995 | Take profit: 2039.0484999999999 +2025-03-10 12:29:56,581 - INFO - CLOSED short at 2067.19 | PnL: 0.14% | $0.15 +2025-03-10 12:29:57,395 - INFO - OPENED LONG at 2060.2 | Stop loss: 2049.899 | Take profit: 2091.1029999999996 +2025-03-10 12:29:57,685 - INFO - STOP LOSS hit for long at 2049.899 | PnL: -0.50% | $-2.18 +2025-03-10 12:29:57,731 - INFO - OPENED SHORT at 2049.5 | Stop loss: 2059.7475 | Take profit: 2018.7575 +2025-03-10 12:29:58,046 - INFO - STOP LOSS hit for short at 2059.7475 | PnL: -0.50% | $-2.13 +2025-03-10 12:29:58,520 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4003999999995 | Take profit: 2033.1188 +2025-03-10 12:29:59,380 - INFO - STOP LOSS hit for short at 2074.4003999999995 | PnL: -0.50% | $-2.08 +2025-03-10 12:29:59,486 - INFO - OPENED LONG at 2077.61 | Stop loss: 2067.22195 | Take profit: 2108.7741499999997 +2025-03-10 12:29:59,638 - INFO - CLOSED long at 2103.02 | PnL: 1.22% | $3.80 +2025-03-10 12:29:59,639 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.5350999999996 | Take profit: 2071.4746999999998 +2025-03-10 12:29:59,693 - INFO - STOP LOSS hit for short at 2113.5350999999996 | PnL: -0.50% | $-2.12 +2025-03-10 12:30:00,296 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.04655 | Take profit: 2160.6203499999997 +2025-03-10 12:30:00,450 - INFO - STOP LOSS hit for long at 2118.04655 | PnL: -0.50% | $-2.07 +2025-03-10 12:30:00,659 - INFO - OPENED SHORT at 2119.14 | Stop loss: 2129.7356999999997 | Take profit: 2087.3529 +2025-03-10 12:30:01,542 - INFO - CLOSED short at 2103.33 | PnL: 0.75% | $2.18 +2025-03-10 12:30:01,907 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.7462499999997 | Take profit: 2067.76125 +2025-03-10 12:30:01,956 - INFO - CLOSED short at 2098.9 | PnL: 0.02% | $-0.29 +2025-03-10 12:30:02,919 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 18.2% in downtrends | Avg Win=$1.31, Avg Loss=$-1.15 +2025-03-10 12:30:02,920 - INFO - Episode 21: Reward=220.94, Balance=$86.08, Win Rate=51.9%, Trades=27, Episode PnL=$-14.91, Total PnL=$-496.92, Max Drawdown=15.8%, Pred Accuracy=99.9% +2025-03-10 12:30:03,075 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:30:03,110 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:30:04,391 - INFO - OPENED SHORT at 2057.59 | Stop loss: 2067.87795 | Take profit: 2026.7261500000002 +2025-03-10 12:30:04,443 - INFO - CLOSED short at 2059.03 | PnL: -0.07% | $-0.68 +2025-03-10 12:30:04,549 - INFO - OPENED SHORT at 2060.1 | Stop loss: 2070.4004999999997 | Take profit: 2029.1985 +2025-03-10 12:30:06,389 - INFO - CLOSED short at 2048.51 | PnL: 0.56% | $1.84 +2025-03-10 12:30:06,727 - INFO - OPENED SHORT at 2052.3 | Stop loss: 2062.5615 | Take profit: 2021.5155000000002 +2025-03-10 12:30:06,823 - INFO - CLOSED short at 2057.01 | PnL: -0.23% | $-1.33 +2025-03-10 12:30:06,825 - INFO - OPENED LONG at 2057.01 | Stop loss: 2046.7249500000003 | Take profit: 2087.86515 +2025-03-10 12:30:07,027 - INFO - CLOSED long at 2059.7 | PnL: 0.13% | $0.12 +2025-03-10 12:30:07,028 - INFO - OPENED SHORT at 2059.7 | Stop loss: 2069.9984999999997 | Take profit: 2028.8044999999997 +2025-03-10 12:30:08,188 - INFO - STOP LOSS hit for short at 2069.9984999999997 | PnL: -0.50% | $-2.40 +2025-03-10 12:30:08,549 - INFO - OPENED SHORT at 2068.65 | Stop loss: 2078.99325 | Take profit: 2037.6202500000002 +2025-03-10 12:30:08,597 - INFO - CLOSED short at 2068.99 | PnL: -0.02% | $-0.45 +2025-03-10 12:30:08,598 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.6450499999996 | Take profit: 2100.02485 +2025-03-10 12:30:10,664 - INFO - CLOSED long at 2071.4 | PnL: 0.12% | $0.06 +2025-03-10 12:30:11,377 - INFO - OPENED LONG at 2068.32 | Stop loss: 2057.9784 | Take profit: 2099.3448 +2025-03-10 12:30:11,479 - INFO - CLOSED long at 2067.79 | PnL: -0.03% | $-0.49 +2025-03-10 12:30:11,479 - INFO - OPENED SHORT at 2067.79 | Stop loss: 2078.12895 | Take profit: 2036.77315 +2025-03-10 12:30:12,903 - INFO - CLOSED short at 2070.04 | PnL: -0.11% | $-0.81 +2025-03-10 12:30:13,719 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.5711999999994 | Take profit: 2035.2463999999998 +2025-03-10 12:30:13,913 - INFO - CLOSED short at 2064.45 | PnL: 0.09% | $-0.05 +2025-03-10 12:30:13,914 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.1277499999997 | Take profit: 2095.4167499999994 +2025-03-10 12:30:14,226 - INFO - CLOSED long at 2061.6 | PnL: -0.14% | $-0.91 +2025-03-10 12:30:14,227 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.908 | Take profit: 2030.676 +2025-03-10 12:30:15,785 - INFO - CLOSED short at 2059.96 | PnL: 0.08% | $-0.08 +2025-03-10 12:30:15,786 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.6602 | Take profit: 2090.8594 +2025-03-10 12:30:17,715 - INFO - CLOSED long at 2070.0 | PnL: 0.49% | $1.47 +2025-03-10 12:30:17,716 - INFO - OPENED SHORT at 2070.0 | Stop loss: 2080.35 | Take profit: 2038.95 +2025-03-10 12:30:18,516 - INFO - CLOSED short at 2063.97 | PnL: 0.29% | $0.74 +2025-03-10 12:30:18,517 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.65015 | Take profit: 2094.9295499999994 +2025-03-10 12:30:18,768 - INFO - CLOSED long at 2065.5 | PnL: 0.07% | $-0.10 +2025-03-10 12:30:19,050 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.24705 | Take profit: 2099.61885 +2025-03-10 12:30:19,975 - INFO - CLOSED long at 2074.35 | PnL: 0.28% | $0.69 +2025-03-10 12:30:21,001 - INFO - OPENED LONG at 2070.19 | Stop loss: 2059.83905 | Take profit: 2101.2428499999996 +2025-03-10 12:30:22,003 - INFO - STOP LOSS hit for long at 2059.83905 | PnL: -0.50% | $-2.34 +2025-03-10 12:30:22,199 - INFO - OPENED SHORT at 2053.01 | Stop loss: 2063.27505 | Take profit: 2022.2148500000003 +2025-03-10 12:30:22,677 - INFO - STOP LOSS hit for short at 2063.27505 | PnL: -0.50% | $-2.29 +2025-03-10 12:30:23,034 - INFO - OPENED LONG at 2066.59 | Stop loss: 2056.25705 | Take profit: 2097.58885 +2025-03-10 12:30:24,323 - INFO - TAKE PROFIT hit for long at 2097.58885 | PnL: 1.50% | $5.21 +2025-03-10 12:30:25,357 - INFO - OPENED SHORT at 2119.07 | Stop loss: 2129.6653499999998 | Take profit: 2087.28395 +2025-03-10 12:30:25,406 - INFO - CLOSED short at 2115.28 | PnL: 0.18% | $0.31 +2025-03-10 12:30:25,920 - INFO - OPENED LONG at 2116.48 | Stop loss: 2105.8976 | Take profit: 2148.2272 +2025-03-10 12:30:26,218 - INFO - STOP LOSS hit for long at 2105.8976 | PnL: -0.50% | $-2.36 +2025-03-10 12:30:26,310 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.55 | Take profit: 2121.35 +2025-03-10 12:30:27,247 - INFO - CLOSED long at 2093.46 | PnL: 0.17% | $0.25 +2025-03-10 12:30:27,610 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 20.0% in downtrends | Avg Win=$1.19, Avg Loss=$-1.10 +2025-03-10 12:30:27,612 - INFO - Episode 22: Reward=226.19, Balance=$96.39, Win Rate=54.5%, Trades=22, Episode PnL=$-2.62, Total PnL=$-500.53, Max Drawdown=8.1%, Pred Accuracy=99.9% +2025-03-10 12:30:27,768 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:30:27,906 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:30:27,929 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:30:28,492 - INFO - OPENED SHORT at 2062.5 | Stop loss: 2072.8125 | Take profit: 2031.5625 +2025-03-10 12:30:30,179 - INFO - CLOSED short at 2053.1 | PnL: 0.46% | $1.42 +2025-03-10 12:30:30,274 - INFO - OPENED SHORT at 2050.71 | Stop loss: 2060.96355 | Take profit: 2019.94935 +2025-03-10 12:30:30,941 - INFO - CLOSED short at 2045.99 | PnL: 0.23% | $0.53 +2025-03-10 12:30:31,283 - INFO - OPENED SHORT at 2050.24 | Stop loss: 2060.4911999999995 | Take profit: 2019.4863999999998 +2025-03-10 12:30:31,473 - INFO - CLOSED short at 2051.89 | PnL: -0.08% | $-0.74 +2025-03-10 12:30:31,672 - INFO - OPENED SHORT at 2056.89 | Stop loss: 2067.1744499999995 | Take profit: 2026.0366499999998 +2025-03-10 12:30:31,934 - INFO - CLOSED short at 2063.29 | PnL: -0.31% | $-1.66 +2025-03-10 12:30:31,984 - INFO - OPENED LONG at 2064.61 | Stop loss: 2054.28695 | Take profit: 2095.57915 +2025-03-10 12:30:33,180 - INFO - CLOSED long at 2067.89 | PnL: 0.16% | $0.23 +2025-03-10 12:30:33,181 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:30:33,522 - INFO - CLOSED short at 2067.69 | PnL: 0.01% | $-0.36 +2025-03-10 12:30:33,523 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.35155 | Take profit: 2098.7053499999997 +2025-03-10 12:30:34,084 - INFO - CLOSED long at 2072.8 | PnL: 0.25% | $0.59 +2025-03-10 12:30:34,085 - INFO - OPENED SHORT at 2072.8 | Stop loss: 2083.1639999999998 | Take profit: 2041.708 +2025-03-10 12:30:34,652 - INFO - CLOSED short at 2067.6 | PnL: 0.25% | $0.60 +2025-03-10 12:30:34,653 - INFO - OPENED LONG at 2067.6 | Stop loss: 2057.2619999999997 | Take profit: 2098.6139999999996 +2025-03-10 12:30:35,348 - INFO - CLOSED long at 2070.4 | PnL: 0.14% | $0.14 +2025-03-10 12:30:38,446 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.6352 | Take profit: 2095.9343999999996 +2025-03-10 12:30:39,024 - INFO - CLOSED long at 2060.9 | PnL: -0.20% | $-1.20 +2025-03-10 12:30:39,025 - INFO - OPENED SHORT at 2060.9 | Stop loss: 2071.2045 | Take profit: 2029.9865 +2025-03-10 12:30:39,857 - INFO - CLOSED short at 2065.89 | PnL: -0.24% | $-1.36 +2025-03-10 12:30:39,858 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.5605499999997 | Take profit: 2096.8783499999995 +2025-03-10 12:30:39,958 - INFO - CLOSED long at 2063.0 | PnL: -0.14% | $-0.94 +2025-03-10 12:30:42,371 - INFO - OPENED SHORT at 2068.15 | Stop loss: 2078.49075 | Take profit: 2037.12775 +2025-03-10 12:30:42,523 - INFO - CLOSED short at 2069.03 | PnL: -0.04% | $-0.55 +2025-03-10 12:30:42,524 - INFO - OPENED LONG at 2069.03 | Stop loss: 2058.68485 | Take profit: 2100.06545 +2025-03-10 12:30:43,166 - INFO - CLOSED long at 2065.3 | PnL: -0.18% | $-1.08 +2025-03-10 12:30:43,166 - INFO - OPENED SHORT at 2065.3 | Stop loss: 2075.6265 | Take profit: 2034.3205 +2025-03-10 12:30:43,413 - INFO - CLOSED short at 2065.29 | PnL: 0.00% | $-0.38 +2025-03-10 12:30:43,414 - INFO - OPENED LONG at 2065.29 | Stop loss: 2054.96355 | Take profit: 2096.2693499999996 +2025-03-10 12:30:43,773 - INFO - CLOSED long at 2071.35 | PnL: 0.29% | $0.74 +2025-03-10 12:30:43,774 - INFO - OPENED SHORT at 2071.35 | Stop loss: 2081.70675 | Take profit: 2040.27975 +2025-03-10 12:30:43,873 - INFO - CLOSED short at 2069.69 | PnL: 0.08% | $-0.08 +2025-03-10 12:30:44,121 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.6300499999998 | Take profit: 2103.0698499999994 +2025-03-10 12:30:45,059 - INFO - CLOSED long at 2067.0 | PnL: -0.24% | $-1.31 +2025-03-10 12:30:45,060 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3349999999996 | Take profit: 2035.995 +2025-03-10 12:30:45,211 - INFO - CLOSED short at 2066.89 | PnL: 0.01% | $-0.36 +2025-03-10 12:30:45,212 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.55555 | Take profit: 2097.89335 +2025-03-10 12:30:46,170 - INFO - CLOSED long at 2064.5 | PnL: -0.12% | $-0.81 +2025-03-10 12:30:46,873 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.1342499999996 | Take profit: 2025.99725 +2025-03-10 12:30:47,141 - INFO - CLOSED short at 2065.1 | PnL: -0.40% | $-1.87 +2025-03-10 12:30:47,189 - INFO - OPENED SHORT at 2062.43 | Stop loss: 2072.7421499999996 | Take profit: 2031.49355 +2025-03-10 12:30:47,658 - INFO - CLOSED short at 2060.7 | PnL: 0.08% | $-0.06 +2025-03-10 12:30:47,659 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3965 | Take profit: 2091.6105 +2025-03-10 12:30:48,650 - INFO - TAKE PROFIT hit for long at 2091.6105 | PnL: 1.50% | $5.12 +2025-03-10 12:30:49,312 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.04655 | Take profit: 2160.6203499999997 +2025-03-10 12:30:49,416 - INFO - CLOSED long at 2120.15 | PnL: -0.40% | $-1.94 +2025-03-10 12:30:51,353 - INFO - OPENED LONG at 2101.51 | Stop loss: 2091.0024500000004 | Take profit: 2133.03265 +2025-03-10 12:30:51,811 - INFO - CLOSED long at 2094.72 | PnL: -0.32% | $-1.60 +2025-03-10 12:30:51,911 - INFO - OPENED SHORT at 2088.35 | Stop loss: 2098.79175 | Take profit: 2057.02475 +2025-03-10 12:30:51,958 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 25.0% in downtrends | Avg Win=$1.17, Avg Loss=$-0.96 +2025-03-10 12:30:51,959 - INFO - Episode 23: Reward=215.97, Balance=$93.07, Win Rate=52.0%, Trades=25, Episode PnL=$-2.43, Total PnL=$-507.45, Max Drawdown=10.2%, Pred Accuracy=99.9% +2025-03-10 12:30:52,105 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:30:52,140 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:30:52,735 - INFO - OPENED SHORT at 2065.64 | Stop loss: 2075.9682 | Take profit: 2034.6553999999999 +2025-03-10 12:30:52,777 - INFO - CLOSED short at 2064.51 | PnL: 0.05% | $-0.18 +2025-03-10 12:30:53,500 - INFO - OPENED SHORT at 2060.1 | Stop loss: 2070.4004999999997 | Take profit: 2029.1985 +2025-03-10 12:30:55,042 - INFO - CLOSED short at 2045.99 | PnL: 0.68% | $2.34 +2025-03-10 12:30:55,193 - INFO - OPENED SHORT at 2048.13 | Stop loss: 2058.37065 | Take profit: 2017.40805 +2025-03-10 12:30:55,874 - INFO - STOP LOSS hit for short at 2058.37065 | PnL: -0.50% | $-2.45 +2025-03-10 12:30:56,719 - INFO - OPENED SHORT at 2057.8 | Stop loss: 2068.089 | Take profit: 2026.9330000000002 +2025-03-10 12:30:57,109 - INFO - STOP LOSS hit for short at 2068.089 | PnL: -0.50% | $-2.39 +2025-03-10 12:30:57,203 - INFO - OPENED LONG at 2068.29 | Stop loss: 2057.94855 | Take profit: 2099.3143499999996 +2025-03-10 12:30:58,138 - INFO - CLOSED long at 2070.9 | PnL: 0.13% | $0.10 +2025-03-10 12:30:58,386 - INFO - OPENED LONG at 2067.2 | Stop loss: 2056.864 | Take profit: 2098.2079999999996 +2025-03-10 12:30:58,824 - INFO - CLOSED long at 2069.01 | PnL: 0.09% | $-0.05 +2025-03-10 12:30:59,501 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.3098 | Take profit: 2038.9106 +2025-03-10 12:31:01,164 - INFO - CLOSED short at 2070.4 | PnL: -0.02% | $-0.47 +2025-03-10 12:31:01,164 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0480000000002 | Take profit: 2101.4559999999997 +2025-03-10 12:31:01,352 - INFO - CLOSED long at 2067.84 | PnL: -0.12% | $-0.87 +2025-03-10 12:31:02,209 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2044499999997 | Take profit: 2031.9466499999999 +2025-03-10 12:31:02,512 - INFO - CLOSED short at 2064.96 | PnL: -0.10% | $-0.77 +2025-03-10 12:31:03,051 - INFO - OPENED LONG at 2063.5 | Stop loss: 2053.1825 | Take profit: 2094.4525 +2025-03-10 12:31:03,309 - INFO - CLOSED long at 2059.3 | PnL: -0.20% | $-1.16 +2025-03-10 12:31:03,310 - INFO - OPENED SHORT at 2059.3 | Stop loss: 2069.5965 | Take profit: 2028.4105000000002 +2025-03-10 12:31:03,931 - INFO - CLOSED short at 2064.79 | PnL: -0.27% | $-1.38 +2025-03-10 12:31:05,480 - INFO - OPENED LONG at 2066.01 | Stop loss: 2055.67995 | Take profit: 2097.00015 +2025-03-10 12:31:05,899 - INFO - CLOSED long at 2065.69 | PnL: -0.02% | $-0.43 +2025-03-10 12:31:06,458 - INFO - OPENED SHORT at 2070.0 | Stop loss: 2080.35 | Take profit: 2038.95 +2025-03-10 12:31:06,561 - INFO - CLOSED short at 2068.39 | PnL: 0.08% | $-0.08 +2025-03-10 12:31:06,561 - INFO - OPENED LONG at 2068.39 | Stop loss: 2058.04805 | Take profit: 2099.41585 +2025-03-10 12:31:08,964 - INFO - CLOSED long at 2074.0 | PnL: 0.27% | $0.63 +2025-03-10 12:31:08,965 - INFO - OPENED SHORT at 2074.0 | Stop loss: 2084.37 | Take profit: 2042.8899999999999 +2025-03-10 12:31:09,058 - INFO - CLOSED short at 2069.97 | PnL: 0.19% | $0.35 +2025-03-10 12:31:09,059 - INFO - OPENED LONG at 2069.97 | Stop loss: 2059.6201499999997 | Take profit: 2101.0195499999995 +2025-03-10 12:31:09,196 - INFO - CLOSED long at 2067.9 | PnL: -0.10% | $-0.75 +2025-03-10 12:31:09,197 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2394999999997 | Take profit: 2036.8815 +2025-03-10 12:31:09,584 - INFO - CLOSED short at 2070.1 | PnL: -0.11% | $-0.76 +2025-03-10 12:31:10,461 - INFO - OPENED LONG at 2059.2 | Stop loss: 2048.904 | Take profit: 2090.0879999999997 +2025-03-10 12:31:11,444 - INFO - CLOSED long at 2066.59 | PnL: 0.36% | $0.95 +2025-03-10 12:31:13,224 - INFO - OPENED LONG at 2121.09 | Stop loss: 2110.48455 | Take profit: 2152.9063499999997 +2025-03-10 12:31:13,652 - INFO - STOP LOSS hit for long at 2110.48455 | PnL: -0.50% | $-2.22 +2025-03-10 12:31:14,331 - INFO - OPENED SHORT at 2108.06 | Stop loss: 2118.6002999999996 | Take profit: 2076.4391 +2025-03-10 12:31:14,470 - INFO - CLOSED short at 2090.0 | PnL: 0.86% | $2.74 +2025-03-10 12:31:14,471 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.55 | Take profit: 2121.35 +2025-03-10 12:31:14,806 - INFO - CLOSED long at 2100.69 | PnL: 0.51% | $1.53 +2025-03-10 12:31:14,807 - INFO - OPENED SHORT at 2100.69 | Stop loss: 2111.1934499999998 | Take profit: 2069.17965 +2025-03-10 12:31:15,243 - INFO - CLOSED short at 2098.39 | PnL: 0.11% | $0.04 +2025-03-10 12:31:15,668 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 28.6% in downtrends | Avg Win=$1.08, Avg Loss=$-1.00 +2025-03-10 12:31:15,669 - INFO - Episode 24: Reward=225.39, Balance=$94.71, Win Rate=50.0%, Trades=22, Episode PnL=$-8.08, Total PnL=$-512.74, Max Drawdown=11.5%, Pred Accuracy=99.9% +2025-03-10 12:31:15,703 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:31:16,430 - INFO - OPENED SHORT at 2066.35 | Stop loss: 2076.6817499999997 | Take profit: 2035.35475 +2025-03-10 12:31:17,161 - INFO - CLOSED short at 2057.52 | PnL: 0.43% | $1.31 +2025-03-10 12:31:17,162 - INFO - OPENED LONG at 2057.52 | Stop loss: 2047.2323999999999 | Take profit: 2088.3828 +2025-03-10 12:31:17,417 - INFO - CLOSED long at 2058.51 | PnL: 0.05% | $-0.21 +2025-03-10 12:31:17,418 - INFO - OPENED SHORT at 2058.51 | Stop loss: 2068.80255 | Take profit: 2027.63235 +2025-03-10 12:31:17,625 - INFO - CLOSED short at 2055.39 | PnL: 0.15% | $0.21 +2025-03-10 12:31:18,269 - INFO - OPENED SHORT at 2049.61 | Stop loss: 2059.85805 | Take profit: 2018.8658500000001 +2025-03-10 12:31:19,033 - INFO - CLOSED short at 2051.11 | PnL: -0.07% | $-0.70 +2025-03-10 12:31:19,034 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.85445 | Take profit: 2081.87665 +2025-03-10 12:31:19,370 - INFO - CLOSED long at 2058.39 | PnL: 0.35% | $1.03 +2025-03-10 12:31:19,951 - INFO - OPENED SHORT at 2060.0 | Stop loss: 2070.2999999999997 | Take profit: 2029.1 +2025-03-10 12:31:20,385 - INFO - CLOSED short at 2061.79 | PnL: -0.09% | $-0.76 +2025-03-10 12:31:21,439 - INFO - OPENED LONG at 2071.38 | Stop loss: 2061.0231 | Take profit: 2102.4507 +2025-03-10 12:31:22,481 - INFO - CLOSED long at 2066.19 | PnL: -0.25% | $-1.41 +2025-03-10 12:31:22,483 - INFO - OPENED SHORT at 2066.19 | Stop loss: 2076.5209499999996 | Take profit: 2035.19715 +2025-03-10 12:31:25,096 - INFO - CLOSED short at 2066.39 | PnL: -0.01% | $-0.44 +2025-03-10 12:31:25,097 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.0580499999996 | Take profit: 2097.3858499999997 +2025-03-10 12:31:25,955 - INFO - CLOSED long at 2066.24 | PnL: -0.01% | $-0.42 +2025-03-10 12:31:26,049 - INFO - OPENED SHORT at 2065.54 | Stop loss: 2075.8677 | Take profit: 2034.5569 +2025-03-10 12:31:27,390 - INFO - CLOSED short at 2063.0 | PnL: 0.12% | $0.09 +2025-03-10 12:31:27,578 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3965 | Take profit: 2091.6105 +2025-03-10 12:31:28,248 - INFO - CLOSED long at 2056.71 | PnL: -0.19% | $-1.16 +2025-03-10 12:31:29,511 - INFO - OPENED SHORT at 2070.01 | Stop loss: 2080.36005 | Take profit: 2038.9598500000002 +2025-03-10 12:31:29,653 - INFO - CLOSED short at 2070.0 | PnL: 0.00% | $-0.39 +2025-03-10 12:31:29,654 - INFO - OPENED LONG at 2070.0 | Stop loss: 2059.65 | Take profit: 2101.0499999999997 +2025-03-10 12:31:30,560 - INFO - CLOSED long at 2064.31 | PnL: -0.27% | $-1.46 +2025-03-10 12:31:30,561 - INFO - OPENED SHORT at 2064.31 | Stop loss: 2074.6315499999996 | Take profit: 2033.3453499999998 +2025-03-10 12:31:30,890 - INFO - CLOSED short at 2068.59 | PnL: -0.21% | $-1.18 +2025-03-10 12:31:30,891 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.24705 | Take profit: 2099.61885 +2025-03-10 12:31:31,559 - INFO - CLOSED long at 2069.78 | PnL: 0.06% | $-0.16 +2025-03-10 12:31:32,439 - INFO - OPENED SHORT at 2066.89 | Stop loss: 2077.2244499999997 | Take profit: 2035.88665 +2025-03-10 12:31:32,680 - INFO - CLOSED short at 2070.19 | PnL: -0.16% | $-0.98 +2025-03-10 12:31:32,724 - INFO - OPENED LONG at 2070.1 | Stop loss: 2059.7495 | Take profit: 2101.1514999999995 +2025-03-10 12:31:32,960 - INFO - CLOSED long at 2065.07 | PnL: -0.24% | $-1.28 +2025-03-10 12:31:32,961 - INFO - OPENED SHORT at 2065.07 | Stop loss: 2075.39535 | Take profit: 2034.0939500000002 +2025-03-10 12:31:33,192 - INFO - CLOSED short at 2066.1 | PnL: -0.05% | $-0.55 +2025-03-10 12:31:33,192 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7695 | Take profit: 2097.0914999999995 +2025-03-10 12:31:33,758 - INFO - STOP LOSS hit for long at 2055.7695 | PnL: -0.50% | $-2.20 +2025-03-10 12:31:33,804 - INFO - OPENED SHORT at 2049.21 | Stop loss: 2059.45605 | Take profit: 2018.47185 +2025-03-10 12:31:34,142 - INFO - STOP LOSS hit for short at 2059.45605 | PnL: -0.50% | $-2.14 +2025-03-10 12:31:34,819 - INFO - OPENED LONG at 2062.54 | Stop loss: 2052.2273 | Take profit: 2093.4781 +2025-03-10 12:31:35,441 - INFO - CLOSED long at 2076.08 | PnL: 0.66% | $1.94 +2025-03-10 12:31:35,874 - INFO - OPENED LONG at 2137.59 | Stop loss: 2126.90205 | Take profit: 2169.65385 +2025-03-10 12:31:36,202 - INFO - CLOSED long at 2127.3 | PnL: -0.48% | $-2.07 +2025-03-10 12:31:36,574 - INFO - OPENED LONG at 2119.14 | Stop loss: 2108.5443 | Take profit: 2150.9271 +2025-03-10 12:31:36,617 - INFO - CLOSED long at 2119.07 | PnL: -0.00% | $-0.36 +2025-03-10 12:31:37,331 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.9575499999996 | Take profit: 2138.08735 +2025-03-10 12:31:37,427 - INFO - CLOSED long at 2103.33 | PnL: -0.15% | $-0.87 +2025-03-10 12:31:37,428 - INFO - OPENED SHORT at 2103.33 | Stop loss: 2113.8466499999995 | Take profit: 2071.78005 +2025-03-10 12:31:37,666 - INFO - CLOSED short at 2102.19 | PnL: 0.05% | $-0.16 +2025-03-10 12:31:37,667 - INFO - OPENED LONG at 2102.19 | Stop loss: 2091.67905 | Take profit: 2133.7228499999997 +2025-03-10 12:31:37,864 - INFO - CLOSED long at 2100.69 | PnL: -0.07% | $-0.59 +2025-03-10 12:31:37,865 - INFO - OPENED SHORT at 2100.69 | Stop loss: 2111.1934499999998 | Take profit: 2069.17965 +2025-03-10 12:31:38,352 - INFO - CLOSED short at 2095.29 | PnL: 0.26% | $0.53 +2025-03-10 12:31:38,353 - INFO - OPENED LONG at 2095.29 | Stop loss: 2084.81355 | Take profit: 2126.71935 +2025-03-10 12:31:38,741 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 20.0% in downtrends | Avg Win=$0.85, Avg Loss=$-0.93 +2025-03-10 12:31:38,742 - INFO - Episode 25: Reward=211.93, Balance=$85.62, Win Rate=37.0%, Trades=27, Episode PnL=$-6.99, Total PnL=$-527.12, Max Drawdown=14.7%, Pred Accuracy=99.9% +2025-03-10 12:31:38,779 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:31:39,367 - INFO - OPENED SHORT at 2065.64 | Stop loss: 2075.9682 | Take profit: 2034.6553999999999 +2025-03-10 12:31:40,801 - INFO - CLOSED short at 2051.66 | PnL: 0.68% | $2.31 +2025-03-10 12:31:41,701 - INFO - OPENED SHORT at 2045.79 | Stop loss: 2056.0189499999997 | Take profit: 2015.10315 +2025-03-10 12:31:42,033 - INFO - CLOSED short at 2051.11 | PnL: -0.26% | $-1.47 +2025-03-10 12:31:42,279 - INFO - OPENED SHORT at 2057.01 | Stop loss: 2067.29505 | Take profit: 2026.1548500000001 +2025-03-10 12:31:42,520 - INFO - CLOSED short at 2061.49 | PnL: -0.22% | $-1.28 +2025-03-10 12:31:43,106 - INFO - OPENED LONG at 2060.31 | Stop loss: 2050.00845 | Take profit: 2091.21465 +2025-03-10 12:31:43,644 - INFO - CLOSED long at 2068.11 | PnL: 0.38% | $1.11 +2025-03-10 12:31:43,645 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.45055 | Take profit: 2037.08835 +2025-03-10 12:31:44,172 - INFO - CLOSED short at 2071.44 | PnL: -0.16% | $-1.05 +2025-03-10 12:31:44,173 - INFO - OPENED LONG at 2071.44 | Stop loss: 2061.0828 | Take profit: 2102.5116 +2025-03-10 12:31:44,648 - INFO - CLOSED long at 2070.79 | PnL: -0.03% | $-0.52 +2025-03-10 12:31:45,020 - INFO - OPENED SHORT at 2069.19 | Stop loss: 2079.53595 | Take profit: 2038.1521500000001 +2025-03-10 12:31:45,747 - INFO - CLOSED short at 2069.7 | PnL: -0.02% | $-0.49 +2025-03-10 12:31:45,845 - INFO - OPENED LONG at 2069.96 | Stop loss: 2059.6102 | Take profit: 2101.0094 +2025-03-10 12:31:46,130 - INFO - CLOSED long at 2072.7 | PnL: 0.13% | $0.13 +2025-03-10 12:31:46,131 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.0634999999997 | Take profit: 2041.6094999999998 +2025-03-10 12:31:46,618 - INFO - CLOSED short at 2067.0 | PnL: 0.28% | $0.69 +2025-03-10 12:31:47,351 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.9479499999998 | Take profit: 2040.5161500000002 +2025-03-10 12:31:47,808 - INFO - CLOSED short at 2066.4 | PnL: 0.25% | $0.60 +2025-03-10 12:31:47,809 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.068 | Take profit: 2097.3959999999997 +2025-03-10 12:31:48,302 - INFO - CLOSED long at 2064.99 | PnL: -0.07% | $-0.67 +2025-03-10 12:31:48,302 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.3149499999995 | Take profit: 2034.0151499999997 +2025-03-10 12:31:48,769 - INFO - CLOSED short at 2064.96 | PnL: 0.00% | $-0.39 +2025-03-10 12:31:48,769 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.6352 | Take profit: 2095.9343999999996 +2025-03-10 12:31:49,108 - INFO - CLOSED long at 2062.71 | PnL: -0.11% | $-0.83 +2025-03-10 12:31:49,109 - INFO - OPENED SHORT at 2062.71 | Stop loss: 2073.02355 | Take profit: 2031.76935 +2025-03-10 12:31:51,264 - INFO - CLOSED short at 2059.8 | PnL: 0.14% | $0.16 +2025-03-10 12:31:51,265 - INFO - OPENED LONG at 2059.8 | Stop loss: 2049.501 | Take profit: 2090.697 +2025-03-10 12:31:51,417 - INFO - CLOSED long at 2061.6 | PnL: 0.09% | $-0.05 +2025-03-10 12:31:52,064 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.01845 | Take profit: 2034.7046500000001 +2025-03-10 12:31:52,259 - INFO - CLOSED short at 2078.01 | PnL: -0.60% | $-2.74 +2025-03-10 12:31:52,994 - INFO - OPENED LONG at 2069.87 | Stop loss: 2059.52065 | Take profit: 2100.9180499999998 +2025-03-10 12:31:53,636 - INFO - CLOSED long at 2065.29 | PnL: -0.22% | $-1.23 +2025-03-10 12:31:53,637 - INFO - OPENED SHORT at 2065.29 | Stop loss: 2075.6164499999995 | Take profit: 2034.31065 +2025-03-10 12:31:54,803 - INFO - CLOSED short at 2074.35 | PnL: -0.44% | $-2.03 +2025-03-10 12:31:57,489 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5805 | Take profit: 2094.8585 +2025-03-10 12:31:59,014 - INFO - TAKE PROFIT hit for long at 2094.8585 | PnL: 1.50% | $5.17 +2025-03-10 12:31:59,824 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.6954499999997 | Take profit: 2089.27365 +2025-03-10 12:32:00,250 - INFO - CLOSED short at 2115.28 | PnL: 0.27% | $0.68 +2025-03-10 12:32:00,251 - INFO - OPENED LONG at 2115.28 | Stop loss: 2104.7036000000003 | Take profit: 2147.0092 +2025-03-10 12:32:00,357 - INFO - CLOSED long at 2110.6 | PnL: -0.22% | $-1.26 +2025-03-10 12:32:02,588 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.35, Avg Loss=$-1.08 +2025-03-10 12:32:02,589 - INFO - Episode 26: Reward=222.79, Balance=$96.82, Win Rate=47.6%, Trades=21, Episode PnL=$-1.69, Total PnL=$-530.30, Max Drawdown=9.8%, Pred Accuracy=99.9% +2025-03-10 12:32:02,745 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:32:02,780 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:32:03,890 - INFO - OPENED SHORT at 2063.84 | Stop loss: 2074.1592 | Take profit: 2032.8824000000002 +2025-03-10 12:32:05,811 - INFO - CLOSED short at 2045.79 | PnL: 0.87% | $3.10 +2025-03-10 12:32:06,130 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.85445 | Take profit: 2081.87665 +2025-03-10 12:32:06,265 - INFO - CLOSED long at 2052.3 | PnL: 0.06% | $-0.17 +2025-03-10 12:32:06,504 - INFO - OPENED SHORT at 2060.13 | Stop loss: 2070.43065 | Take profit: 2029.2280500000002 +2025-03-10 12:32:06,886 - INFO - CLOSED short at 2063.01 | PnL: -0.14% | $-0.99 +2025-03-10 12:32:06,887 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.69495 | Take profit: 2093.9551500000002 +2025-03-10 12:32:07,910 - INFO - CLOSED long at 2069.6 | PnL: 0.32% | $0.89 +2025-03-10 12:32:08,136 - INFO - OPENED LONG at 2070.26 | Stop loss: 2059.9087000000004 | Take profit: 2101.3139 +2025-03-10 12:32:08,849 - INFO - CLOSED long at 2070.36 | PnL: 0.00% | $-0.39 +2025-03-10 12:32:08,850 - INFO - OPENED SHORT at 2070.36 | Stop loss: 2080.7118 | Take profit: 2039.3046000000002 +2025-03-10 12:32:09,222 - INFO - CLOSED short at 2069.01 | PnL: 0.07% | $-0.14 +2025-03-10 12:32:09,402 - INFO - OPENED LONG at 2066.29 | Stop loss: 2055.95855 | Take profit: 2097.28435 +2025-03-10 12:32:10,421 - INFO - CLOSED long at 2069.46 | PnL: 0.15% | $0.22 +2025-03-10 12:32:10,422 - INFO - OPENED SHORT at 2069.46 | Stop loss: 2079.8073 | Take profit: 2038.4181 +2025-03-10 12:32:11,898 - INFO - CLOSED short at 2070.04 | PnL: -0.03% | $-0.52 +2025-03-10 12:32:11,899 - INFO - OPENED LONG at 2070.04 | Stop loss: 2059.6898 | Take profit: 2101.0905999999995 +2025-03-10 12:32:12,474 - INFO - STOP LOSS hit for long at 2059.6898 | PnL: -0.50% | $-2.45 +2025-03-10 12:32:14,277 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:32:14,973 - INFO - CLOSED short at 2058.15 | PnL: 0.12% | $0.09 +2025-03-10 12:32:14,974 - INFO - OPENED LONG at 2058.15 | Stop loss: 2047.85925 | Take profit: 2089.02225 +2025-03-10 12:32:15,768 - INFO - CLOSED long at 2065.69 | PnL: 0.37% | $1.06 +2025-03-10 12:32:15,857 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3599999999997 | Take profit: 2040.92 +2025-03-10 12:32:16,088 - INFO - CLOSED short at 2071.04 | PnL: 0.05% | $-0.22 +2025-03-10 12:32:16,089 - INFO - OPENED LONG at 2071.04 | Stop loss: 2060.6848 | Take profit: 2102.1056 +2025-03-10 12:32:17,381 - INFO - CLOSED long at 2065.29 | PnL: -0.28% | $-1.52 +2025-03-10 12:32:17,427 - INFO - OPENED LONG at 2065.31 | Stop loss: 2054.9834499999997 | Take profit: 2096.2896499999997 +2025-03-10 12:32:18,160 - INFO - CLOSED long at 2068.19 | PnL: 0.14% | $0.16 +2025-03-10 12:32:18,162 - INFO - OPENED SHORT at 2068.19 | Stop loss: 2078.53095 | Take profit: 2037.16715 +2025-03-10 12:32:18,557 - INFO - CLOSED short at 2073.27 | PnL: -0.25% | $-1.37 +2025-03-10 12:32:18,557 - INFO - OPENED LONG at 2073.27 | Stop loss: 2062.90365 | Take profit: 2104.36905 +2025-03-10 12:32:19,828 - INFO - STOP LOSS hit for long at 2062.90365 | PnL: -0.50% | $-2.35 +2025-03-10 12:32:21,670 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.1994999999997 | Take profit: 2029.0015 +2025-03-10 12:32:21,953 - INFO - STOP LOSS hit for short at 2070.1994999999997 | PnL: -0.50% | $-2.29 +2025-03-10 12:32:22,404 - INFO - OPENED SHORT at 2071.8 | Stop loss: 2082.159 | Take profit: 2040.7230000000002 +2025-03-10 12:32:22,604 - INFO - STOP LOSS hit for short at 2082.159 | PnL: -0.50% | $-2.23 +2025-03-10 12:32:23,459 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.1061 | Take profit: 2166.8017 +2025-03-10 12:32:23,637 - INFO - CLOSED long at 2128.69 | PnL: -0.29% | $-1.40 +2025-03-10 12:32:24,045 - INFO - OPENED SHORT at 2119.14 | Stop loss: 2129.7356999999997 | Take profit: 2087.3529 +2025-03-10 12:32:24,333 - INFO - CLOSED short at 2109.05 | PnL: 0.48% | $1.35 +2025-03-10 12:32:24,589 - INFO - OPENED LONG at 2112.99 | Stop loss: 2102.42505 | Take profit: 2144.6848499999996 +2025-03-10 12:32:24,829 - INFO - CLOSED long at 2108.71 | PnL: -0.20% | $-1.10 +2025-03-10 12:32:25,469 - INFO - OPENED SHORT at 2104.83 | Stop loss: 2115.3541499999997 | Take profit: 2073.25755 +2025-03-10 12:32:25,930 - INFO - CLOSED short at 2095.29 | PnL: 0.45% | $1.27 +2025-03-10 12:32:25,931 - INFO - OPENED LONG at 2095.29 | Stop loss: 2084.81355 | Take profit: 2126.71935 +2025-03-10 12:32:26,326 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 20.0% in downtrends | Avg Win=$1.02, Avg Loss=$-1.22 +2025-03-10 12:32:26,328 - INFO - Episode 27: Reward=224.77, Balance=$91.00, Win Rate=54.5%, Trades=22, Episode PnL=$-7.25, Total PnL=$-539.30, Max Drawdown=13.2%, Pred Accuracy=99.9% +2025-03-10 12:32:26,360 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:32:26,899 - INFO - OPENED LONG at 2060.94 | Stop loss: 2050.6353 | Take profit: 2091.8541 +2025-03-10 12:32:28,019 - INFO - CLOSED long at 2057.59 | PnL: -0.16% | $-1.05 +2025-03-10 12:32:28,020 - INFO - OPENED SHORT at 2057.59 | Stop loss: 2067.87795 | Take profit: 2026.7261500000002 +2025-03-10 12:32:28,390 - INFO - CLOSED short at 2055.39 | PnL: 0.11% | $0.03 +2025-03-10 12:32:28,435 - INFO - OPENED LONG at 2053.56 | Stop loss: 2043.2921999999999 | Take profit: 2084.3633999999997 +2025-03-10 12:32:28,736 - INFO - CLOSED long at 2050.71 | PnL: -0.14% | $-0.95 +2025-03-10 12:32:30,150 - INFO - OPENED LONG at 2058.39 | Stop loss: 2048.09805 | Take profit: 2089.26585 +2025-03-10 12:32:30,620 - INFO - CLOSED long at 2060.99 | PnL: 0.13% | $0.10 +2025-03-10 12:32:30,759 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5805499999997 | Take profit: 2092.8183499999996 +2025-03-10 12:32:30,850 - INFO - CLOSED long at 2060.31 | PnL: -0.08% | $-0.69 +2025-03-10 12:32:31,300 - INFO - OPENED LONG at 2065.86 | Stop loss: 2055.5307000000003 | Take profit: 2096.8478999999998 +2025-03-10 12:32:32,498 - INFO - CLOSED long at 2070.28 | PnL: 0.21% | $0.44 +2025-03-10 12:32:33,507 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.24705 | Take profit: 2099.61885 +2025-03-10 12:32:33,824 - INFO - CLOSED long at 2071.36 | PnL: 0.13% | $0.13 +2025-03-10 12:32:33,825 - INFO - OPENED SHORT at 2071.36 | Stop loss: 2081.7167999999997 | Take profit: 2040.2896 +2025-03-10 12:32:34,521 - INFO - CLOSED short at 2067.79 | PnL: 0.17% | $0.28 +2025-03-10 12:32:35,581 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.44555 | Take profit: 2036.10335 +2025-03-10 12:32:36,430 - INFO - CLOSED short at 2062.89 | PnL: 0.20% | $0.41 +2025-03-10 12:32:37,024 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.7596 | Take profit: 2095.0411999999997 +2025-03-10 12:32:37,277 - INFO - CLOSED long at 2061.6 | PnL: -0.12% | $-0.87 +2025-03-10 12:32:37,279 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.908 | Take profit: 2030.676 +2025-03-10 12:32:37,580 - INFO - CLOSED short at 2061.8 | PnL: -0.01% | $-0.43 +2025-03-10 12:32:39,188 - INFO - OPENED LONG at 2058.15 | Stop loss: 2047.85925 | Take profit: 2089.02225 +2025-03-10 12:32:40,246 - INFO - CLOSED long at 2078.01 | PnL: 0.96% | $3.37 +2025-03-10 12:32:40,247 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.40005 | Take profit: 2046.8398500000003 +2025-03-10 12:32:40,493 - INFO - CLOSED short at 2071.6 | PnL: 0.31% | $0.84 +2025-03-10 12:32:40,494 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.2419999999997 | Take profit: 2102.6739999999995 +2025-03-10 12:32:41,588 - INFO - CLOSED long at 2065.5 | PnL: -0.29% | $-1.60 +2025-03-10 12:32:41,589 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8275 | Take profit: 2034.5175 +2025-03-10 12:32:41,687 - INFO - CLOSED short at 2065.29 | PnL: 0.01% | $-0.36 +2025-03-10 12:32:42,344 - INFO - OPENED LONG at 2070.61 | Stop loss: 2060.25695 | Take profit: 2101.6691499999997 +2025-03-10 12:32:43,609 - INFO - CLOSED long at 2065.45 | PnL: -0.25% | $-1.39 +2025-03-10 12:32:43,609 - INFO - OPENED SHORT at 2065.45 | Stop loss: 2075.7772499999996 | Take profit: 2034.46825 +2025-03-10 12:32:44,052 - INFO - CLOSED short at 2065.8 | PnL: -0.02% | $-0.46 +2025-03-10 12:32:44,397 - INFO - OPENED SHORT at 2065.06 | Stop loss: 2075.3853 | Take profit: 2034.0840999999998 +2025-03-10 12:32:44,629 - INFO - CLOSED short at 2060.7 | PnL: 0.21% | $0.43 +2025-03-10 12:32:45,820 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4003999999995 | Take profit: 2033.1188 +2025-03-10 12:32:46,538 - INFO - CLOSED short at 2072.99 | PnL: -0.43% | $-2.09 +2025-03-10 12:32:46,539 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6250499999996 | Take profit: 2104.0848499999997 +2025-03-10 12:32:46,752 - INFO - CLOSED long at 2076.08 | PnL: 0.15% | $0.19 +2025-03-10 12:32:46,752 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.4603999999995 | Take profit: 2044.9388 +2025-03-10 12:32:46,907 - INFO - STOP LOSS hit for short at 2086.4603999999995 | PnL: -0.50% | $-2.31 +2025-03-10 12:32:47,202 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.2779499999997 | Take profit: 2105.52615 +2025-03-10 12:32:48,929 - INFO - TAKE PROFIT hit for short at 2105.52615 | PnL: 1.50% | $5.27 +2025-03-10 12:32:50,267 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.05, Avg Loss=$-1.11 +2025-03-10 12:32:50,268 - INFO - Episode 28: Reward=225.90, Balance=$99.30, Win Rate=54.5%, Trades=22, Episode PnL=$1.77, Total PnL=$-540.01, Max Drawdown=6.0%, Pred Accuracy=99.9% +2025-03-10 12:32:50,415 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:32:50,442 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:32:50,811 - INFO - OPENED LONG at 2055.31 | Stop loss: 2045.03345 | Take profit: 2086.1396499999996 +2025-03-10 12:32:51,115 - INFO - CLOSED long at 2064.51 | PnL: 0.45% | $1.39 +2025-03-10 12:32:51,115 - INFO - OPENED SHORT at 2064.51 | Stop loss: 2074.83255 | Take profit: 2033.5423500000002 +2025-03-10 12:32:51,723 - INFO - CLOSED short at 2057.59 | PnL: 0.34% | $0.95 +2025-03-10 12:32:51,724 - INFO - OPENED LONG at 2057.59 | Stop loss: 2047.3020500000002 | Take profit: 2088.45385 +2025-03-10 12:32:52,962 - INFO - CLOSED long at 2050.2 | PnL: -0.36% | $-1.88 +2025-03-10 12:32:53,671 - INFO - OPENED LONG at 2047.59 | Stop loss: 2037.35205 | Take profit: 2078.30385 +2025-03-10 12:32:53,872 - INFO - CLOSED long at 2049.89 | PnL: 0.11% | $0.05 +2025-03-10 12:32:53,872 - INFO - OPENED SHORT at 2049.89 | Stop loss: 2060.1394499999997 | Take profit: 2019.1416499999998 +2025-03-10 12:32:54,434 - INFO - STOP LOSS hit for short at 2060.1394499999997 | PnL: -0.50% | $-2.41 +2025-03-10 12:32:55,836 - INFO - OPENED LONG at 2068.65 | Stop loss: 2058.30675 | Take profit: 2099.67975 +2025-03-10 12:32:58,086 - INFO - CLOSED long at 2072.75 | PnL: 0.20% | $0.39 +2025-03-10 12:32:58,588 - INFO - OPENED LONG at 2069.35 | Stop loss: 2059.0032499999998 | Take profit: 2100.39025 +2025-03-10 12:32:59,548 - INFO - CLOSED long at 2070.4 | PnL: 0.05% | $-0.19 +2025-03-10 12:33:01,519 - INFO - OPENED LONG at 2060.65 | Stop loss: 2050.34675 | Take profit: 2091.55975 +2025-03-10 12:33:03,066 - INFO - CLOSED long at 2058.28 | PnL: -0.12% | $-0.85 +2025-03-10 12:33:03,458 - INFO - OPENED SHORT at 2061.66 | Stop loss: 2071.9682999999995 | Take profit: 2030.7350999999999 +2025-03-10 12:33:04,075 - INFO - CLOSED short at 2066.79 | PnL: -0.25% | $-1.36 +2025-03-10 12:33:04,075 - INFO - OPENED LONG at 2066.79 | Stop loss: 2056.45605 | Take profit: 2097.7918499999996 +2025-03-10 12:33:05,692 - INFO - CLOSED long at 2065.3 | PnL: -0.07% | $-0.66 +2025-03-10 12:33:05,693 - INFO - OPENED SHORT at 2065.3 | Stop loss: 2075.6265 | Take profit: 2034.3205 +2025-03-10 12:33:07,150 - INFO - CLOSED short at 2073.99 | PnL: -0.42% | $-1.99 +2025-03-10 12:33:07,151 - INFO - OPENED LONG at 2073.99 | Stop loss: 2063.62005 | Take profit: 2105.0998499999996 +2025-03-10 12:33:08,006 - INFO - CLOSED long at 2070.19 | PnL: -0.18% | $-1.06 +2025-03-10 12:33:09,191 - INFO - OPENED SHORT at 2049.21 | Stop loss: 2059.45605 | Take profit: 2018.47185 +2025-03-10 12:33:09,529 - INFO - STOP LOSS hit for short at 2059.45605 | PnL: -0.50% | $-2.22 +2025-03-10 12:33:09,575 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.2194999999997 | Take profit: 2032.9415000000001 +2025-03-10 12:33:10,481 - INFO - CLOSED short at 2069.81 | PnL: -0.29% | $-1.39 +2025-03-10 12:33:13,019 - INFO - OPENED SHORT at 2090.0 | Stop loss: 2100.45 | Take profit: 2058.65 +2025-03-10 12:33:13,170 - INFO - STOP LOSS hit for short at 2100.45 | PnL: -0.50% | $-2.13 +2025-03-10 12:33:13,265 - INFO - OPENED LONG at 2099.25 | Stop loss: 2088.75375 | Take profit: 2130.73875 +2025-03-10 12:33:13,309 - INFO - CLOSED long at 2098.9 | PnL: -0.02% | $-0.40 +2025-03-10 12:33:13,310 - INFO - OPENED SHORT at 2098.9 | Stop loss: 2109.3945 | Take profit: 2067.4165000000003 +2025-03-10 12:33:14,265 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 16.7% in downtrends | Avg Win=$0.69, Avg Loss=$-1.38 +2025-03-10 12:33:14,266 - INFO - Episode 29: Reward=221.80, Balance=$86.23, Win Rate=31.2%, Trades=16, Episode PnL=$-11.75, Total PnL=$-553.77, Max Drawdown=13.8%, Pred Accuracy=99.9% +2025-03-10 12:33:14,300 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:33:15,007 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3349999999996 | Take profit: 2035.995 +2025-03-10 12:33:16,712 - INFO - CLOSED short at 2049.49 | PnL: 0.85% | $2.99 +2025-03-10 12:33:17,855 - INFO - OPENED SHORT at 2051.89 | Stop loss: 2062.1494499999994 | Take profit: 2021.1116499999998 +2025-03-10 12:33:18,313 - INFO - STOP LOSS hit for short at 2062.1494499999994 | PnL: -0.50% | $-2.47 +2025-03-10 12:33:20,029 - INFO - OPENED LONG at 2073.73 | Stop loss: 2063.36135 | Take profit: 2104.8359499999997 +2025-03-10 12:33:20,131 - INFO - CLOSED long at 2072.91 | PnL: -0.04% | $-0.56 +2025-03-10 12:33:20,335 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.02315 | Take profit: 2100.4105499999996 +2025-03-10 12:33:20,599 - INFO - CLOSED long at 2068.02 | PnL: -0.07% | $-0.66 +2025-03-10 12:33:20,600 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.3601 | Take profit: 2036.9996999999998 +2025-03-10 12:33:20,889 - INFO - CLOSED short at 2069.19 | PnL: -0.06% | $-0.62 +2025-03-10 12:33:20,889 - INFO - OPENED LONG at 2069.19 | Stop loss: 2058.84405 | Take profit: 2100.2278499999998 +2025-03-10 12:33:21,193 - INFO - CLOSED long at 2065.99 | PnL: -0.15% | $-1.01 +2025-03-10 12:33:21,193 - INFO - OPENED SHORT at 2065.99 | Stop loss: 2076.3199499999996 | Take profit: 2035.0001499999998 +2025-03-10 12:33:21,983 - INFO - CLOSED short at 2073.11 | PnL: -0.34% | $-1.74 +2025-03-10 12:33:22,233 - INFO - OPENED SHORT at 2071.92 | Stop loss: 2082.2796 | Take profit: 2040.8412 +2025-03-10 12:33:22,665 - INFO - CLOSED short at 2066.8 | PnL: 0.25% | $0.56 +2025-03-10 12:33:23,743 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4304999999995 | Take profit: 2035.1084999999998 +2025-03-10 12:33:23,883 - INFO - CLOSED short at 2064.47 | PnL: 0.08% | $-0.08 +2025-03-10 12:33:26,473 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5805499999997 | Take profit: 2092.8183499999996 +2025-03-10 12:33:26,767 - INFO - CLOSED long at 2059.02 | PnL: -0.14% | $-0.92 +2025-03-10 12:33:26,768 - INFO - OPENED SHORT at 2059.02 | Stop loss: 2069.3151 | Take profit: 2028.1347 +2025-03-10 12:33:27,213 - INFO - CLOSED short at 2054.83 | PnL: 0.20% | $0.40 +2025-03-10 12:33:27,213 - INFO - OPENED LONG at 2054.83 | Stop loss: 2044.55585 | Take profit: 2085.6524499999996 +2025-03-10 12:33:28,594 - INFO - CLOSED long at 2075.01 | PnL: 0.98% | $3.38 +2025-03-10 12:33:29,252 - INFO - OPENED SHORT at 2067.44 | Stop loss: 2077.7772 | Take profit: 2036.4284 +2025-03-10 12:33:29,657 - INFO - CLOSED short at 2065.7 | PnL: 0.08% | $-0.06 +2025-03-10 12:33:30,354 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.4660000000003 | Take profit: 2097.802 +2025-03-10 12:33:31,637 - INFO - CLOSED long at 2076.9 | PnL: 0.49% | $1.54 +2025-03-10 12:33:31,990 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2394999999997 | Take profit: 2036.8815 +2025-03-10 12:33:33,450 - INFO - CLOSED short at 2056.77 | PnL: 0.54% | $1.77 +2025-03-10 12:33:33,451 - INFO - OPENED LONG at 2056.77 | Stop loss: 2046.48615 | Take profit: 2087.62155 +2025-03-10 12:33:33,703 - INFO - CLOSED long at 2058.3 | PnL: 0.07% | $-0.11 +2025-03-10 12:33:34,351 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4003999999995 | Take profit: 2033.1188 +2025-03-10 12:33:34,701 - INFO - CLOSED short at 2070.31 | PnL: -0.30% | $-1.65 +2025-03-10 12:33:35,055 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6250499999996 | Take profit: 2104.0848499999997 +2025-03-10 12:33:35,360 - INFO - CLOSED long at 2085.56 | PnL: 0.61% | $2.04 +2025-03-10 12:33:35,740 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.2779499999997 | Take profit: 2105.52615 +2025-03-10 12:33:35,884 - INFO - CLOSED short at 2142.68 | PnL: -0.24% | $-1.39 +2025-03-10 12:33:37,337 - INFO - OPENED SHORT at 2108.06 | Stop loss: 2118.6002999999996 | Take profit: 2076.4391 +2025-03-10 12:33:38,471 - INFO - CLOSED short at 2093.33 | PnL: 0.70% | $2.43 +2025-03-10 12:33:38,472 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.86335 | Take profit: 2124.72995 +2025-03-10 12:33:38,689 - INFO - CLOSED long at 2094.08 | PnL: 0.04% | $-0.27 +2025-03-10 12:33:38,689 - INFO - OPENED SHORT at 2094.08 | Stop loss: 2104.5503999999996 | Take profit: 2062.6688 +2025-03-10 12:33:38,798 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$1.89, Avg Loss=$-0.89 +2025-03-10 12:33:38,800 - INFO - Episode 30: Reward=226.15, Balance=$103.58, Win Rate=57.1%, Trades=21, Episode PnL=$2.46, Total PnL=$-550.20, Max Drawdown=6.9%, Pred Accuracy=99.8% +2025-03-10 12:33:38,962 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:33:39,092 - INFO - Model saved to models/trading_agent_episode_30.pt +2025-03-10 12:33:39,115 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:33:39,580 - INFO - OPENED SHORT at 2059.23 | Stop loss: 2069.5261499999997 | Take profit: 2028.34155 +2025-03-10 12:33:39,742 - INFO - CLOSED short at 2062.5 | PnL: -0.16% | $-1.04 +2025-03-10 12:33:39,742 - INFO - OPENED LONG at 2062.5 | Stop loss: 2052.1875 | Take profit: 2093.4375 +2025-03-10 12:33:40,210 - INFO - CLOSED long at 2062.75 | PnL: 0.01% | $-0.35 +2025-03-10 12:33:40,367 - INFO - OPENED LONG at 2062.5 | Stop loss: 2052.1875 | Take profit: 2093.4375 +2025-03-10 12:33:41,122 - INFO - CLOSED long at 2056.4 | PnL: -0.30% | $-1.56 +2025-03-10 12:33:41,124 - INFO - OPENED SHORT at 2056.4 | Stop loss: 2066.682 | Take profit: 2025.554 +2025-03-10 12:33:42,410 - INFO - CLOSED short at 2050.0 | PnL: 0.31% | $0.82 +2025-03-10 12:33:42,411 - INFO - OPENED LONG at 2050.0 | Stop loss: 2039.75 | Take profit: 2080.75 +2025-03-10 12:33:43,128 - INFO - CLOSED long at 2064.61 | PnL: 0.71% | $2.40 +2025-03-10 12:33:43,129 - INFO - OPENED SHORT at 2064.61 | Stop loss: 2074.93305 | Take profit: 2033.64085 +2025-03-10 12:33:44,166 - INFO - CLOSED short at 2068.11 | PnL: -0.17% | $-1.08 +2025-03-10 12:33:44,167 - INFO - OPENED LONG at 2068.11 | Stop loss: 2057.7694500000002 | Take profit: 2099.13165 +2025-03-10 12:33:44,367 - INFO - CLOSED long at 2070.99 | PnL: 0.14% | $0.16 +2025-03-10 12:33:44,661 - INFO - OPENED SHORT at 2070.26 | Stop loss: 2080.6113 | Take profit: 2039.2061 +2025-03-10 12:33:44,705 - INFO - CLOSED short at 2071.44 | PnL: -0.06% | $-0.62 +2025-03-10 12:33:44,706 - INFO - OPENED LONG at 2071.44 | Stop loss: 2061.0828 | Take profit: 2102.5116 +2025-03-10 12:33:45,295 - INFO - CLOSED long at 2068.02 | PnL: -0.17% | $-1.05 +2025-03-10 12:33:45,504 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0534999999995 | Take profit: 2039.6394999999998 +2025-03-10 12:33:46,460 - INFO - CLOSED short at 2069.96 | PnL: 0.04% | $-0.25 +2025-03-10 12:33:47,013 - INFO - OPENED SHORT at 2071.11 | Stop loss: 2081.46555 | Take profit: 2040.0433500000001 +2025-03-10 12:33:47,360 - INFO - CLOSED short at 2066.8 | PnL: 0.21% | $0.42 +2025-03-10 12:33:49,019 - INFO - OPENED LONG at 2066.15 | Stop loss: 2055.81925 | Take profit: 2097.14225 +2025-03-10 12:33:49,719 - INFO - CLOSED long at 2064.08 | PnL: -0.10% | $-0.78 +2025-03-10 12:33:53,195 - INFO - OPENED LONG at 2070.01 | Stop loss: 2059.65995 | Take profit: 2101.06015 +2025-03-10 12:33:53,240 - INFO - CLOSED long at 2071.6 | PnL: 0.08% | $-0.09 +2025-03-10 12:33:54,831 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.2545 | Take profit: 2039.8365000000001 +2025-03-10 12:33:56,776 - INFO - CLOSED short at 2065.7 | PnL: 0.25% | $0.59 +2025-03-10 12:33:56,966 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.07305 | Take profit: 2094.3408499999996 +2025-03-10 12:33:57,062 - INFO - CLOSED long at 2063.98 | PnL: 0.03% | $-0.28 +2025-03-10 12:33:59,868 - INFO - OPENED LONG at 2141.3 | Stop loss: 2130.5935 | Take profit: 2173.4195 +2025-03-10 12:34:00,050 - INFO - STOP LOSS hit for long at 2130.5935 | PnL: -0.50% | $-2.33 +2025-03-10 12:34:01,127 - INFO - OPENED LONG at 2110.9 | Stop loss: 2100.3455 | Take profit: 2142.5634999999997 +2025-03-10 12:34:01,436 - INFO - STOP LOSS hit for long at 2100.3455 | PnL: -0.50% | $-2.28 +2025-03-10 12:34:01,531 - INFO - OPENED LONG at 2098.1 | Stop loss: 2087.6095 | Take profit: 2129.5714999999996 +2025-03-10 12:34:02,030 - INFO - CLOSED long at 2104.68 | PnL: 0.31% | $0.79 +2025-03-10 12:34:02,219 - INFO - OPENED LONG at 2098.39 | Stop loss: 2087.89805 | Take profit: 2129.8658499999997 +2025-03-10 12:34:02,661 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 16.7% in downtrends | Avg Win=$0.86, Avg Loss=$-0.98 +2025-03-10 12:34:02,662 - INFO - Episode 31: Reward=221.69, Balance=$93.46, Win Rate=55.6%, Trades=18, Episode PnL=$-5.46, Total PnL=$-556.73, Max Drawdown=7.3%, Pred Accuracy=99.9% +2025-03-10 12:34:02,696 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:34:05,194 - INFO - OPENED SHORT at 2050.71 | Stop loss: 2060.96355 | Take profit: 2019.94935 +2025-03-10 12:34:05,918 - INFO - CLOSED short at 2045.99 | PnL: 0.23% | $0.52 +2025-03-10 12:34:07,572 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1794499999996 | Take profit: 2027.02165 +2025-03-10 12:34:07,914 - INFO - STOP LOSS hit for short at 2068.1794499999996 | PnL: -0.50% | $-2.41 +2025-03-10 12:34:08,152 - INFO - OPENED SHORT at 2070.99 | Stop loss: 2081.3449499999997 | Take profit: 2039.9251499999998 +2025-03-10 12:34:09,606 - INFO - CLOSED short at 2066.39 | PnL: 0.22% | $0.48 +2025-03-10 12:34:09,701 - INFO - OPENED LONG at 2066.19 | Stop loss: 2055.85905 | Take profit: 2097.1828499999997 +2025-03-10 12:34:10,427 - INFO - CLOSED long at 2073.11 | PnL: 0.33% | $0.93 +2025-03-10 12:34:11,716 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0534999999995 | Take profit: 2039.6394999999998 +2025-03-10 12:34:14,907 - INFO - CLOSED short at 2059.16 | PnL: 0.56% | $1.82 +2025-03-10 12:34:14,908 - INFO - OPENED LONG at 2059.16 | Stop loss: 2048.8642 | Take profit: 2090.0473999999995 +2025-03-10 12:34:15,099 - INFO - CLOSED long at 2059.46 | PnL: 0.01% | $-0.35 +2025-03-10 12:34:15,781 - INFO - OPENED SHORT at 2062.69 | Stop loss: 2073.0034499999997 | Take profit: 2031.74965 +2025-03-10 12:34:16,483 - INFO - STOP LOSS hit for short at 2073.0034499999997 | PnL: -0.50% | $-2.42 +2025-03-10 12:34:16,573 - INFO - OPENED LONG at 2075.01 | Stop loss: 2064.63495 | Take profit: 2106.13515 +2025-03-10 12:34:17,061 - INFO - CLOSED long at 2069.03 | PnL: -0.29% | $-1.53 +2025-03-10 12:34:17,062 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.37515 | Take profit: 2037.9945500000001 +2025-03-10 12:34:17,472 - INFO - CLOSED short at 2065.7 | PnL: 0.16% | $0.24 +2025-03-10 12:34:17,472 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3714999999997 | Take profit: 2096.6854999999996 +2025-03-10 12:34:19,215 - INFO - CLOSED long at 2075.32 | PnL: 0.47% | $1.42 +2025-03-10 12:34:19,215 - INFO - OPENED SHORT at 2075.32 | Stop loss: 2085.6965999999998 | Take profit: 2044.1902000000002 +2025-03-10 12:34:20,095 - INFO - CLOSED short at 2067.19 | PnL: 0.39% | $1.15 +2025-03-10 12:34:20,296 - INFO - OPENED SHORT at 2065.07 | Stop loss: 2075.39535 | Take profit: 2034.0939500000002 +2025-03-10 12:34:20,508 - INFO - CLOSED short at 2063.98 | PnL: 0.05% | $-0.19 +2025-03-10 12:34:20,508 - INFO - OPENED LONG at 2063.98 | Stop loss: 2053.6601 | Take profit: 2094.9397 +2025-03-10 12:34:20,809 - INFO - CLOSED long at 2063.01 | PnL: -0.05% | $-0.59 +2025-03-10 12:34:21,780 - INFO - OPENED SHORT at 2065.12 | Stop loss: 2075.4455999999996 | Take profit: 2034.1431999999998 +2025-03-10 12:34:22,015 - INFO - CLOSED short at 2061.21 | PnL: 0.19% | $0.35 +2025-03-10 12:34:22,016 - INFO - OPENED LONG at 2061.21 | Stop loss: 2050.90395 | Take profit: 2092.12815 +2025-03-10 12:34:23,037 - INFO - TAKE PROFIT hit for long at 2092.12815 | PnL: 1.50% | $5.57 +2025-03-10 12:34:23,378 - INFO - OPENED LONG at 2141.3 | Stop loss: 2130.5935 | Take profit: 2173.4195 +2025-03-10 12:34:23,578 - INFO - STOP LOSS hit for long at 2130.5935 | PnL: -0.50% | $-2.52 +2025-03-10 12:34:23,865 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3303499999997 | Take profit: 2151.7289499999997 +2025-03-10 12:34:24,006 - INFO - CLOSED long at 2119.14 | PnL: -0.04% | $-0.56 +2025-03-10 12:34:24,007 - INFO - OPENED SHORT at 2119.14 | Stop loss: 2129.7356999999997 | Take profit: 2087.3529 +2025-03-10 12:34:25,002 - INFO - CLOSED short at 2103.33 | PnL: 0.75% | $2.63 +2025-03-10 12:34:26,301 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.51, Avg Loss=$-1.32 +2025-03-10 12:34:26,302 - INFO - Episode 32: Reward=233.31, Balance=$104.54, Win Rate=66.7%, Trades=18, Episode PnL=$2.99, Total PnL=$-552.19, Max Drawdown=2.4%, Pred Accuracy=99.9% +2025-03-10 12:34:26,444 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:34:26,576 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:34:26,598 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:34:28,343 - INFO - OPENED SHORT at 2058.51 | Stop loss: 2068.80255 | Take profit: 2027.63235 +2025-03-10 12:34:29,287 - INFO - CLOSED short at 2048.48 | PnL: 0.49% | $1.55 +2025-03-10 12:34:29,288 - INFO - OPENED LONG at 2048.48 | Stop loss: 2038.2376 | Take profit: 2079.2072 +2025-03-10 12:34:30,155 - INFO - CLOSED long at 2055.69 | PnL: 0.35% | $1.02 +2025-03-10 12:34:31,266 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.40055 | Take profit: 2027.23835 +2025-03-10 12:34:31,522 - INFO - STOP LOSS hit for short at 2068.40055 | PnL: -0.50% | $-2.46 +2025-03-10 12:34:31,912 - INFO - OPENED SHORT at 2068.99 | Stop loss: 2079.3349499999995 | Take profit: 2037.9551499999998 +2025-03-10 12:34:32,293 - INFO - CLOSED short at 2072.33 | PnL: -0.16% | $-1.05 +2025-03-10 12:34:32,293 - INFO - OPENED LONG at 2072.33 | Stop loss: 2061.96835 | Take profit: 2103.41495 +2025-03-10 12:34:32,397 - INFO - CLOSED long at 2071.41 | PnL: -0.04% | $-0.57 +2025-03-10 12:34:32,398 - INFO - OPENED SHORT at 2071.41 | Stop loss: 2081.7670499999995 | Take profit: 2040.3388499999999 +2025-03-10 12:34:33,109 - INFO - CLOSED short at 2067.51 | PnL: 0.19% | $0.35 +2025-03-10 12:34:33,110 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.17245 | Take profit: 2098.52265 +2025-03-10 12:34:33,921 - INFO - CLOSED long at 2071.36 | PnL: 0.19% | $0.34 +2025-03-10 12:34:34,849 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.5863 | Take profit: 2034.2811000000002 +2025-03-10 12:34:40,114 - INFO - STOP LOSS hit for short at 2075.5863 | PnL: -0.50% | $-2.38 +2025-03-10 12:34:40,445 - INFO - OPENED LONG at 2070.0 | Stop loss: 2059.65 | Take profit: 2101.0499999999997 +2025-03-10 12:34:44,014 - INFO - CLOSED long at 2066.1 | PnL: -0.19% | $-1.12 +2025-03-10 12:34:44,693 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.2525 | Take profit: 2080.2425 +2025-03-10 12:34:46,379 - INFO - TAKE PROFIT hit for long at 2080.2425 | PnL: 1.50% | $5.36 +2025-03-10 12:34:46,520 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.0465 | Take profit: 2162.6604999999995 +2025-03-10 12:34:47,272 - INFO - STOP LOSS hit for long at 2120.0465 | PnL: -0.50% | $-2.42 +2025-03-10 12:34:47,579 - INFO - OPENED LONG at 2115.28 | Stop loss: 2104.7036000000003 | Take profit: 2147.0092 +2025-03-10 12:34:48,378 - INFO - STOP LOSS hit for long at 2104.7036000000003 | PnL: -0.50% | $-2.37 +2025-03-10 12:34:48,472 - INFO - OPENED SHORT at 2090.0 | Stop loss: 2100.45 | Take profit: 2058.65 +2025-03-10 12:34:48,635 - INFO - STOP LOSS hit for short at 2100.45 | PnL: -0.50% | $-2.31 +2025-03-10 12:34:49,900 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 33.3% in downtrends | Avg Win=$1.72, Avg Loss=$-1.83 +2025-03-10 12:34:49,901 - INFO - Episode 33: Reward=229.87, Balance=$93.94, Win Rate=38.5%, Trades=13, Episode PnL=$-6.34, Total PnL=$-558.25, Max Drawdown=8.4%, Pred Accuracy=99.9% +2025-03-10 12:34:49,945 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:34:51,715 - INFO - OPENED SHORT at 2056.9 | Stop loss: 2067.1845 | Take profit: 2026.0465000000002 +2025-03-10 12:34:53,095 - INFO - CLOSED short at 2047.4 | PnL: 0.46% | $1.45 +2025-03-10 12:34:55,465 - INFO - OPENED SHORT at 2068.29 | Stop loss: 2078.63145 | Take profit: 2037.2656499999998 +2025-03-10 12:34:55,511 - INFO - CLOSED short at 2067.89 | PnL: 0.02% | $-0.33 +2025-03-10 12:34:55,512 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.55055 | Take profit: 2098.9083499999997 +2025-03-10 12:34:56,511 - INFO - CLOSED long at 2070.79 | PnL: 0.14% | $0.16 +2025-03-10 12:34:56,511 - INFO - OPENED SHORT at 2070.79 | Stop loss: 2081.1439499999997 | Take profit: 2039.72815 +2025-03-10 12:34:59,224 - INFO - CLOSED short at 2067.86 | PnL: 0.14% | $0.17 +2025-03-10 12:34:59,489 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0534999999995 | Take profit: 2039.6394999999998 +2025-03-10 12:34:59,689 - INFO - CLOSED short at 2068.69 | PnL: 0.10% | $-0.01 +2025-03-10 12:35:00,491 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.5863 | Take profit: 2034.2811000000002 +2025-03-10 12:35:00,623 - INFO - CLOSED short at 2061.78 | PnL: 0.17% | $0.28 +2025-03-10 12:35:00,623 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.4711 | Take profit: 2092.7067 +2025-03-10 12:35:00,858 - INFO - CLOSED long at 2066.24 | PnL: 0.22% | $0.47 +2025-03-10 12:35:00,859 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.5711999999994 | Take profit: 2035.2463999999998 +2025-03-10 12:35:02,123 - INFO - CLOSED short at 2063.39 | PnL: 0.14% | $0.16 +2025-03-10 12:35:02,171 - INFO - OPENED LONG at 2064.79 | Stop loss: 2054.46605 | Take profit: 2095.76185 +2025-03-10 12:35:02,607 - INFO - CLOSED long at 2061.09 | PnL: -0.18% | $-1.14 +2025-03-10 12:35:03,180 - INFO - OPENED LONG at 2055.6 | Stop loss: 2045.322 | Take profit: 2086.4339999999997 +2025-03-10 12:35:05,522 - INFO - CLOSED long at 2065.66 | PnL: 0.49% | $1.58 +2025-03-10 12:35:07,225 - INFO - OPENED LONG at 2075.29 | Stop loss: 2064.9135499999998 | Take profit: 2106.4193499999997 +2025-03-10 12:35:07,322 - INFO - CLOSED long at 2075.61 | PnL: 0.02% | $-0.35 +2025-03-10 12:35:07,323 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2085.98805 | Take profit: 2044.47585 +2025-03-10 12:35:08,402 - INFO - CLOSED short at 2062.34 | PnL: 0.64% | $2.21 +2025-03-10 12:35:09,126 - INFO - OPENED SHORT at 2049.21 | Stop loss: 2059.45605 | Take profit: 2018.47185 +2025-03-10 12:35:09,489 - INFO - STOP LOSS hit for short at 2059.45605 | PnL: -0.50% | $-2.51 +2025-03-10 12:35:11,200 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8423 | Take profit: 2171.6330999999996 +2025-03-10 12:35:11,667 - INFO - STOP LOSS hit for long at 2128.8423 | PnL: -0.50% | $-2.45 +2025-03-10 12:35:12,060 - INFO - OPENED LONG at 2118.52 | Stop loss: 2107.9274 | Take profit: 2150.2978 +2025-03-10 12:35:12,263 - INFO - STOP LOSS hit for long at 2107.9274 | PnL: -0.50% | $-2.39 +2025-03-10 12:35:13,215 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0323500000004 | Take profit: 2131.02295 +2025-03-10 12:35:13,424 - INFO - CLOSED long at 2099.25 | PnL: -0.01% | $-0.44 +2025-03-10 12:35:13,425 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.7462499999997 | Take profit: 2067.76125 +2025-03-10 12:35:14,441 - INFO - CLOSED short at 2088.35 | PnL: 0.52% | $1.62 +2025-03-10 12:35:14,487 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 20.0% in downtrends | Avg Win=$0.90, Avg Loss=$-1.20 +2025-03-10 12:35:14,489 - INFO - Episode 34: Reward=232.41, Balance=$98.47, Win Rate=70.6%, Trades=17, Episode PnL=$-1.33, Total PnL=$-559.78, Max Drawdown=7.0%, Pred Accuracy=99.9% +2025-03-10 12:35:14,524 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 12:35:15,941 - INFO - OPENED LONG at 2059.4 | Stop loss: 2049.103 | Take profit: 2090.2909999999997 +2025-03-10 12:35:16,960 - INFO - CLOSED long at 2050.44 | PnL: -0.44% | $-2.14 +2025-03-10 12:35:16,961 - INFO - OPENED SHORT at 2050.44 | Stop loss: 2060.6922 | Take profit: 2019.6834000000001 +2025-03-10 12:35:17,107 - INFO - CLOSED short at 2049.6 | PnL: 0.04% | $-0.23 +2025-03-10 12:35:17,108 - INFO - OPENED LONG at 2049.6 | Stop loss: 2039.3519999999999 | Take profit: 2080.3439999999996 +2025-03-10 12:35:17,161 - INFO - CLOSED long at 2051.99 | PnL: 0.12% | $0.06 +2025-03-10 12:35:17,162 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.2499499999994 | Take profit: 2021.2101499999997 +2025-03-10 12:35:18,479 - INFO - CLOSED short at 2058.39 | PnL: -0.31% | $-1.61 +2025-03-10 12:35:20,332 - INFO - OPENED SHORT at 2075.1 | Stop loss: 2085.4754999999996 | Take profit: 2043.9734999999998 +2025-03-10 12:35:21,553 - INFO - CLOSED short at 2066.18 | PnL: 0.43% | $1.27 +2025-03-10 12:35:21,554 - INFO - OPENED LONG at 2066.18 | Stop loss: 2055.8491 | Take profit: 2097.1726999999996 +2025-03-10 12:35:22,202 - INFO - CLOSED long at 2072.15 | PnL: 0.29% | $0.74 +2025-03-10 12:35:22,991 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:35:23,084 - INFO - CLOSED short at 2068.8 | PnL: -0.04% | $-0.57 +2025-03-10 12:35:23,855 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7695 | Take profit: 2097.0914999999995 +2025-03-10 12:35:23,950 - INFO - CLOSED long at 2066.39 | PnL: 0.01% | $-0.34 +2025-03-10 12:35:23,950 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.7219499999997 | Take profit: 2035.3941499999999 +2025-03-10 12:35:26,166 - INFO - CLOSED short at 2063.39 | PnL: 0.15% | $0.18 +2025-03-10 12:35:26,356 - INFO - OPENED SHORT at 2063.0 | Stop loss: 2073.3149999999996 | Take profit: 2032.055 +2025-03-10 12:35:26,403 - INFO - CLOSED short at 2062.6 | PnL: 0.02% | $-0.31 +2025-03-10 12:35:26,543 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:35:27,101 - INFO - CLOSED short at 2054.89 | PnL: 0.28% | $0.71 +2025-03-10 12:35:27,102 - INFO - OPENED LONG at 2054.89 | Stop loss: 2044.6155499999998 | Take profit: 2085.7133499999995 +2025-03-10 12:35:27,246 - INFO - CLOSED long at 2058.15 | PnL: 0.16% | $0.23 +2025-03-10 12:35:27,246 - INFO - OPENED SHORT at 2058.15 | Stop loss: 2068.4407499999998 | Take profit: 2027.27775 +2025-03-10 12:35:27,447 - INFO - CLOSED short at 2061.6 | PnL: -0.17% | $-1.05 +2025-03-10 12:35:27,448 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.292 | Take profit: 2092.524 +2025-03-10 12:35:28,431 - INFO - CLOSED long at 2071.04 | PnL: 0.46% | $1.39 +2025-03-10 12:35:28,830 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.37515 | Take profit: 2037.9945500000001 +2025-03-10 12:35:29,176 - INFO - CLOSED short at 2066.38 | PnL: 0.13% | $0.11 +2025-03-10 12:35:29,177 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.0481 | Take profit: 2097.3757 +2025-03-10 12:35:29,426 - INFO - CLOSED long at 2064.5 | PnL: -0.09% | $-0.75 +2025-03-10 12:35:29,426 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8224999999998 | Take profit: 2033.5325 +2025-03-10 12:35:30,417 - INFO - CLOSED short at 2071.99 | PnL: -0.36% | $-1.81 +2025-03-10 12:35:31,319 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.665 | Take profit: 2098.0049999999997 +2025-03-10 12:35:32,793 - INFO - STOP LOSS hit for long at 2056.665 | PnL: -0.50% | $-2.30 +2025-03-10 12:35:34,636 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.0375499999996 | Take profit: 2121.8473499999996 +2025-03-10 12:35:34,734 - INFO - TAKE PROFIT hit for long at 2121.8473499999996 | PnL: 1.50% | $5.24 +2025-03-10 12:35:35,105 - INFO - OPENED SHORT at 2140.01 | Stop loss: 2150.71005 | Take profit: 2107.90985 +2025-03-10 12:35:35,295 - INFO - CLOSED short at 2128.69 | PnL: 0.53% | $1.70 +2025-03-10 12:35:35,296 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.04655 | Take profit: 2160.6203499999997 +2025-03-10 12:35:35,395 - INFO - CLOSED long at 2120.15 | PnL: -0.40% | $-2.01 +2025-03-10 12:37:08,501 - INFO - GPU not available, using CPU +2025-03-10 12:37:08,522 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 12:37:08,523 - INFO - Fetching initial data for ETH/USDT +2025-03-10 12:37:12,264 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 12:37:12,282 - INFO - Initialized environment with 500 candles +2025-03-10 12:37:14,639 - INFO - Starting training for 1000 episodes... +2025-03-10 12:37:14,639 - INFO - Starting training on device: cpu +2025-03-10 12:37:14,640 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 12:37:14,774 - WARNING - Could not load best model: Weights only load failed. This file can still be loaded, to do so you have two options, do those steps only if you trust the source of the checkpoint. + (1) In PyTorch 2.6, we changed the default value of the `weights_only` argument in `torch.load` from `False` to `True`. Re-running `torch.load` with `weights_only` set to `False` will likely succeed, but it can result in arbitrary code execution. Do it only if you got the file from a trusted source. + (2) Alternatively, to load with `weights_only=True` please check the recommended steps in the following error message. + WeightsUnpickler error: Unsupported global: GLOBAL numpy._core.multiarray.scalar was not an allowed global by default. Please use `torch.serialization.add_safe_globals([scalar])` or the `torch.serialization.safe_globals([scalar])` context manager to allowlist this global if you trust this class/function. + +Check the documentation of torch.load to learn more about types accepted by default with weights_only https://pytorch.org/docs/stable/generated/torch.load.html. +2025-03-10 12:37:14,799 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 12:37:15,151 - INFO - OPENED SHORT at 2062.28 | Stop loss: 2072.5914 | Take profit: 2031.3458000000003 +2025-03-10 12:37:15,153 - INFO - CLOSED short at 2057.59 | PnL: 0.23% | $0.51 +2025-03-10 12:37:15,154 - INFO - OPENED SHORT at 2059.03 | Stop loss: 2069.32515 | Take profit: 2028.1445500000002 +2025-03-10 12:37:15,155 - INFO - CLOSED short at 2060.1 | PnL: -0.05% | $-0.61 +2025-03-10 12:37:15,155 - INFO - OPENED LONG at 2060.1 | Stop loss: 2049.7995 | Take profit: 2091.0015 +2025-03-10 12:37:15,157 - INFO - CLOSED long at 2056.9 | PnL: -0.16% | $-1.02 +2025-03-10 12:37:15,157 - INFO - OPENED SHORT at 2056.9 | Stop loss: 2067.1845 | Take profit: 2026.0465000000002 +2025-03-10 12:37:15,158 - INFO - CLOSED short at 2057.99 | PnL: -0.05% | $-0.61 +2025-03-10 12:37:15,159 - INFO - OPENED LONG at 2057.99 | Stop loss: 2047.7000499999997 | Take profit: 2088.8598499999994 +2025-03-10 12:37:15,160 - INFO - CLOSED long at 2058.51 | PnL: 0.03% | $-0.29 +2025-03-10 12:37:15,160 - INFO - OPENED SHORT at 2058.51 | Stop loss: 2068.80255 | Take profit: 2027.63235 +2025-03-10 12:37:15,161 - INFO - CLOSED short at 2055.2 | PnL: 0.16% | $0.24 +2025-03-10 12:37:15,162 - INFO - OPENED SHORT at 2056.4 | Stop loss: 2066.682 | Take profit: 2025.554 +2025-03-10 12:37:15,163 - INFO - CLOSED short at 2052.7 | PnL: 0.18% | $0.31 +2025-03-10 12:37:15,163 - INFO - OPENED LONG at 2052.7 | Stop loss: 2042.4364999999998 | Take profit: 2083.4904999999994 +2025-03-10 12:37:15,164 - INFO - CLOSED long at 2051.66 | PnL: -0.05% | $-0.59 +2025-03-10 12:37:15,165 - INFO - OPENED SHORT at 2052.16 | Stop loss: 2062.4207999999994 | Take profit: 2021.3775999999998 +2025-03-10 12:37:15,166 - INFO - CLOSED short at 2053.1 | PnL: -0.05% | $-0.57 +2025-03-10 12:37:15,166 - INFO - OPENED LONG at 2053.1 | Stop loss: 2042.8345 | Take profit: 2083.8965 +2025-03-10 12:37:15,167 - INFO - CLOSED long at 2050.44 | PnL: -0.13% | $-0.89 +2025-03-10 12:37:15,168 - INFO - OPENED SHORT at 2049.49 | Stop loss: 2059.7374499999996 | Take profit: 2018.7476499999998 +2025-03-10 12:37:15,169 - INFO - CLOSED short at 2050.2 | PnL: -0.03% | $-0.52 +2025-03-10 12:37:15,169 - INFO - OPENED SHORT at 2049.6 | Stop loss: 2059.8479999999995 | Take profit: 2018.856 +2025-03-10 12:37:15,170 - INFO - CLOSED short at 2051.99 | PnL: -0.12% | $-0.83 +2025-03-10 12:37:15,170 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7300499999997 | Take profit: 2082.7698499999997 +2025-03-10 12:37:15,171 - INFO - CLOSED long at 2049.61 | PnL: -0.12% | $-0.82 +2025-03-10 12:37:15,172 - INFO - OPENED SHORT at 2047.4 | Stop loss: 2057.6369999999997 | Take profit: 2016.689 +2025-03-10 12:37:15,173 - INFO - CLOSED short at 2047.2 | PnL: 0.01% | $-0.34 +2025-03-10 12:37:15,173 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.964 | Take profit: 2077.908 +2025-03-10 12:37:15,174 - INFO - CLOSED long at 2045.99 | PnL: -0.06% | $-0.60 +2025-03-10 12:37:15,175 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.2199499999997 | Take profit: 2015.30015 +2025-03-10 12:37:15,175 - INFO - CLOSED short at 2045.79 | PnL: 0.01% | $-0.34 +2025-03-10 12:37:15,177 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.85445 | Take profit: 2081.87665 +2025-03-10 12:37:15,178 - INFO - CLOSED long at 2051.89 | PnL: 0.04% | $-0.23 +2025-03-10 12:37:15,178 - INFO - OPENED SHORT at 2051.89 | Stop loss: 2062.1494499999994 | Take profit: 2021.1116499999998 +2025-03-10 12:37:15,179 - INFO - CLOSED short at 2055.69 | PnL: -0.19% | $-1.06 +2025-03-10 12:37:15,180 - INFO - OPENED LONG at 2055.69 | Stop loss: 2045.41155 | Take profit: 2086.52535 +2025-03-10 12:37:15,181 - INFO - CLOSED long at 2059.7 | PnL: 0.20% | $0.35 +2025-03-10 12:37:15,181 - INFO - OPENED LONG at 2061.49 | Stop loss: 2051.18255 | Take profit: 2092.4123499999996 +2025-03-10 12:37:15,183 - INFO - CLOSED long at 2063.29 | PnL: 0.09% | $-0.05 +2025-03-10 12:37:15,183 - INFO - OPENED SHORT at 2063.29 | Stop loss: 2073.6064499999998 | Take profit: 2032.3406499999999 +2025-03-10 12:37:15,184 - INFO - CLOSED short at 2063.59 | PnL: -0.01% | $-0.42 +2025-03-10 12:37:15,185 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.32505 | Take profit: 2032.0648500000002 +2025-03-10 12:37:15,186 - INFO - CLOSED short at 2060.99 | PnL: 0.10% | $-0.01 +2025-03-10 12:37:15,186 - INFO - OPENED LONG at 2060.99 | Stop loss: 2050.6850499999996 | Take profit: 2091.9048499999994 +2025-03-10 12:37:15,247 - INFO - CLOSED long at 2058.3 | PnL: -0.13% | $-0.84 +2025-03-10 12:37:15,610 - INFO - OPENED LONG at 2057.94 | Stop loss: 2047.6503 | Take profit: 2088.8091 +2025-03-10 12:37:15,749 - INFO - CLOSED long at 2061.18 | PnL: 0.16% | $0.21 +2025-03-10 12:37:15,836 - INFO - OPENED SHORT at 2065.86 | Stop loss: 2076.1893 | Take profit: 2034.8721 +2025-03-10 12:37:15,883 - INFO - CLOSED short at 2070.58 | PnL: -0.23% | $-1.20 +2025-03-10 12:37:15,883 - INFO - OPENED LONG at 2070.58 | Stop loss: 2060.2271 | Take profit: 2101.6386999999995 +2025-03-10 12:37:15,973 - INFO - CLOSED long at 2068.29 | PnL: -0.11% | $-0.76 +2025-03-10 12:37:15,974 - INFO - OPENED SHORT at 2068.29 | Stop loss: 2078.63145 | Take profit: 2037.2656499999998 +2025-03-10 12:37:16,100 - INFO - CLOSED short at 2070.99 | PnL: -0.13% | $-0.82 +2025-03-10 12:37:16,186 - INFO - OPENED LONG at 2068.65 | Stop loss: 2058.30675 | Take profit: 2099.67975 +2025-03-10 12:37:16,276 - INFO - CLOSED long at 2067.9 | PnL: -0.04% | $-0.48 +2025-03-10 12:37:16,321 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.35155 | Take profit: 2098.7053499999997 +2025-03-10 12:37:16,368 - INFO - CLOSED long at 2070.26 | PnL: 0.12% | $0.09 +2025-03-10 12:37:16,369 - INFO - OPENED SHORT at 2070.26 | Stop loss: 2080.6113 | Take profit: 2039.2061 +2025-03-10 12:37:16,417 - INFO - CLOSED short at 2071.44 | PnL: -0.06% | $-0.55 +2025-03-10 12:37:16,552 - INFO - OPENED LONG at 2072.91 | Stop loss: 2062.5454499999996 | Take profit: 2104.0036499999997 +2025-03-10 12:37:16,602 - INFO - CLOSED long at 2072.33 | PnL: -0.03% | $-0.45 +2025-03-10 12:37:16,602 - INFO - OPENED SHORT at 2072.33 | Stop loss: 2082.6916499999998 | Take profit: 2041.24505 +2025-03-10 12:37:16,750 - INFO - CLOSED short at 2069.37 | PnL: 0.14% | $0.15 +2025-03-10 12:37:16,751 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.02315 | Take profit: 2100.4105499999996 +2025-03-10 12:37:16,846 - INFO - CLOSED long at 2072.8 | PnL: 0.17% | $0.23 +2025-03-10 12:37:17,084 - INFO - OPENED SHORT at 2070.36 | Stop loss: 2080.7118 | Take profit: 2039.3046000000002 +2025-03-10 12:37:17,227 - INFO - CLOSED short at 2069.34 | PnL: 0.05% | $-0.18 +2025-03-10 12:37:17,433 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.17245 | Take profit: 2098.52265 +2025-03-10 12:37:17,745 - INFO - CLOSED long at 2065.08 | PnL: -0.12% | $-0.76 +2025-03-10 12:37:17,792 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.5108999999998 | Take profit: 2035.1872999999998 +2025-03-10 12:37:18,002 - INFO - CLOSED short at 2068.59 | PnL: -0.12% | $-0.75 +2025-03-10 12:37:18,003 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.24705 | Take profit: 2099.61885 +2025-03-10 12:37:18,052 - INFO - CLOSED long at 2069.7 | PnL: 0.05% | $-0.16 +2025-03-10 12:37:18,143 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.3098 | Take profit: 2038.9106 +2025-03-10 12:37:18,189 - INFO - CLOSED short at 2071.4 | PnL: -0.07% | $-0.58 +2025-03-10 12:37:18,190 - INFO - OPENED LONG at 2071.4 | Stop loss: 2061.043 | Take profit: 2102.471 +2025-03-10 12:37:18,237 - INFO - CLOSED long at 2071.39 | PnL: -0.00% | $-0.34 +2025-03-10 12:37:18,285 - INFO - OPENED LONG at 2071.36 | Stop loss: 2061.0032 | Take profit: 2102.4303999999997 +2025-03-10 12:37:18,333 - INFO - CLOSED long at 2072.75 | PnL: 0.07% | $-0.11 +2025-03-10 12:37:18,334 - INFO - OPENED SHORT at 2072.75 | Stop loss: 2083.11375 | Take profit: 2041.65875 +2025-03-10 12:37:18,569 - INFO - CLOSED short at 2073.9 | PnL: -0.06% | $-0.52 +2025-03-10 12:37:18,669 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.752 | Take profit: 2039.344 +2025-03-10 12:37:18,718 - INFO - CLOSED short at 2071.11 | PnL: -0.03% | $-0.45 +2025-03-10 12:37:18,919 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3349999999996 | Take profit: 2035.995 +2025-03-10 12:37:19,202 - INFO - CLOSED short at 2065.26 | PnL: 0.08% | $-0.05 +2025-03-10 12:37:19,251 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:37:19,345 - INFO - CLOSED short at 2068.8 | PnL: -0.04% | $-0.48 +2025-03-10 12:37:19,394 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9933 | Take profit: 2100.3801 +2025-03-10 12:37:19,540 - INFO - CLOSED long at 2069.2 | PnL: -0.01% | $-0.35 +2025-03-10 12:37:19,541 - INFO - OPENED SHORT at 2069.2 | Stop loss: 2079.546 | Take profit: 2038.1619999999998 +2025-03-10 12:37:19,634 - INFO - CLOSED short at 2071.59 | PnL: -0.12% | $-0.71 +2025-03-10 12:37:19,682 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3464999999997 | Take profit: 2101.7604999999994 +2025-03-10 12:37:19,734 - INFO - CLOSED long at 2070.4 | PnL: -0.01% | $-0.37 +2025-03-10 12:37:19,735 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.752 | Take profit: 2039.344 +2025-03-10 12:37:19,784 - INFO - CLOSED short at 2070.73 | PnL: -0.02% | $-0.38 +2025-03-10 12:37:19,924 - INFO - OPENED SHORT at 2067.84 | Stop loss: 2078.1792 | Take profit: 2036.8224 +2025-03-10 12:37:20,187 - INFO - CLOSED short at 2066.39 | PnL: 0.07% | $-0.10 +2025-03-10 12:37:20,188 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.0580499999996 | Take profit: 2097.3858499999997 +2025-03-10 12:37:20,232 - INFO - CLOSED long at 2064.47 | PnL: -0.09% | $-0.62 +2025-03-10 12:37:20,327 - INFO - OPENED SHORT at 2067.8 | Stop loss: 2078.139 | Take profit: 2036.7830000000001 +2025-03-10 12:37:20,419 - INFO - CLOSED short at 2065.69 | PnL: 0.10% | $0.01 +2025-03-10 12:37:20,463 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.5406000000003 | Take profit: 2098.8982 +2025-03-10 12:37:20,505 - INFO - CLOSED long at 2064.99 | PnL: -0.14% | $-0.77 +2025-03-10 12:37:20,743 - INFO - OPENED SHORT at 2062.65 | Stop loss: 2072.96325 | Take profit: 2031.71025 +2025-03-10 12:37:20,792 - INFO - CLOSED short at 2061.78 | PnL: 0.04% | $-0.18 +2025-03-10 12:37:20,793 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.4711 | Take profit: 2092.7067 +2025-03-10 12:37:20,842 - INFO - CLOSED long at 2059.59 | PnL: -0.11% | $-0.65 +2025-03-10 12:37:20,842 - INFO - OPENED SHORT at 2059.59 | Stop loss: 2069.88795 | Take profit: 2028.6961500000002 +2025-03-10 12:37:20,888 - INFO - CLOSED short at 2061.3 | PnL: -0.08% | $-0.58 +2025-03-10 12:37:20,889 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9935 | Take profit: 2092.2195 +2025-03-10 12:37:21,120 - INFO - CLOSED long at 2065.54 | PnL: 0.21% | $0.33 +2025-03-10 12:37:21,120 - INFO - OPENED SHORT at 2065.54 | Stop loss: 2075.8677 | Take profit: 2034.5569 +2025-03-10 12:37:21,407 - INFO - CLOSED short at 2064.5 | PnL: 0.05% | $-0.16 +2025-03-10 12:37:21,407 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1775 | Take profit: 2095.4674999999997 +2025-03-10 12:37:21,555 - INFO - CLOSED long at 2060.9 | PnL: -0.17% | $-0.86 +2025-03-10 12:37:21,697 - INFO - OPENED SHORT at 2059.3 | Stop loss: 2069.5965 | Take profit: 2028.4105000000002 +2025-03-10 12:37:21,743 - INFO - CLOSED short at 2060.31 | PnL: -0.05% | $-0.46 +2025-03-10 12:37:21,743 - INFO - OPENED LONG at 2060.31 | Stop loss: 2050.00845 | Take profit: 2091.21465 +2025-03-10 12:37:21,838 - INFO - CLOSED long at 2064.7 | PnL: 0.21% | $0.35 +2025-03-10 12:37:21,936 - INFO - OPENED LONG at 2060.91 | Stop loss: 2050.60545 | Take profit: 2091.82365 +2025-03-10 12:37:22,031 - INFO - CLOSED long at 2061.13 | PnL: 0.01% | $-0.28 +2025-03-10 12:37:22,032 - INFO - OPENED SHORT at 2061.13 | Stop loss: 2071.43565 | Take profit: 2030.21305 +2025-03-10 12:37:22,220 - INFO - CLOSED short at 2064.33 | PnL: -0.16% | $-0.79 +2025-03-10 12:37:22,267 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.07305 | Take profit: 2094.3408499999996 +2025-03-10 12:37:22,315 - INFO - CLOSED long at 2064.79 | PnL: 0.07% | $-0.10 +2025-03-10 12:37:22,364 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.5605499999997 | Take profit: 2096.8783499999995 +2025-03-10 12:37:22,464 - INFO - CLOSED long at 2063.0 | PnL: -0.14% | $-0.73 +2025-03-10 12:37:22,518 - INFO - OPENED LONG at 2062.6 | Stop loss: 2052.287 | Take profit: 2093.5389999999998 +2025-03-10 12:37:22,664 - INFO - CLOSED long at 2060.7 | PnL: -0.09% | $-0.58 +2025-03-10 12:37:22,665 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:37:22,758 - INFO - CLOSED short at 2059.61 | PnL: 0.05% | $-0.14 +2025-03-10 12:37:22,805 - INFO - OPENED LONG at 2059.16 | Stop loss: 2048.8642 | Take profit: 2090.0473999999995 +2025-03-10 12:37:22,851 - INFO - CLOSED long at 2059.02 | PnL: -0.01% | $-0.32 +2025-03-10 12:37:22,942 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.6602 | Take profit: 2090.8594 +2025-03-10 12:37:23,229 - INFO - CLOSED long at 2054.89 | PnL: -0.25% | $-1.03 +2025-03-10 12:37:23,323 - INFO - OPENED LONG at 2056.71 | Stop loss: 2046.42645 | Take profit: 2087.56065 +2025-03-10 12:37:23,368 - INFO - CLOSED long at 2058.15 | PnL: 0.07% | $-0.09 +2025-03-10 12:37:23,368 - INFO - OPENED SHORT at 2058.15 | Stop loss: 2068.4407499999998 | Take profit: 2027.27775 +2025-03-10 12:37:23,554 - INFO - CLOSED short at 2061.6 | PnL: -0.17% | $-0.78 +2025-03-10 12:37:23,603 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9935 | Take profit: 2092.2195 +2025-03-10 12:37:23,648 - INFO - CLOSED long at 2062.69 | PnL: 0.07% | $-0.09 +2025-03-10 12:37:23,697 - INFO - OPENED SHORT at 2063.4 | Stop loss: 2073.717 | Take profit: 2032.449 +2025-03-10 12:37:23,745 - INFO - CLOSED short at 2066.36 | PnL: -0.14% | $-0.70 +2025-03-10 12:37:23,842 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.2194999999997 | Take profit: 2032.9415000000001 +2025-03-10 12:37:24,126 - INFO - CLOSED short at 2067.01 | PnL: -0.15% | $-0.72 +2025-03-10 12:37:24,173 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.01845 | Take profit: 2034.7046500000001 +2025-03-10 12:37:24,220 - INFO - CLOSED short at 2069.79 | PnL: -0.20% | $-0.85 +2025-03-10 12:37:24,409 - INFO - OPENED LONG at 2075.01 | Stop loss: 2064.63495 | Take profit: 2106.13515 +2025-03-10 12:37:24,501 - INFO - CLOSED long at 2071.04 | PnL: -0.19% | $-0.82 +2025-03-10 12:37:24,507 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.3952 | Take profit: 2039.9743999999998 +2025-03-10 12:37:24,556 - INFO - CLOSED short at 2070.01 | PnL: 0.05% | $-0.14 +2025-03-10 12:37:24,651 - INFO - OPENED LONG at 2073.23 | Stop loss: 2062.86385 | Take profit: 2104.32845 +2025-03-10 12:37:24,753 - INFO - CLOSED long at 2068.15 | PnL: -0.25% | $-0.95 +2025-03-10 12:37:24,801 - INFO - OPENED SHORT at 2068.39 | Stop loss: 2078.73195 | Take profit: 2037.3641499999999 +2025-03-10 12:37:24,944 - INFO - CLOSED short at 2067.44 | PnL: 0.05% | $-0.15 +2025-03-10 12:37:24,988 - INFO - OPENED LONG at 2068.79 | Stop loss: 2058.44605 | Take profit: 2099.82185 +2025-03-10 12:37:25,119 - INFO - CLOSED long at 2069.87 | PnL: 0.05% | $-0.13 +2025-03-10 12:37:25,166 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.9933499999997 | Take profit: 2098.3399499999996 +2025-03-10 12:37:25,298 - INFO - CLOSED long at 2065.66 | PnL: -0.08% | $-0.49 +2025-03-10 12:37:25,347 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.2697499999995 | Take profit: 2032.9907499999997 +2025-03-10 12:37:25,436 - INFO - CLOSED short at 2064.5 | PnL: -0.03% | $-0.34 +2025-03-10 12:37:25,436 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1775 | Take profit: 2095.4674999999997 +2025-03-10 12:37:25,484 - INFO - CLOSED long at 2065.3 | PnL: 0.04% | $-0.16 +2025-03-10 12:37:25,577 - INFO - OPENED LONG at 2064.31 | Stop loss: 2053.98845 | Take profit: 2095.27465 +2025-03-10 12:37:25,670 - INFO - CLOSED long at 2067.53 | PnL: 0.16% | $0.15 +2025-03-10 12:37:25,761 - INFO - OPENED SHORT at 2065.31 | Stop loss: 2075.6365499999997 | Take profit: 2034.33035 +2025-03-10 12:37:25,809 - INFO - CLOSED short at 2066.8 | PnL: -0.07% | $-0.46 +2025-03-10 12:37:25,809 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.4660000000003 | Take profit: 2097.802 +2025-03-10 12:37:25,861 - INFO - CLOSED long at 2066.5 | PnL: -0.01% | $-0.31 +2025-03-10 12:37:25,965 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.9479499999998 | Take profit: 2040.5161500000002 +2025-03-10 12:37:26,017 - INFO - CLOSED short at 2070.2 | PnL: 0.07% | $-0.09 +2025-03-10 12:37:26,114 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.2545 | Take profit: 2039.8365000000001 +2025-03-10 12:37:26,164 - INFO - CLOSED short at 2069.69 | PnL: 0.06% | $-0.11 +2025-03-10 12:37:26,212 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3464999999997 | Take profit: 2101.7604999999994 +2025-03-10 12:37:26,310 - INFO - CLOSED long at 2070.35 | PnL: -0.02% | $-0.31 +2025-03-10 12:37:26,311 - INFO - OPENED SHORT at 2070.35 | Stop loss: 2080.7017499999997 | Take profit: 2039.2947499999998 +2025-03-10 12:37:26,587 - INFO - CLOSED short at 2069.78 | PnL: 0.03% | $-0.19 +2025-03-10 12:37:26,633 - INFO - OPENED SHORT at 2071.61 | Stop loss: 2081.96805 | Take profit: 2040.5358500000002 +2025-03-10 12:37:26,682 - INFO - CLOSED short at 2074.37 | PnL: -0.13% | $-0.61 +2025-03-10 12:37:26,819 - INFO - OPENED SHORT at 2073.27 | Stop loss: 2083.6363499999998 | Take profit: 2042.17095 +2025-03-10 12:37:26,902 - INFO - CLOSED short at 2075.32 | PnL: -0.10% | $-0.52 +2025-03-10 12:37:27,037 - INFO - OPENED LONG at 2075.61 | Stop loss: 2065.2319500000003 | Take profit: 2106.74415 +2025-03-10 12:37:27,122 - INFO - CLOSED long at 2072.09 | PnL: -0.17% | $-0.70 +2025-03-10 12:37:27,207 - INFO - OPENED LONG at 2067.7 | Stop loss: 2057.3615 | Take profit: 2098.7155 +2025-03-10 12:37:27,251 - INFO - CLOSED long at 2067.0 | PnL: -0.03% | $-0.34 +2025-03-10 12:37:27,252 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3349999999996 | Take profit: 2035.995 +2025-03-10 12:37:27,385 - INFO - CLOSED short at 2066.89 | PnL: 0.01% | $-0.24 +2025-03-10 12:37:27,524 - INFO - OPENED SHORT at 2068.1 | Stop loss: 2078.4404999999997 | Take profit: 2037.0784999999998 +2025-03-10 12:37:27,573 - INFO - CLOSED short at 2069.0 | PnL: -0.04% | $-0.36 +2025-03-10 12:37:27,573 - INFO - OPENED LONG at 2069.0 | Stop loss: 2058.655 | Take profit: 2100.035 +2025-03-10 12:37:27,624 - INFO - CLOSED long at 2070.19 | PnL: 0.06% | $-0.11 +2025-03-10 12:37:27,763 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1725 | Take profit: 2096.4824999999996 +2025-03-10 12:37:27,816 - INFO - CLOSED long at 2065.7 | PnL: 0.01% | $-0.23 +2025-03-10 12:37:27,818 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0284999999994 | Take profit: 2034.7144999999998 +2025-03-10 12:37:27,962 - INFO - CLOSED short at 2066.09 | PnL: -0.02% | $-0.30 +2025-03-10 12:37:27,963 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.75955 | Take profit: 2097.08135 +2025-03-10 12:37:28,009 - INFO - CLOSED long at 2063.39 | PnL: -0.13% | $-0.57 +2025-03-10 12:37:28,009 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.70695 | Take profit: 2032.43915 +2025-03-10 12:37:28,104 - INFO - CLOSED short at 2063.98 | PnL: -0.03% | $-0.32 +2025-03-10 12:37:28,147 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4304999999995 | Take profit: 2035.1084999999998 +2025-03-10 12:37:28,238 - INFO - CLOSED short at 2064.11 | PnL: 0.10% | $-0.01 +2025-03-10 12:37:28,376 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.32505 | Take profit: 2032.0648500000002 +2025-03-10 12:37:28,419 - INFO - CLOSED short at 2060.7 | PnL: 0.11% | $0.03 +2025-03-10 12:37:28,420 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3965 | Take profit: 2091.6105 +2025-03-10 12:37:28,464 - INFO - CLOSED long at 2060.2 | PnL: -0.02% | $-0.30 +2025-03-10 12:37:28,465 - INFO - OPENED SHORT at 2060.2 | Stop loss: 2070.5009999999997 | Take profit: 2029.2969999999998 +2025-03-10 12:37:28,554 - INFO - CLOSED short at 2058.09 | PnL: 0.10% | $0.01 +2025-03-10 12:37:28,600 - INFO - OPENED LONG at 2058.65 | Stop loss: 2048.35675 | Take profit: 2089.5297499999997 +2025-03-10 12:37:28,694 - INFO - CLOSED long at 2053.01 | PnL: -0.27% | $-0.91 +2025-03-10 12:37:28,834 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.2499499999994 | Take profit: 2021.2101499999997 +2025-03-10 12:37:28,878 - INFO - CLOSED short at 2058.3 | PnL: -0.31% | $-0.98 +2025-03-10 12:37:28,878 - INFO - OPENED LONG at 2058.3 | Stop loss: 2048.0085000000004 | Take profit: 2089.1745 +2025-03-10 12:37:28,928 - INFO - CLOSED long at 2056.85 | PnL: -0.07% | $-0.40 +2025-03-10 12:37:28,929 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.1342499999996 | Take profit: 2025.99725 +2025-03-10 12:37:28,976 - INFO - CLOSED short at 2057.11 | PnL: -0.01% | $-0.26 +2025-03-10 12:37:29,024 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1794499999996 | Take profit: 2027.02165 +2025-03-10 12:37:29,342 - INFO - CLOSED short at 2068.33 | PnL: -0.51% | $-1.42 +2025-03-10 12:37:29,437 - INFO - OPENED LONG at 2066.59 | Stop loss: 2056.25705 | Take profit: 2097.58885 +2025-03-10 12:37:29,567 - INFO - CLOSED long at 2059.9 | PnL: -0.32% | $-0.97 +2025-03-10 12:37:29,567 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.1994999999997 | Take profit: 2029.0015 +2025-03-10 12:37:29,661 - INFO - CLOSED short at 2061.84 | PnL: -0.09% | $-0.44 +2025-03-10 12:37:29,753 - INFO - OPENED LONG at 2065.72 | Stop loss: 2055.3914 | Take profit: 2096.7057999999997 +2025-03-10 12:37:29,841 - INFO - CLOSED long at 2070.24 | PnL: 0.22% | $0.26 +2025-03-10 12:37:29,842 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.5911999999994 | Take profit: 2039.1863999999998 +2025-03-10 12:37:30,045 - INFO - CLOSED short at 2073.49 | PnL: -0.16% | $-0.57 +2025-03-10 12:37:30,046 - INFO - OPENED LONG at 2073.49 | Stop loss: 2063.1225499999996 | Take profit: 2104.5923499999994 +2025-03-10 12:37:30,282 - INFO - CLOSED long at 2074.9 | PnL: 0.07% | $-0.07 +2025-03-10 12:37:30,386 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2087.9980499999997 | Take profit: 2046.44585 +2025-03-10 12:37:30,431 - INFO - CLOSED short at 2085.56 | PnL: -0.38% | $-1.07 +2025-03-10 12:37:30,431 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.1322 | Take profit: 2116.8433999999997 +2025-03-10 12:37:30,568 - INFO - TAKE PROFIT hit for long at 2116.8433999999997 | PnL: 1.50% | $3.04 +2025-03-10 12:37:30,714 - INFO - OPENED LONG at 2133.95 | Stop loss: 2123.28025 | Take profit: 2165.9592499999994 +2025-03-10 12:37:30,763 - INFO - CLOSED long at 2137.59 | PnL: 0.17% | $0.16 +2025-03-10 12:37:30,763 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.2779499999997 | Take profit: 2105.52615 +2025-03-10 12:37:30,957 - INFO - CLOSED short at 2140.01 | PnL: -0.11% | $-0.49 +2025-03-10 12:37:31,200 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.6954499999997 | Take profit: 2089.27365 +2025-03-10 12:37:31,340 - INFO - CLOSED short at 2119.93 | PnL: 0.05% | $-0.10 +2025-03-10 12:37:31,579 - INFO - OPENED LONG at 2115.28 | Stop loss: 2104.7036000000003 | Take profit: 2147.0092 +2025-03-10 12:37:31,625 - INFO - CLOSED long at 2107.43 | PnL: -0.37% | $-1.07 +2025-03-10 12:37:31,626 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 12:37:31,716 - INFO - CLOSED short at 2109.05 | PnL: -0.08% | $-0.39 +2025-03-10 12:37:31,775 - INFO - OPENED LONG at 2112.09 | Stop loss: 2101.52955 | Take profit: 2143.77135 +2025-03-10 12:37:31,824 - INFO - CLOSED long at 2112.95 | PnL: 0.04% | $-0.13 +2025-03-10 12:37:31,875 - INFO - OPENED SHORT at 2112.46 | Stop loss: 2123.0222999999996 | Take profit: 2080.7731 +2025-03-10 12:37:31,920 - INFO - CLOSED short at 2113.24 | PnL: -0.04% | $-0.30 +2025-03-10 12:37:31,968 - INFO - OPENED SHORT at 2112.99 | Stop loss: 2123.5549499999997 | Take profit: 2081.29515 +2025-03-10 12:37:32,014 - INFO - CLOSED short at 2120.81 | PnL: -0.37% | $-1.03 +2025-03-10 12:37:32,014 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.20595 | Take profit: 2152.6221499999997 +2025-03-10 12:37:32,116 - INFO - CLOSED long at 2114.8 | PnL: -0.28% | $-0.83 +2025-03-10 12:37:32,214 - INFO - OPENED SHORT at 2108.71 | Stop loss: 2119.25355 | Take profit: 2077.07935 +2025-03-10 12:37:32,259 - INFO - CLOSED short at 2106.49 | PnL: 0.11% | $0.01 +2025-03-10 12:37:32,260 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.9575499999996 | Take profit: 2138.08735 +2025-03-10 12:37:32,305 - INFO - CLOSED long at 2108.06 | PnL: 0.07% | $-0.05 +2025-03-10 12:37:32,444 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.55 | Take profit: 2121.35 +2025-03-10 12:37:32,488 - INFO - CLOSED long at 2099.53 | PnL: 0.46% | $0.75 +2025-03-10 12:37:32,488 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.02765 | Take profit: 2068.0370500000004 +2025-03-10 12:37:32,584 - INFO - CLOSED short at 2102.19 | PnL: -0.13% | $-0.49 +2025-03-10 12:37:32,585 - INFO - OPENED LONG at 2102.19 | Stop loss: 2091.67905 | Take profit: 2133.7228499999997 +2025-03-10 12:37:32,677 - INFO - CLOSED long at 2099.25 | PnL: -0.14% | $-0.51 +2025-03-10 12:37:32,677 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.7462499999997 | Take profit: 2067.76125 +2025-03-10 12:37:32,728 - INFO - CLOSED short at 2098.9 | PnL: 0.02% | $-0.18 +2025-03-10 12:37:32,728 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.4055000000003 | Take profit: 2130.3835 +2025-03-10 12:37:33,003 - INFO - CLOSED long at 2104.68 | PnL: 0.28% | $0.37 +2025-03-10 12:37:33,091 - INFO - OPENED SHORT at 2099.59 | Stop loss: 2110.08795 | Take profit: 2068.0961500000003 +2025-03-10 12:37:33,143 - INFO - CLOSED short at 2100.02 | PnL: -0.02% | $-0.26 +2025-03-10 12:37:33,143 - INFO - OPENED LONG at 2100.02 | Stop loss: 2089.5199 | Take profit: 2131.5202999999997 +2025-03-10 12:37:33,193 - INFO - CLOSED long at 2098.39 | PnL: -0.08% | $-0.37 +2025-03-10 12:37:33,193 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.8819499999995 | Take profit: 2066.91415 +2025-03-10 12:37:33,239 - INFO - CLOSED short at 2095.29 | PnL: 0.15% | $0.10 +2025-03-10 12:37:33,240 - INFO - OPENED LONG at 2095.29 | Stop loss: 2084.81355 | Take profit: 2126.71935 +2025-03-10 12:37:33,426 - INFO - CLOSED long at 2091.1 | PnL: -0.20% | $-0.63 +2025-03-10 12:37:33,426 - INFO - OPENED SHORT at 2091.1 | Stop loss: 2101.5554999999995 | Take profit: 2059.7335 +2025-03-10 12:37:33,475 - INFO - CLOSED short at 2094.72 | PnL: -0.17% | $-0.57 +2025-03-10 12:37:33,475 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.2464 | Take profit: 2126.1407999999997 +2025-03-10 12:37:33,523 - INFO - CLOSED long at 2094.08 | PnL: -0.03% | $-0.27 +2025-03-10 12:37:33,524 - INFO - OPENED SHORT at 2094.08 | Stop loss: 2104.5503999999996 | Take profit: 2062.6688 +2025-03-10 12:37:33,794 - INFO - CLOSED short at 2082.44 | PnL: 0.56% | $0.93 +2025-03-10 12:37:33,932 - INFO - OPENED LONG at 2081.25 | Stop loss: 2070.84375 | Take profit: 2112.46875 +2025-03-10 12:37:33,979 - INFO - CLOSED long at 2083.41 | PnL: 0.10% | $0.01 +2025-03-10 12:37:34,174 - INFO - OPENED SHORT at 2085.8 | Stop loss: 2096.229 | Take profit: 2054.5130000000004 +2025-03-10 12:37:34,220 - INFO - CLOSED short at 2084.72 | PnL: 0.05% | $-0.10 +2025-03-10 12:37:34,221 - INFO - OPENED LONG at 2084.72 | Stop loss: 2074.2963999999997 | Take profit: 2115.9907999999996 +2025-03-10 12:37:34,267 - INFO - CLOSED long at 2085.83 | PnL: 0.05% | $-0.10 +2025-03-10 12:37:34,268 - INFO - OPENED SHORT at 2085.83 | Stop loss: 2096.25915 | Take profit: 2054.54255 +2025-03-10 12:37:34,368 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 17.6% in downtrends | Avg Win=$0.37, Avg Loss=$-0.48 +2025-03-10 12:37:34,369 - INFO - Episode 0: Reward=-127.71, Balance=$51.70, Win Rate=16.2%, Trades=142, Episode PnL=$-23.06, Total PnL=$-48.30, Max Drawdown=48.4%, Pred Accuracy=98.7% +2025-03-10 12:37:34,531 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:37:34,531 - INFO - New best reward model saved: -127.71 +2025-03-10 12:37:34,665 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:37:34,666 - INFO - New best PnL model saved: $-23.06 +2025-03-10 12:37:34,768 - INFO - Model saved to models/trading_agent_best_winrate.pt +2025-03-10 12:37:34,769 - INFO - New best win rate model saved: 16.2% +2025-03-10 12:37:34,867 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 12:37:34,868 - INFO - Checkpoint saved at episode 0 +2025-03-10 12:37:34,887 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 12:37:35,274 - INFO - OPENED LONG at 2059.4 | Stop loss: 2049.103 | Take profit: 2090.2909999999997 +2025-03-10 12:37:35,461 - INFO - CLOSED long at 2060.1 | PnL: 0.03% | $-0.26 +2025-03-10 12:37:35,462 - INFO - OPENED SHORT at 2060.1 | Stop loss: 2070.4004999999997 | Take profit: 2029.1985 +2025-03-10 12:37:35,617 - INFO - CLOSED short at 2056.9 | PnL: 0.16% | $0.22 +2025-03-10 12:37:35,663 - INFO - OPENED SHORT at 2057.59 | Stop loss: 2067.87795 | Take profit: 2026.7261500000002 +2025-03-10 12:37:35,714 - INFO - CLOSED short at 2057.9 | PnL: -0.02% | $-0.46 +2025-03-10 12:37:35,764 - INFO - OPENED LONG at 2057.99 | Stop loss: 2047.7000499999997 | Take profit: 2088.8598499999994 +2025-03-10 12:37:35,814 - INFO - CLOSED long at 2058.51 | PnL: 0.03% | $-0.30 +2025-03-10 12:37:35,814 - INFO - OPENED SHORT at 2058.51 | Stop loss: 2068.80255 | Take profit: 2027.63235 +2025-03-10 12:37:35,863 - INFO - CLOSED short at 2055.2 | PnL: 0.16% | $0.24 +2025-03-10 12:37:35,863 - INFO - OPENED LONG at 2055.2 | Stop loss: 2044.9239999999998 | Take profit: 2086.028 +2025-03-10 12:37:35,968 - INFO - CLOSED long at 2056.4 | PnL: 0.06% | $-0.17 +2025-03-10 12:37:35,969 - INFO - OPENED SHORT at 2056.4 | Stop loss: 2066.682 | Take profit: 2025.554 +2025-03-10 12:37:36,021 - INFO - CLOSED short at 2055.39 | PnL: 0.05% | $-0.20 +2025-03-10 12:37:36,022 - INFO - OPENED LONG at 2055.39 | Stop loss: 2045.11305 | Take profit: 2086.2208499999997 +2025-03-10 12:37:36,075 - INFO - CLOSED long at 2053.56 | PnL: -0.09% | $-0.75 +2025-03-10 12:37:36,076 - INFO - OPENED SHORT at 2053.56 | Stop loss: 2063.8277999999996 | Take profit: 2022.7566 +2025-03-10 12:37:36,177 - INFO - CLOSED short at 2051.66 | PnL: 0.09% | $-0.03 +2025-03-10 12:37:36,178 - INFO - OPENED LONG at 2051.66 | Stop loss: 2041.4017 | Take profit: 2082.4348999999997 +2025-03-10 12:37:36,228 - INFO - CLOSED long at 2052.16 | PnL: 0.02% | $-0.30 +2025-03-10 12:37:36,276 - INFO - OPENED SHORT at 2053.1 | Stop loss: 2063.3655 | Take profit: 2022.3035 +2025-03-10 12:37:36,380 - INFO - CLOSED short at 2050.71 | PnL: 0.12% | $0.06 +2025-03-10 12:37:36,380 - INFO - OPENED LONG at 2050.71 | Stop loss: 2040.4564500000001 | Take profit: 2081.4706499999998 +2025-03-10 12:37:36,489 - INFO - CLOSED long at 2049.49 | PnL: -0.06% | $-0.63 +2025-03-10 12:37:36,538 - INFO - OPENED SHORT at 2050.2 | Stop loss: 2060.4509999999996 | Take profit: 2019.447 +2025-03-10 12:37:36,635 - INFO - CLOSED short at 2051.99 | PnL: -0.09% | $-0.73 +2025-03-10 12:37:36,687 - INFO - OPENED LONG at 2049.61 | Stop loss: 2039.3619500000002 | Take profit: 2080.35415 +2025-03-10 12:37:36,869 - INFO - CLOSED long at 2046.58 | PnL: -0.15% | $-0.96 +2025-03-10 12:37:36,919 - INFO - OPENED SHORT at 2047.4 | Stop loss: 2057.6369999999997 | Take profit: 2016.689 +2025-03-10 12:37:36,964 - INFO - CLOSED short at 2047.2 | PnL: 0.01% | $-0.35 +2025-03-10 12:37:36,964 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.964 | Take profit: 2077.908 +2025-03-10 12:37:37,060 - INFO - CLOSED long at 2045.99 | PnL: -0.06% | $-0.61 +2025-03-10 12:37:37,060 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.2199499999997 | Take profit: 2015.30015 +2025-03-10 12:37:37,207 - INFO - CLOSED short at 2047.59 | PnL: -0.08% | $-0.68 +2025-03-10 12:37:37,298 - INFO - OPENED SHORT at 2050.0 | Stop loss: 2060.25 | Take profit: 2019.25 +2025-03-10 12:37:37,395 - INFO - CLOSED short at 2049.89 | PnL: 0.01% | $-0.36 +2025-03-10 12:37:37,395 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6405499999998 | Take profit: 2080.6383499999997 +2025-03-10 12:37:37,596 - INFO - CLOSED long at 2052.3 | PnL: 0.12% | $0.07 +2025-03-10 12:37:37,650 - INFO - OPENED LONG at 2055.69 | Stop loss: 2045.41155 | Take profit: 2086.52535 +2025-03-10 12:37:37,752 - INFO - CLOSED long at 2056.89 | PnL: 0.06% | $-0.16 +2025-03-10 12:37:37,752 - INFO - OPENED SHORT at 2056.89 | Stop loss: 2067.1744499999995 | Take profit: 2026.0366499999998 +2025-03-10 12:37:37,802 - INFO - CLOSED short at 2058.39 | PnL: -0.07% | $-0.65 +2025-03-10 12:37:37,803 - INFO - OPENED LONG at 2058.39 | Stop loss: 2048.09805 | Take profit: 2089.26585 +2025-03-10 12:37:37,967 - INFO - CLOSED long at 2059.7 | PnL: 0.06% | $-0.14 +2025-03-10 12:37:38,121 - INFO - OPENED LONG at 2063.29 | Stop loss: 2052.97355 | Take profit: 2094.23935 +2025-03-10 12:37:38,494 - INFO - CLOSED long at 2060.99 | PnL: -0.11% | $-0.79 +2025-03-10 12:37:38,552 - INFO - OPENED SHORT at 2058.3 | Stop loss: 2068.5915 | Take profit: 2027.4255 +2025-03-10 12:37:38,609 - INFO - CLOSED short at 2060.0 | PnL: -0.08% | $-0.67 +2025-03-10 12:37:38,610 - INFO - OPENED LONG at 2060.0 | Stop loss: 2049.7 | Take profit: 2090.8999999999996 +2025-03-10 12:37:38,670 - INFO - CLOSED long at 2061.89 | PnL: 0.09% | $-0.03 +2025-03-10 12:37:38,670 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.1994499999996 | Take profit: 2030.9616499999997 +2025-03-10 12:37:38,725 - INFO - CLOSED short at 2062.89 | PnL: -0.05% | $-0.54 +2025-03-10 12:37:38,778 - INFO - OPENED LONG at 2060.31 | Stop loss: 2050.00845 | Take profit: 2091.21465 +2025-03-10 12:37:38,831 - INFO - CLOSED long at 2059.49 | PnL: -0.04% | $-0.51 +2025-03-10 12:37:38,832 - INFO - OPENED SHORT at 2059.49 | Stop loss: 2069.7874499999994 | Take profit: 2028.5976499999997 +2025-03-10 12:37:39,212 - INFO - CLOSED short at 2061.18 | PnL: -0.08% | $-0.66 +2025-03-10 12:37:39,212 - INFO - OPENED LONG at 2061.18 | Stop loss: 2050.8741 | Take profit: 2092.0977 +2025-03-10 12:37:39,269 - INFO - CLOSED long at 2064.32 | PnL: 0.15% | $0.19 +2025-03-10 12:37:39,270 - INFO - OPENED SHORT at 2064.32 | Stop loss: 2074.6416 | Take profit: 2033.3552000000002 +2025-03-10 12:37:39,330 - INFO - CLOSED short at 2065.86 | PnL: -0.07% | $-0.63 +2025-03-10 12:37:39,437 - INFO - OPENED LONG at 2068.11 | Stop loss: 2057.7694500000002 | Take profit: 2099.13165 +2025-03-10 12:37:39,538 - INFO - CLOSED long at 2067.89 | PnL: -0.01% | $-0.39 +2025-03-10 12:37:39,644 - INFO - OPENED SHORT at 2070.99 | Stop loss: 2081.3449499999997 | Take profit: 2039.9251499999998 +2025-03-10 12:37:39,692 - INFO - CLOSED short at 2069.6 | PnL: 0.07% | $-0.12 +2025-03-10 12:37:39,693 - INFO - OPENED LONG at 2069.6 | Stop loss: 2059.252 | Take profit: 2100.644 +2025-03-10 12:37:39,794 - INFO - CLOSED long at 2068.99 | PnL: -0.03% | $-0.46 +2025-03-10 12:37:40,007 - INFO - OPENED SHORT at 2071.44 | Stop loss: 2081.7972 | Take profit: 2040.3684 +2025-03-10 12:37:40,207 - INFO - CLOSED short at 2072.33 | PnL: -0.04% | $-0.50 +2025-03-10 12:37:40,208 - INFO - OPENED LONG at 2072.33 | Stop loss: 2061.96835 | Take profit: 2103.41495 +2025-03-10 12:37:40,374 - INFO - CLOSED long at 2069.37 | PnL: -0.14% | $-0.85 +2025-03-10 12:37:40,544 - INFO - OPENED SHORT at 2070.79 | Stop loss: 2081.1439499999997 | Take profit: 2039.72815 +2025-03-10 12:37:40,948 - INFO - CLOSED short at 2069.19 | PnL: 0.08% | $-0.08 +2025-03-10 12:37:41,089 - INFO - OPENED SHORT at 2067.51 | Stop loss: 2077.84755 | Take profit: 2036.49735 +2025-03-10 12:37:41,186 - INFO - CLOSED short at 2066.39 | PnL: 0.05% | $-0.16 +2025-03-10 12:37:41,186 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.0580499999996 | Take profit: 2097.3858499999997 +2025-03-10 12:37:41,326 - INFO - CLOSED long at 2066.29 | PnL: -0.00% | $-0.36 +2025-03-10 12:37:41,326 - INFO - OPENED SHORT at 2066.29 | Stop loss: 2076.6214499999996 | Take profit: 2035.29565 +2025-03-10 12:37:41,374 - INFO - CLOSED short at 2065.08 | PnL: 0.06% | $-0.14 +2025-03-10 12:37:41,755 - INFO - OPENED LONG at 2069.96 | Stop loss: 2059.6102 | Take profit: 2101.0094 +2025-03-10 12:37:42,115 - INFO - CLOSED long at 2072.15 | PnL: 0.11% | $0.02 +2025-03-10 12:37:42,116 - INFO - OPENED SHORT at 2072.15 | Stop loss: 2082.51075 | Take profit: 2041.0677500000002 +2025-03-10 12:37:42,223 - INFO - CLOSED short at 2073.9 | PnL: -0.08% | $-0.64 +2025-03-10 12:37:42,275 - INFO - OPENED SHORT at 2071.92 | Stop loss: 2082.2796 | Take profit: 2040.8412 +2025-03-10 12:37:42,381 - INFO - CLOSED short at 2071.11 | PnL: 0.04% | $-0.21 +2025-03-10 12:37:42,536 - INFO - OPENED LONG at 2068.32 | Stop loss: 2057.9784 | Take profit: 2099.3448 +2025-03-10 12:37:42,586 - INFO - CLOSED long at 2067.0 | PnL: -0.06% | $-0.56 +2025-03-10 12:37:42,801 - INFO - OPENED LONG at 2065.49 | Stop loss: 2055.1625499999996 | Take profit: 2096.4723499999996 +2025-03-10 12:37:42,848 - INFO - CLOSED long at 2063.61 | PnL: -0.09% | $-0.65 +2025-03-10 12:37:42,944 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:37:43,048 - INFO - CLOSED short at 2068.8 | PnL: -0.04% | $-0.48 +2025-03-10 12:37:43,099 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.6866999999997 | Take profit: 2038.2999000000002 +2025-03-10 12:37:43,248 - INFO - CLOSED short at 2069.2 | PnL: 0.01% | $-0.31 +2025-03-10 12:37:43,297 - INFO - OPENED LONG at 2070.3 | Stop loss: 2059.9485 | Take profit: 2101.3545 +2025-03-10 12:37:43,402 - INFO - CLOSED long at 2070.7 | PnL: 0.02% | $-0.27 +2025-03-10 12:37:43,403 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0534999999995 | Take profit: 2039.6394999999998 +2025-03-10 12:37:43,455 - INFO - CLOSED short at 2070.4 | PnL: 0.01% | $-0.28 +2025-03-10 12:37:43,456 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0480000000002 | Take profit: 2101.4559999999997 +2025-03-10 12:37:43,613 - INFO - CLOSED long at 2068.69 | PnL: -0.08% | $-0.60 +2025-03-10 12:37:43,613 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.03345 | Take profit: 2037.65965 +2025-03-10 12:37:43,764 - INFO - CLOSED short at 2067.86 | PnL: 0.04% | $-0.20 +2025-03-10 12:37:43,814 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.068 | Take profit: 2097.3959999999997 +2025-03-10 12:37:43,867 - INFO - CLOSED long at 2066.1 | PnL: -0.01% | $-0.38 +2025-03-10 12:37:43,867 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4304999999995 | Take profit: 2035.1084999999998 +2025-03-10 12:37:43,962 - INFO - CLOSED short at 2066.39 | PnL: -0.01% | $-0.37 +2025-03-10 12:37:43,968 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.0580499999996 | Take profit: 2097.3858499999997 +2025-03-10 12:37:44,015 - INFO - CLOSED long at 2064.47 | PnL: -0.09% | $-0.63 +2025-03-10 12:37:44,064 - INFO - OPENED SHORT at 2070.04 | Stop loss: 2080.3902 | Take profit: 2038.9894 +2025-03-10 12:37:44,224 - INFO - CLOSED short at 2065.69 | PnL: 0.21% | $0.36 +2025-03-10 12:37:44,335 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.3149499999995 | Take profit: 2034.0151499999997 +2025-03-10 12:37:44,390 - INFO - CLOSED short at 2065.83 | PnL: -0.04% | $-0.46 +2025-03-10 12:37:44,758 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9935 | Take profit: 2092.2195 +2025-03-10 12:37:44,864 - INFO - CLOSED long at 2064.96 | PnL: 0.18% | $0.25 +2025-03-10 12:37:44,921 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.5711999999994 | Take profit: 2035.2463999999998 +2025-03-10 12:37:44,982 - INFO - CLOSED short at 2067.1 | PnL: -0.04% | $-0.46 +2025-03-10 12:37:44,982 - INFO - OPENED LONG at 2067.1 | Stop loss: 2056.7644999999998 | Take profit: 2098.1065 +2025-03-10 12:37:45,223 - INFO - CLOSED long at 2064.08 | PnL: -0.15% | $-0.79 +2025-03-10 12:37:45,282 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.39645 | Take profit: 2093.65065 +2025-03-10 12:37:45,449 - INFO - CLOSED long at 2063.5 | PnL: 0.04% | $-0.20 +2025-03-10 12:37:45,450 - INFO - OPENED SHORT at 2063.5 | Stop loss: 2073.8174999999997 | Take profit: 2032.5475 +2025-03-10 12:37:45,612 - INFO - CLOSED short at 2060.65 | PnL: 0.14% | $0.12 +2025-03-10 12:37:45,612 - INFO - OPENED LONG at 2060.65 | Stop loss: 2050.34675 | Take profit: 2091.55975 +2025-03-10 12:37:45,815 - INFO - CLOSED long at 2061.8 | PnL: 0.06% | $-0.14 +2025-03-10 12:37:45,815 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.109 | Take profit: 2030.873 +2025-03-10 12:37:45,919 - INFO - CLOSED short at 2062.61 | PnL: -0.04% | $-0.44 +2025-03-10 12:37:46,132 - INFO - OPENED LONG at 2061.9 | Stop loss: 2051.5905000000002 | Take profit: 2092.8285 +2025-03-10 12:37:46,397 - INFO - CLOSED long at 2064.79 | PnL: 0.14% | $0.13 +2025-03-10 12:37:46,714 - INFO - OPENED SHORT at 2061.7 | Stop loss: 2072.0084999999995 | Take profit: 2030.7744999999998 +2025-03-10 12:37:46,813 - INFO - CLOSED short at 2061.09 | PnL: 0.03% | $-0.22 +2025-03-10 12:37:46,861 - INFO - OPENED SHORT at 2059.61 | Stop loss: 2069.90805 | Take profit: 2028.71585 +2025-03-10 12:37:46,927 - INFO - CLOSED short at 2059.16 | PnL: 0.02% | $-0.25 +2025-03-10 12:37:46,928 - INFO - OPENED LONG at 2059.16 | Stop loss: 2048.8642 | Take profit: 2090.0473999999995 +2025-03-10 12:37:47,061 - INFO - CLOSED long at 2058.89 | PnL: -0.01% | $-0.36 +2025-03-10 12:37:47,125 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.6602 | Take profit: 2090.8594 +2025-03-10 12:37:47,186 - INFO - CLOSED long at 2059.46 | PnL: -0.02% | $-0.39 +2025-03-10 12:37:47,312 - INFO - OPENED LONG at 2058.28 | Stop loss: 2047.9886000000001 | Take profit: 2089.1542 +2025-03-10 12:37:47,368 - INFO - CLOSED long at 2056.28 | PnL: -0.10% | $-0.61 +2025-03-10 12:37:47,995 - INFO - OPENED LONG at 2062.69 | Stop loss: 2052.37655 | Take profit: 2093.63035 +2025-03-10 12:37:48,044 - INFO - CLOSED long at 2063.4 | PnL: 0.03% | $-0.20 +2025-03-10 12:37:48,096 - INFO - OPENED LONG at 2066.36 | Stop loss: 2056.0282 | Take profit: 2097.3554 +2025-03-10 12:37:48,148 - INFO - CLOSED long at 2066.01 | PnL: -0.02% | $-0.36 +2025-03-10 12:37:48,537 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.36155 | Take profit: 2096.67535 +2025-03-10 12:37:48,631 - INFO - CLOSED long at 2072.0 | PnL: 0.31% | $0.63 +2025-03-10 12:37:48,631 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3599999999997 | Take profit: 2040.92 +2025-03-10 12:37:48,811 - INFO - CLOSED short at 2072.6 | PnL: -0.03% | $-0.40 +2025-03-10 12:37:48,811 - INFO - OPENED LONG at 2072.6 | Stop loss: 2062.237 | Take profit: 2103.689 +2025-03-10 12:37:48,855 - INFO - CLOSED long at 2071.04 | PnL: -0.08% | $-0.54 +2025-03-10 12:37:48,856 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.3952 | Take profit: 2039.9743999999998 +2025-03-10 12:37:48,900 - INFO - CLOSED short at 2070.01 | PnL: 0.05% | $-0.15 +2025-03-10 12:37:48,901 - INFO - OPENED LONG at 2070.01 | Stop loss: 2059.65995 | Take profit: 2101.06015 +2025-03-10 12:37:48,947 - INFO - CLOSED long at 2071.6 | PnL: 0.08% | $-0.07 +2025-03-10 12:37:49,047 - INFO - OPENED LONG at 2070.0 | Stop loss: 2059.65 | Take profit: 2101.0499999999997 +2025-03-10 12:37:49,114 - INFO - CLOSED long at 2068.15 | PnL: -0.09% | $-0.58 +2025-03-10 12:37:49,373 - INFO - OPENED LONG at 2068.79 | Stop loss: 2058.44605 | Take profit: 2099.82185 +2025-03-10 12:37:49,423 - INFO - CLOSED long at 2072.99 | PnL: 0.20% | $0.31 +2025-03-10 12:37:49,474 - INFO - OPENED SHORT at 2071.49 | Stop loss: 2081.8474499999998 | Take profit: 2040.4176499999999 +2025-03-10 12:37:49,524 - INFO - CLOSED short at 2069.87 | PnL: 0.08% | $-0.07 +2025-03-10 12:37:49,524 - INFO - OPENED LONG at 2069.87 | Stop loss: 2059.52065 | Take profit: 2100.9180499999998 +2025-03-10 12:37:49,576 - INFO - CLOSED long at 2067.33 | PnL: -0.12% | $-0.67 +2025-03-10 12:37:49,577 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.6666499999997 | Take profit: 2036.3200499999998 +2025-03-10 12:37:49,630 - INFO - CLOSED short at 2066.38 | PnL: 0.05% | $-0.16 +2025-03-10 12:37:49,631 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.0481 | Take profit: 2097.3757 +2025-03-10 12:37:50,039 - INFO - CLOSED long at 2064.31 | PnL: -0.10% | $-0.60 +2025-03-10 12:37:50,136 - INFO - OPENED SHORT at 2067.53 | Stop loss: 2077.86765 | Take profit: 2036.5170500000002 +2025-03-10 12:37:50,244 - INFO - CLOSED short at 2065.31 | PnL: 0.11% | $0.02 +2025-03-10 12:37:50,344 - INFO - OPENED SHORT at 2066.5 | Stop loss: 2076.8325 | Take profit: 2035.5025 +2025-03-10 12:37:50,400 - INFO - CLOSED short at 2068.59 | PnL: -0.10% | $-0.60 +2025-03-10 12:37:50,608 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.2545 | Take profit: 2039.8365000000001 +2025-03-10 12:37:50,717 - INFO - CLOSED short at 2070.7 | PnL: 0.01% | $-0.27 +2025-03-10 12:37:50,718 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3464999999997 | Take profit: 2101.7604999999994 +2025-03-10 12:37:50,770 - INFO - CLOSED long at 2070.8 | PnL: 0.00% | $-0.28 +2025-03-10 12:37:51,017 - INFO - OPENED LONG at 2068.67 | Stop loss: 2058.32665 | Take profit: 2099.70005 +2025-03-10 12:37:51,119 - INFO - CLOSED long at 2069.78 | PnL: 0.05% | $-0.14 +2025-03-10 12:37:51,171 - INFO - OPENED LONG at 2071.61 | Stop loss: 2061.2519500000003 | Take profit: 2102.68415 +2025-03-10 12:37:51,271 - INFO - CLOSED long at 2075.07 | PnL: 0.17% | $0.20 +2025-03-10 12:37:51,368 - INFO - OPENED SHORT at 2073.27 | Stop loss: 2083.6363499999998 | Take profit: 2042.17095 +2025-03-10 12:37:51,421 - INFO - CLOSED short at 2073.99 | PnL: -0.03% | $-0.39 +2025-03-10 12:37:51,422 - INFO - OPENED LONG at 2073.99 | Stop loss: 2063.62005 | Take profit: 2105.0998499999996 +2025-03-10 12:37:51,579 - INFO - CLOSED long at 2076.9 | PnL: 0.14% | $0.12 +2025-03-10 12:37:51,580 - INFO - OPENED SHORT at 2076.9 | Stop loss: 2087.2844999999998 | Take profit: 2045.7465 +2025-03-10 12:37:51,735 - INFO - CLOSED short at 2072.09 | PnL: 0.23% | $0.38 +2025-03-10 12:37:51,736 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.72955 | Take profit: 2103.17135 +2025-03-10 12:37:51,872 - INFO - CLOSED long at 2067.0 | PnL: -0.25% | $-1.01 +2025-03-10 12:37:51,873 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3349999999996 | Take profit: 2035.995 +2025-03-10 12:37:51,919 - INFO - CLOSED short at 2067.9 | PnL: -0.04% | $-0.42 +2025-03-10 12:37:52,024 - INFO - OPENED SHORT at 2066.89 | Stop loss: 2077.2244499999997 | Take profit: 2035.88665 +2025-03-10 12:37:52,074 - INFO - CLOSED short at 2067.88 | PnL: -0.05% | $-0.43 +2025-03-10 12:37:52,168 - INFO - OPENED LONG at 2068.1 | Stop loss: 2057.7595 | Take profit: 2099.1214999999997 +2025-03-10 12:37:52,215 - INFO - CLOSED long at 2069.0 | PnL: 0.04% | $-0.16 +2025-03-10 12:37:52,263 - INFO - OPENED LONG at 2070.19 | Stop loss: 2059.83905 | Take profit: 2101.2428499999996 +2025-03-10 12:37:52,312 - INFO - CLOSED long at 2070.1 | PnL: -0.00% | $-0.30 +2025-03-10 12:37:52,313 - INFO - OPENED SHORT at 2070.1 | Stop loss: 2080.4504999999995 | Take profit: 2039.0484999999999 +2025-03-10 12:37:52,365 - INFO - CLOSED short at 2067.19 | PnL: 0.14% | $0.12 +2025-03-10 12:37:52,366 - INFO - OPENED LONG at 2067.19 | Stop loss: 2056.85405 | Take profit: 2098.19785 +2025-03-10 12:37:52,417 - INFO - CLOSED long at 2065.5 | PnL: -0.08% | $-0.52 +2025-03-10 12:37:52,517 - INFO - OPENED LONG at 2065.8 | Stop loss: 2055.471 | Take profit: 2096.787 +2025-03-10 12:37:52,566 - INFO - CLOSED long at 2065.07 | PnL: -0.04% | $-0.38 +2025-03-10 12:37:52,567 - INFO - OPENED SHORT at 2065.07 | Stop loss: 2075.39535 | Take profit: 2034.0939500000002 +2025-03-10 12:37:52,840 - INFO - CLOSED short at 2065.06 | PnL: 0.00% | $-0.28 +2025-03-10 12:37:52,884 - INFO - OPENED SHORT at 2064.11 | Stop loss: 2074.43055 | Take profit: 2033.1483500000002 +2025-03-10 12:37:53,029 - INFO - CLOSED short at 2063.01 | PnL: 0.05% | $-0.13 +2025-03-10 12:37:53,174 - INFO - OPENED LONG at 2059.2 | Stop loss: 2048.904 | Take profit: 2090.0879999999997 +2025-03-10 12:37:53,274 - INFO - CLOSED long at 2058.65 | PnL: -0.03% | $-0.35 +2025-03-10 12:37:53,275 - INFO - OPENED SHORT at 2058.65 | Stop loss: 2068.94325 | Take profit: 2027.77025 +2025-03-10 12:37:53,330 - INFO - CLOSED short at 2056.77 | PnL: 0.09% | $-0.02 +2025-03-10 12:37:53,480 - INFO - OPENED SHORT at 2049.5 | Stop loss: 2059.7475 | Take profit: 2018.7575 +2025-03-10 12:37:53,580 - INFO - CLOSED short at 2058.3 | PnL: -0.43% | $-1.47 +2025-03-10 12:37:53,580 - INFO - OPENED LONG at 2058.3 | Stop loss: 2048.0085000000004 | Take profit: 2089.1745 +2025-03-10 12:37:53,678 - INFO - CLOSED long at 2057.11 | PnL: -0.06% | $-0.43 +2025-03-10 12:37:53,679 - INFO - OPENED SHORT at 2057.11 | Stop loss: 2067.3955499999997 | Take profit: 2026.2533500000002 +2025-03-10 12:37:53,725 - INFO - CLOSED short at 2057.89 | PnL: -0.04% | $-0.37 +2025-03-10 12:37:54,003 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.7943999999998 | Take profit: 2096.0968 +2025-03-10 12:37:54,050 - INFO - CLOSED long at 2068.33 | PnL: 0.16% | $0.15 +2025-03-10 12:37:54,052 - INFO - OPENED SHORT at 2068.33 | Stop loss: 2078.6716499999998 | Take profit: 2037.30505 +2025-03-10 12:37:54,102 - INFO - CLOSED short at 2067.49 | PnL: 0.04% | $-0.16 +2025-03-10 12:37:54,149 - INFO - OPENED LONG at 2066.59 | Stop loss: 2056.25705 | Take profit: 2097.58885 +2025-03-10 12:37:54,200 - INFO - CLOSED long at 2064.08 | PnL: -0.12% | $-0.60 +2025-03-10 12:37:54,200 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4003999999995 | Take profit: 2033.1188 +2025-03-10 12:37:54,304 - INFO - CLOSED short at 2059.9 | PnL: 0.20% | $0.27 +2025-03-10 12:37:54,305 - INFO - OPENED LONG at 2059.9 | Stop loss: 2049.6005 | Take profit: 2090.7985 +2025-03-10 12:37:54,360 - INFO - CLOSED long at 2060.7 | PnL: 0.04% | $-0.16 +2025-03-10 12:37:54,360 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:37:54,521 - INFO - CLOSED short at 2065.72 | PnL: -0.24% | $-0.92 +2025-03-10 12:37:54,522 - INFO - OPENED LONG at 2065.72 | Stop loss: 2055.3914 | Take profit: 2096.7057999999997 +2025-03-10 12:37:54,570 - INFO - CLOSED long at 2070.31 | PnL: 0.22% | $0.32 +2025-03-10 12:37:54,872 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.42025 | Take profit: 2042.9392500000001 +2025-03-10 12:37:54,923 - INFO - CLOSED short at 2072.99 | PnL: 0.05% | $-0.13 +2025-03-10 12:37:54,975 - INFO - OPENED SHORT at 2071.89 | Stop loss: 2082.24945 | Take profit: 2040.8116499999999 +2025-03-10 12:37:55,072 - INFO - CLOSED short at 2074.9 | PnL: -0.15% | $-0.65 +2025-03-10 12:37:55,072 - INFO - OPENED LONG at 2074.9 | Stop loss: 2064.5255 | Take profit: 2106.0235 +2025-03-10 12:37:55,227 - INFO - CLOSED long at 2085.56 | PnL: 0.51% | $1.08 +2025-03-10 12:37:55,279 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.0375499999996 | Take profit: 2121.8473499999996 +2025-03-10 12:37:55,383 - INFO - TAKE PROFIT hit for long at 2121.8473499999996 | PnL: 1.50% | $3.72 +2025-03-10 12:37:55,484 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.1211000000003 | Take profit: 2163.7567 +2025-03-10 12:37:55,532 - INFO - CLOSED long at 2133.95 | PnL: 0.10% | $0.01 +2025-03-10 12:37:55,532 - INFO - OPENED SHORT at 2133.95 | Stop loss: 2144.6197499999994 | Take profit: 2101.9407499999998 +2025-03-10 12:37:55,634 - INFO - CLOSED short at 2141.41 | PnL: -0.35% | $-1.26 +2025-03-10 12:37:55,635 - INFO - OPENED LONG at 2141.41 | Stop loss: 2130.70295 | Take profit: 2173.53115 +2025-03-10 12:37:55,877 - INFO - CLOSED long at 2126.99 | PnL: -0.67% | $-2.13 +2025-03-10 12:37:55,924 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.6635 | Take profit: 2159.2095 +2025-03-10 12:37:56,026 - INFO - CLOSED long at 2121.09 | PnL: -0.29% | $-1.05 +2025-03-10 12:37:56,027 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.6954499999997 | Take profit: 2089.27365 +2025-03-10 12:37:56,076 - INFO - CLOSED short at 2120.15 | PnL: 0.04% | $-0.15 +2025-03-10 12:37:56,076 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.54925 | Take profit: 2151.95225 +2025-03-10 12:37:56,122 - INFO - CLOSED long at 2117.24 | PnL: -0.14% | $-0.62 +2025-03-10 12:37:56,170 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3303499999997 | Take profit: 2151.7289499999997 +2025-03-10 12:37:56,478 - INFO - CLOSED long at 2107.43 | PnL: -0.59% | $-1.79 +2025-03-10 12:37:56,528 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.047 | Take profit: 2142.2589999999996 +2025-03-10 12:37:56,576 - INFO - CLOSED long at 2109.05 | PnL: -0.07% | $-0.44 +2025-03-10 12:37:56,903 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.20595 | Take profit: 2152.6221499999997 +2025-03-10 12:37:57,010 - INFO - CLOSED long at 2114.8 | PnL: -0.28% | $-0.96 +2025-03-10 12:37:57,070 - INFO - OPENED LONG at 2110.9 | Stop loss: 2100.3455 | Take profit: 2142.5634999999997 +2025-03-10 12:37:57,121 - INFO - CLOSED long at 2108.71 | PnL: -0.10% | $-0.50 +2025-03-10 12:37:57,122 - INFO - OPENED SHORT at 2108.71 | Stop loss: 2119.25355 | Take profit: 2077.07935 +2025-03-10 12:37:57,229 - INFO - CLOSED short at 2108.06 | PnL: 0.03% | $-0.17 +2025-03-10 12:37:57,229 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.5197 | Take profit: 2139.6809 +2025-03-10 12:37:57,390 - INFO - CLOSED long at 2090.0 | PnL: -0.86% | $-2.34 +2025-03-10 12:37:57,692 - INFO - OPENED LONG at 2099.25 | Stop loss: 2088.75375 | Take profit: 2130.73875 +2025-03-10 12:37:57,749 - INFO - CLOSED long at 2098.9 | PnL: -0.02% | $-0.27 +2025-03-10 12:37:57,750 - INFO - OPENED SHORT at 2098.9 | Stop loss: 2109.3945 | Take profit: 2067.4165000000003 +2025-03-10 12:37:58,135 - INFO - CLOSED short at 2101.51 | PnL: -0.12% | $-0.52 +2025-03-10 12:37:58,190 - INFO - OPENED LONG at 2099.59 | Stop loss: 2089.09205 | Take profit: 2131.08385 +2025-03-10 12:37:58,316 - INFO - CLOSED long at 2098.39 | PnL: -0.06% | $-0.36 +2025-03-10 12:37:58,742 - INFO - OPENED SHORT at 2088.35 | Stop loss: 2098.79175 | Take profit: 2057.02475 +2025-03-10 12:37:58,986 - INFO - CLOSED short at 2082.44 | PnL: 0.28% | $0.42 +2025-03-10 12:37:59,034 - INFO - OPENED SHORT at 2081.49 | Stop loss: 2091.8974499999995 | Take profit: 2050.26765 +2025-03-10 12:37:59,240 - INFO - CLOSED short at 2085.09 | PnL: -0.17% | $-0.63 +2025-03-10 12:37:59,580 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 21.2% in downtrends | Avg Win=$0.39, Avg Loss=$-0.48 +2025-03-10 12:37:59,581 - INFO - Episode 1: Reward=116.14, Balance=$57.34, Win Rate=18.0%, Trades=133, Episode PnL=$-22.86, Total PnL=$-90.96, Max Drawdown=42.7%, Pred Accuracy=99.9% +2025-03-10 12:37:59,728 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:37:59,729 - INFO - New best reward model saved: 116.14 +2025-03-10 12:37:59,858 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:37:59,859 - INFO - New best PnL model saved: $-22.86 +2025-03-10 12:37:59,969 - INFO - Model saved to models/trading_agent_best_winrate.pt +2025-03-10 12:37:59,970 - INFO - New best win rate model saved: 18.0% +2025-03-10 12:37:59,992 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 12:38:00,318 - INFO - OPENED SHORT at 2062.28 | Stop loss: 2072.5914 | Take profit: 2031.3458000000003 +2025-03-10 12:38:00,469 - INFO - CLOSED short at 2057.59 | PnL: 0.23% | $0.51 +2025-03-10 12:38:00,470 - INFO - OPENED LONG at 2057.59 | Stop loss: 2047.3020500000002 | Take profit: 2088.45385 +2025-03-10 12:38:00,514 - INFO - CLOSED long at 2059.03 | PnL: 0.07% | $-0.12 +2025-03-10 12:38:00,663 - INFO - OPENED SHORT at 2060.51 | Stop loss: 2070.81255 | Take profit: 2029.6023500000001 +2025-03-10 12:38:00,859 - INFO - CLOSED short at 2057.9 | PnL: 0.13% | $0.11 +2025-03-10 12:38:00,861 - INFO - OPENED LONG at 2057.9 | Stop loss: 2047.6105 | Take profit: 2088.7684999999997 +2025-03-10 12:38:01,114 - INFO - CLOSED long at 2056.4 | PnL: -0.07% | $-0.69 +2025-03-10 12:38:01,162 - INFO - OPENED LONG at 2055.39 | Stop loss: 2045.11305 | Take profit: 2086.2208499999997 +2025-03-10 12:38:01,207 - INFO - CLOSED long at 2053.56 | PnL: -0.09% | $-0.75 +2025-03-10 12:38:01,208 - INFO - OPENED SHORT at 2053.56 | Stop loss: 2063.8277999999996 | Take profit: 2022.7566 +2025-03-10 12:38:01,298 - INFO - CLOSED short at 2051.66 | PnL: 0.09% | $-0.03 +2025-03-10 12:38:01,298 - INFO - OPENED LONG at 2051.66 | Stop loss: 2041.4017 | Take profit: 2082.4348999999997 +2025-03-10 12:38:01,398 - INFO - CLOSED long at 2053.1 | PnL: 0.07% | $-0.12 +2025-03-10 12:38:01,399 - INFO - OPENED SHORT at 2053.1 | Stop loss: 2063.3655 | Take profit: 2022.3035 +2025-03-10 12:38:01,451 - INFO - CLOSED short at 2052.25 | PnL: 0.04% | $-0.23 +2025-03-10 12:38:01,451 - INFO - OPENED LONG at 2052.25 | Stop loss: 2041.98875 | Take profit: 2083.0337499999996 +2025-03-10 12:38:01,501 - INFO - CLOSED long at 2050.71 | PnL: -0.08% | $-0.69 +2025-03-10 12:38:01,650 - INFO - OPENED LONG at 2050.2 | Stop loss: 2039.9489999999998 | Take profit: 2080.9529999999995 +2025-03-10 12:38:01,698 - INFO - CLOSED long at 2049.6 | PnL: -0.03% | $-0.51 +2025-03-10 12:38:01,890 - INFO - OPENED SHORT at 2048.48 | Stop loss: 2058.7223999999997 | Take profit: 2017.7528 +2025-03-10 12:38:01,941 - INFO - CLOSED short at 2047.39 | PnL: 0.05% | $-0.18 +2025-03-10 12:38:01,942 - INFO - OPENED LONG at 2047.39 | Stop loss: 2037.1530500000001 | Take profit: 2078.10085 +2025-03-10 12:38:01,990 - INFO - CLOSED long at 2046.58 | PnL: -0.04% | $-0.54 +2025-03-10 12:38:01,991 - INFO - OPENED SHORT at 2046.58 | Stop loss: 2056.8129 | Take profit: 2015.8813 +2025-03-10 12:38:02,093 - INFO - CLOSED short at 2047.2 | PnL: -0.03% | $-0.50 +2025-03-10 12:38:02,142 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.76005 | Take profit: 2076.67985 +2025-03-10 12:38:02,238 - INFO - CLOSED long at 2045.79 | PnL: -0.01% | $-0.42 +2025-03-10 12:38:02,333 - INFO - OPENED LONG at 2047.59 | Stop loss: 2037.35205 | Take profit: 2078.30385 +2025-03-10 12:38:02,662 - INFO - CLOSED long at 2051.89 | PnL: 0.21% | $0.42 +2025-03-10 12:38:02,662 - INFO - OPENED SHORT at 2051.89 | Stop loss: 2062.1494499999994 | Take profit: 2021.1116499999998 +2025-03-10 12:38:02,710 - INFO - CLOSED short at 2052.3 | PnL: -0.02% | $-0.46 +2025-03-10 12:38:02,710 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.0385 | Take profit: 2083.0845 +2025-03-10 12:38:02,811 - INFO - CLOSED long at 2057.01 | PnL: 0.23% | $0.50 +2025-03-10 12:38:02,812 - INFO - OPENED SHORT at 2057.01 | Stop loss: 2067.29505 | Take profit: 2026.1548500000001 +2025-03-10 12:38:03,011 - INFO - CLOSED short at 2059.7 | PnL: -0.13% | $-0.89 +2025-03-10 12:38:03,061 - INFO - OPENED SHORT at 2061.49 | Stop loss: 2071.7974499999996 | Take profit: 2030.5676499999997 +2025-03-10 12:38:03,110 - INFO - CLOSED short at 2063.29 | PnL: -0.09% | $-0.71 +2025-03-10 12:38:03,111 - INFO - OPENED LONG at 2063.29 | Stop loss: 2052.97355 | Take profit: 2094.23935 +2025-03-10 12:38:03,372 - INFO - CLOSED long at 2063.01 | PnL: -0.01% | $-0.43 +2025-03-10 12:38:03,866 - INFO - OPENED SHORT at 2057.94 | Stop loss: 2068.2297 | Take profit: 2027.0709 +2025-03-10 12:38:03,917 - INFO - CLOSED short at 2058.11 | PnL: -0.01% | $-0.41 +2025-03-10 12:38:04,116 - INFO - OPENED SHORT at 2065.86 | Stop loss: 2076.1893 | Take profit: 2034.8721 +2025-03-10 12:38:04,521 - INFO - CLOSED short at 2068.65 | PnL: -0.14% | $-0.88 +2025-03-10 12:38:04,521 - INFO - OPENED LONG at 2068.65 | Stop loss: 2058.30675 | Take profit: 2099.67975 +2025-03-10 12:38:04,688 - INFO - CLOSED long at 2067.69 | PnL: -0.05% | $-0.54 +2025-03-10 12:38:04,688 - INFO - OPENED SHORT at 2067.69 | Stop loss: 2078.02845 | Take profit: 2036.67465 +2025-03-10 12:38:04,737 - INFO - CLOSED short at 2070.26 | PnL: -0.12% | $-0.83 +2025-03-10 12:38:04,738 - INFO - OPENED LONG at 2070.26 | Stop loss: 2059.9087000000004 | Take profit: 2101.3139 +2025-03-10 12:38:04,831 - INFO - CLOSED long at 2073.73 | PnL: 0.17% | $0.25 +2025-03-10 12:38:04,832 - INFO - OPENED SHORT at 2073.73 | Stop loss: 2084.09865 | Take profit: 2042.62405 +2025-03-10 12:38:04,881 - INFO - CLOSED short at 2075.1 | PnL: -0.07% | $-0.61 +2025-03-10 12:38:04,932 - INFO - OPENED LONG at 2072.91 | Stop loss: 2062.5454499999996 | Take profit: 2104.0036499999997 +2025-03-10 12:38:04,986 - INFO - CLOSED long at 2072.33 | PnL: -0.03% | $-0.47 +2025-03-10 12:38:05,150 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.02315 | Take profit: 2100.4105499999996 +2025-03-10 12:38:05,250 - INFO - CLOSED long at 2072.8 | PnL: 0.17% | $0.24 +2025-03-10 12:38:05,251 - INFO - OPENED SHORT at 2072.8 | Stop loss: 2083.1639999999998 | Take profit: 2041.708 +2025-03-10 12:38:05,300 - INFO - CLOSED short at 2070.79 | PnL: 0.10% | $-0.01 +2025-03-10 12:38:05,301 - INFO - OPENED LONG at 2070.79 | Stop loss: 2060.43605 | Take profit: 2101.8518499999996 +2025-03-10 12:38:05,412 - INFO - CLOSED long at 2068.02 | PnL: -0.13% | $-0.85 +2025-03-10 12:38:05,414 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.3601 | Take profit: 2036.9996999999998 +2025-03-10 12:38:05,515 - INFO - CLOSED short at 2070.36 | PnL: -0.11% | $-0.77 +2025-03-10 12:38:05,516 - INFO - OPENED LONG at 2070.36 | Stop loss: 2060.0082 | Take profit: 2101.4154 +2025-03-10 12:38:05,622 - INFO - CLOSED long at 2070.7 | PnL: 0.02% | $-0.30 +2025-03-10 12:38:05,672 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.6866999999997 | Take profit: 2038.2999000000002 +2025-03-10 12:38:05,720 - INFO - CLOSED short at 2069.19 | PnL: 0.01% | $-0.33 +2025-03-10 12:38:05,721 - INFO - OPENED LONG at 2069.19 | Stop loss: 2058.84405 | Take profit: 2100.2278499999998 +2025-03-10 12:38:05,955 - INFO - CLOSED long at 2066.39 | PnL: -0.14% | $-0.84 +2025-03-10 12:38:05,956 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.7219499999997 | Take profit: 2035.3941499999999 +2025-03-10 12:38:06,049 - INFO - CLOSED short at 2066.19 | PnL: 0.01% | $-0.32 +2025-03-10 12:38:06,050 - INFO - OPENED LONG at 2066.19 | Stop loss: 2055.85905 | Take profit: 2097.1828499999997 +2025-03-10 12:38:06,394 - INFO - CLOSED long at 2068.51 | PnL: 0.11% | $0.04 +2025-03-10 12:38:06,395 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.85255 | Take profit: 2037.4823500000002 +2025-03-10 12:38:06,450 - INFO - CLOSED short at 2068.59 | PnL: -0.00% | $-0.36 +2025-03-10 12:38:06,728 - INFO - OPENED LONG at 2071.39 | Stop loss: 2061.03305 | Take profit: 2102.4608499999995 +2025-03-10 12:38:06,785 - INFO - CLOSED long at 2071.36 | PnL: -0.00% | $-0.35 +2025-03-10 12:38:06,785 - INFO - OPENED SHORT at 2071.36 | Stop loss: 2081.7167999999997 | Take profit: 2040.2896 +2025-03-10 12:38:06,839 - INFO - CLOSED short at 2072.75 | PnL: -0.07% | $-0.58 +2025-03-10 12:38:06,938 - INFO - OPENED LONG at 2072.7 | Stop loss: 2062.3365 | Take profit: 2103.7904999999996 +2025-03-10 12:38:07,207 - INFO - CLOSED long at 2070.4 | PnL: -0.11% | $-0.73 +2025-03-10 12:38:07,263 - INFO - OPENED SHORT at 2071.11 | Stop loss: 2081.46555 | Take profit: 2040.0433500000001 +2025-03-10 12:38:07,512 - INFO - CLOSED short at 2067.0 | PnL: 0.20% | $0.34 +2025-03-10 12:38:07,718 - INFO - OPENED LONG at 2065.49 | Stop loss: 2055.1625499999996 | Take profit: 2096.4723499999996 +2025-03-10 12:38:07,823 - INFO - CLOSED long at 2065.26 | PnL: -0.01% | $-0.38 +2025-03-10 12:38:07,935 - INFO - OPENED LONG at 2068.58 | Stop loss: 2058.2371 | Take profit: 2099.6086999999998 +2025-03-10 12:38:08,039 - INFO - CLOSED long at 2069.34 | PnL: 0.04% | $-0.22 +2025-03-10 12:38:08,145 - INFO - OPENED LONG at 2067.59 | Stop loss: 2057.25205 | Take profit: 2098.60385 +2025-03-10 12:38:08,356 - INFO - CLOSED long at 2070.7 | PnL: 0.15% | $0.17 +2025-03-10 12:38:08,552 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.03345 | Take profit: 2037.65965 +2025-03-10 12:38:08,598 - INFO - CLOSED short at 2067.84 | PnL: 0.04% | $-0.20 +2025-03-10 12:38:08,645 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.44555 | Take profit: 2036.10335 +2025-03-10 12:38:08,797 - INFO - CLOSED short at 2066.1 | PnL: 0.05% | $-0.17 +2025-03-10 12:38:08,847 - INFO - OPENED LONG at 2065.28 | Stop loss: 2054.9536000000003 | Take profit: 2096.2592 +2025-03-10 12:38:08,995 - INFO - CLOSED long at 2070.04 | PnL: 0.23% | $0.44 +2025-03-10 12:38:08,996 - INFO - OPENED SHORT at 2070.04 | Stop loss: 2080.3902 | Take profit: 2038.9894 +2025-03-10 12:38:09,336 - INFO - CLOSED short at 2065.83 | PnL: 0.20% | $0.35 +2025-03-10 12:38:09,645 - INFO - OPENED SHORT at 2061.78 | Stop loss: 2072.0889 | Take profit: 2030.8533000000002 +2025-03-10 12:38:09,953 - INFO - CLOSED short at 2064.96 | PnL: -0.15% | $-0.87 +2025-03-10 12:38:10,091 - INFO - OPENED LONG at 2067.1 | Stop loss: 2056.7644999999998 | Take profit: 2098.1065 +2025-03-10 12:38:10,288 - INFO - CLOSED long at 2064.45 | PnL: -0.13% | $-0.78 +2025-03-10 12:38:10,289 - INFO - OPENED SHORT at 2064.45 | Stop loss: 2074.7722499999995 | Take profit: 2033.4832499999998 +2025-03-10 12:38:10,402 - INFO - CLOSED short at 2062.71 | PnL: 0.08% | $-0.05 +2025-03-10 12:38:10,402 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.39645 | Take profit: 2093.65065 +2025-03-10 12:38:10,522 - INFO - CLOSED long at 2064.5 | PnL: 0.09% | $-0.04 +2025-03-10 12:38:10,755 - INFO - OPENED LONG at 2060.65 | Stop loss: 2050.34675 | Take profit: 2091.55975 +2025-03-10 12:38:11,141 - INFO - CLOSED long at 2060.91 | PnL: 0.01% | $-0.29 +2025-03-10 12:38:11,142 - INFO - OPENED SHORT at 2060.91 | Stop loss: 2071.2145499999997 | Take profit: 2029.99635 +2025-03-10 12:38:11,196 - INFO - CLOSED short at 2060.3 | PnL: 0.03% | $-0.24 +2025-03-10 12:38:11,196 - INFO - OPENED LONG at 2060.3 | Stop loss: 2049.9985 | Take profit: 2091.2045 +2025-03-10 12:38:11,248 - INFO - CLOSED long at 2061.13 | PnL: 0.04% | $-0.20 +2025-03-10 12:38:11,298 - INFO - OPENED LONG at 2061.9 | Stop loss: 2051.5905000000002 | Take profit: 2092.8285 +2025-03-10 12:38:11,349 - INFO - CLOSED long at 2064.1 | PnL: 0.11% | $0.02 +2025-03-10 12:38:11,350 - INFO - OPENED SHORT at 2064.1 | Stop loss: 2074.4204999999997 | Take profit: 2033.1384999999998 +2025-03-10 12:38:11,454 - INFO - CLOSED short at 2064.33 | PnL: -0.01% | $-0.37 +2025-03-10 12:38:11,455 - INFO - OPENED LONG at 2064.33 | Stop loss: 2054.00835 | Take profit: 2095.2949499999995 +2025-03-10 12:38:11,698 - INFO - CLOSED long at 2063.0 | PnL: -0.06% | $-0.55 +2025-03-10 12:38:11,698 - INFO - OPENED SHORT at 2063.0 | Stop loss: 2073.3149999999996 | Take profit: 2032.055 +2025-03-10 12:38:12,045 - INFO - CLOSED short at 2059.16 | PnL: 0.19% | $0.28 +2025-03-10 12:38:12,091 - INFO - OPENED SHORT at 2059.02 | Stop loss: 2069.3151 | Take profit: 2028.1347 +2025-03-10 12:38:12,138 - INFO - CLOSED short at 2058.89 | PnL: 0.01% | $-0.31 +2025-03-10 12:38:12,237 - INFO - OPENED LONG at 2059.46 | Stop loss: 2049.1627 | Take profit: 2090.3518999999997 +2025-03-10 12:38:12,438 - INFO - CLOSED long at 2055.6 | PnL: -0.19% | $-0.95 +2025-03-10 12:38:12,439 - INFO - OPENED SHORT at 2055.6 | Stop loss: 2065.8779999999997 | Take profit: 2024.7659999999998 +2025-03-10 12:38:12,486 - INFO - CLOSED short at 2054.89 | PnL: 0.03% | $-0.21 +2025-03-10 12:38:12,686 - INFO - OPENED LONG at 2059.8 | Stop loss: 2049.501 | Take profit: 2090.697 +2025-03-10 12:38:12,734 - INFO - CLOSED long at 2061.66 | PnL: 0.09% | $-0.03 +2025-03-10 12:38:12,735 - INFO - OPENED SHORT at 2061.66 | Stop loss: 2071.9682999999995 | Take profit: 2030.7350999999999 +2025-03-10 12:38:12,893 - INFO - CLOSED short at 2061.3 | PnL: 0.02% | $-0.27 +2025-03-10 12:38:13,097 - INFO - OPENED LONG at 2066.01 | Stop loss: 2055.67995 | Take profit: 2097.00015 +2025-03-10 12:38:13,255 - INFO - CLOSED long at 2066.33 | PnL: 0.02% | $-0.27 +2025-03-10 12:38:13,351 - INFO - OPENED SHORT at 2066.79 | Stop loss: 2077.1239499999997 | Take profit: 2035.7881499999999 +2025-03-10 12:38:13,495 - INFO - CLOSED short at 2065.69 | PnL: 0.05% | $-0.15 +2025-03-10 12:38:13,496 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.36155 | Take profit: 2096.67535 +2025-03-10 12:38:13,640 - INFO - CLOSED long at 2074.3 | PnL: 0.42% | $1.02 +2025-03-10 12:38:13,740 - INFO - OPENED LONG at 2075.01 | Stop loss: 2064.63495 | Take profit: 2106.13515 +2025-03-10 12:38:13,896 - INFO - CLOSED long at 2070.01 | PnL: -0.24% | $-1.11 +2025-03-10 12:38:13,997 - INFO - OPENED SHORT at 2073.23 | Stop loss: 2083.59615 | Take profit: 2042.13155 +2025-03-10 12:38:14,048 - INFO - CLOSED short at 2070.0 | PnL: 0.16% | $0.18 +2025-03-10 12:38:14,394 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.3549499999995 | Take profit: 2041.8951499999998 +2025-03-10 12:38:14,444 - INFO - CLOSED short at 2071.49 | PnL: 0.07% | $-0.09 +2025-03-10 12:38:14,444 - INFO - OPENED LONG at 2071.49 | Stop loss: 2061.13255 | Take profit: 2102.5623499999997 +2025-03-10 12:38:14,543 - INFO - CLOSED long at 2067.33 | PnL: -0.20% | $-0.97 +2025-03-10 12:38:14,544 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.6666499999997 | Take profit: 2036.3200499999998 +2025-03-10 12:38:14,800 - INFO - CLOSED short at 2063.97 | PnL: 0.16% | $0.20 +2025-03-10 12:38:14,801 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.65015 | Take profit: 2094.9295499999994 +2025-03-10 12:39:02,562 - INFO - GPU not available, using CPU +2025-03-10 12:39:02,583 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 12:39:02,583 - INFO - Fetching initial data for ETH/USDT +2025-03-10 12:39:06,057 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 12:39:06,076 - INFO - Initialized environment with 500 candles +2025-03-10 12:39:08,313 - INFO - Starting training for 1000 episodes... +2025-03-10 12:39:08,313 - INFO - Starting training on device: cpu +2025-03-10 12:39:08,314 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 12:39:08,443 - WARNING - Could not load best model: Weights only load failed. This file can still be loaded, to do so you have two options, do those steps only if you trust the source of the checkpoint. + (1) In PyTorch 2.6, we changed the default value of the `weights_only` argument in `torch.load` from `False` to `True`. Re-running `torch.load` with `weights_only` set to `False` will likely succeed, but it can result in arbitrary code execution. Do it only if you got the file from a trusted source. + (2) Alternatively, to load with `weights_only=True` please check the recommended steps in the following error message. + WeightsUnpickler error: Unsupported global: GLOBAL numpy._core.multiarray.scalar was not an allowed global by default. Please use `torch.serialization.add_safe_globals([scalar])` or the `torch.serialization.safe_globals([scalar])` context manager to allowlist this global if you trust this class/function. + +Check the documentation of torch.load to learn more about types accepted by default with weights_only https://pytorch.org/docs/stable/generated/torch.load.html. +2025-03-10 12:39:08,466 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:39:08,799 - INFO - OPENED LONG at 2059.4 | Stop loss: 2049.103 | Take profit: 2090.2909999999997 +2025-03-10 12:39:08,801 - INFO - CLOSED long at 2060.1 | PnL: 0.03% | $-0.26 +2025-03-10 12:39:08,803 - INFO - OPENED SHORT at 2057.59 | Stop loss: 2067.87795 | Take profit: 2026.7261500000002 +2025-03-10 12:39:08,805 - INFO - CLOSED short at 2056.4 | PnL: 0.06% | $-0.17 +2025-03-10 12:39:08,805 - INFO - OPENED LONG at 2056.4 | Stop loss: 2046.1180000000002 | Take profit: 2087.246 +2025-03-10 12:39:08,806 - INFO - CLOSED long at 2052.7 | PnL: -0.18% | $-1.11 +2025-03-10 12:39:08,807 - INFO - OPENED LONG at 2052.16 | Stop loss: 2041.8991999999998 | Take profit: 2082.9423999999995 +2025-03-10 12:39:08,808 - INFO - CLOSED long at 2052.25 | PnL: 0.00% | $-0.38 +2025-03-10 12:39:08,808 - INFO - OPENED SHORT at 2052.25 | Stop loss: 2062.5112499999996 | Take profit: 2021.46625 +2025-03-10 12:39:08,810 - INFO - CLOSED short at 2050.44 | PnL: 0.09% | $-0.05 +2025-03-10 12:39:08,811 - INFO - OPENED SHORT at 2049.6 | Stop loss: 2059.8479999999995 | Take profit: 2018.856 +2025-03-10 12:39:08,812 - INFO - CLOSED short at 2051.99 | PnL: -0.12% | $-0.85 +2025-03-10 12:39:08,813 - INFO - OPENED SHORT at 2048.48 | Stop loss: 2058.7223999999997 | Take profit: 2017.7528 +2025-03-10 12:39:08,814 - INFO - CLOSED short at 2047.39 | PnL: 0.05% | $-0.18 +2025-03-10 12:39:08,815 - INFO - OPENED LONG at 2047.39 | Stop loss: 2037.1530500000001 | Take profit: 2078.10085 +2025-03-10 12:39:08,816 - INFO - CLOSED long at 2045.99 | PnL: -0.07% | $-0.65 +2025-03-10 12:39:08,817 - INFO - OPENED SHORT at 2045.79 | Stop loss: 2056.0189499999997 | Take profit: 2015.10315 +2025-03-10 12:39:08,818 - INFO - CLOSED short at 2048.13 | PnL: -0.11% | $-0.83 +2025-03-10 12:39:08,818 - INFO - OPENED LONG at 2048.13 | Stop loss: 2037.8893500000001 | Take profit: 2078.8519499999998 +2025-03-10 12:39:08,819 - INFO - CLOSED long at 2047.59 | PnL: -0.03% | $-0.48 +2025-03-10 12:39:08,820 - INFO - OPENED SHORT at 2047.59 | Stop loss: 2057.82795 | Take profit: 2016.8761499999998 +2025-03-10 12:39:08,820 - INFO - CLOSED short at 2050.0 | PnL: -0.12% | $-0.83 +2025-03-10 12:39:08,821 - INFO - OPENED LONG at 2050.0 | Stop loss: 2039.75 | Take profit: 2080.75 +2025-03-10 12:39:08,822 - INFO - CLOSED long at 2053.26 | PnL: 0.16% | $0.22 +2025-03-10 12:39:08,822 - INFO - OPENED SHORT at 2053.26 | Stop loss: 2063.5263 | Take profit: 2022.4611000000002 +2025-03-10 12:39:08,823 - INFO - CLOSED short at 2051.89 | PnL: 0.07% | $-0.13 +2025-03-10 12:39:08,824 - INFO - OPENED SHORT at 2052.3 | Stop loss: 2062.5615 | Take profit: 2021.5155000000002 +2025-03-10 12:39:08,824 - INFO - CLOSED short at 2055.69 | PnL: -0.17% | $-1.00 +2025-03-10 12:39:08,825 - INFO - OPENED SHORT at 2058.39 | Stop loss: 2068.6819499999997 | Take profit: 2027.5141499999997 +2025-03-10 12:39:08,827 - INFO - CLOSED short at 2063.59 | PnL: -0.25% | $-1.32 +2025-03-10 12:39:08,827 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.27205 | Take profit: 2094.54385 +2025-03-10 12:39:08,828 - INFO - CLOSED long at 2061.61 | PnL: -0.10% | $-0.72 +2025-03-10 12:39:08,828 - INFO - OPENED SHORT at 2064.69 | Stop loss: 2075.01345 | Take profit: 2033.71965 +2025-03-10 12:39:08,829 - INFO - CLOSED short at 2063.01 | PnL: 0.08% | $-0.07 +2025-03-10 12:39:08,829 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.69495 | Take profit: 2093.9551500000002 +2025-03-10 12:39:08,830 - INFO - CLOSED long at 2060.99 | PnL: -0.10% | $-0.72 +2025-03-10 12:39:08,830 - INFO - OPENED SHORT at 2060.99 | Stop loss: 2071.2949499999995 | Take profit: 2030.0751499999997 +2025-03-10 12:39:08,831 - INFO - CLOSED short at 2058.3 | PnL: 0.13% | $0.11 +2025-03-10 12:39:08,831 - INFO - OPENED LONG at 2058.3 | Stop loss: 2048.0085000000004 | Take profit: 2089.1745 +2025-03-10 12:39:08,832 - INFO - CLOSED long at 2060.0 | PnL: 0.08% | $-0.06 +2025-03-10 12:39:08,888 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5805499999997 | Take profit: 2092.8183499999996 +2025-03-10 12:39:08,972 - INFO - CLOSED long at 2060.31 | PnL: -0.08% | $-0.64 +2025-03-10 12:39:09,016 - INFO - OPENED SHORT at 2059.49 | Stop loss: 2069.7874499999994 | Take profit: 2028.5976499999997 +2025-03-10 12:39:09,104 - INFO - CLOSED short at 2057.89 | PnL: 0.08% | $-0.08 +2025-03-10 12:39:09,147 - INFO - OPENED SHORT at 2057.94 | Stop loss: 2068.2297 | Take profit: 2027.0709 +2025-03-10 12:39:09,229 - INFO - CLOSED short at 2061.79 | PnL: -0.19% | $-1.03 +2025-03-10 12:39:09,275 - INFO - OPENED SHORT at 2061.18 | Stop loss: 2071.4858999999997 | Take profit: 2030.2622999999999 +2025-03-10 12:39:09,321 - INFO - CLOSED short at 2064.32 | PnL: -0.15% | $-0.90 +2025-03-10 12:39:09,321 - INFO - OPENED LONG at 2064.32 | Stop loss: 2053.9984 | Take profit: 2095.2848 +2025-03-10 12:39:09,465 - INFO - CLOSED long at 2068.11 | PnL: 0.18% | $0.29 +2025-03-10 12:39:09,556 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:39:09,605 - INFO - CLOSED short at 2071.63 | PnL: -0.18% | $-0.99 +2025-03-10 12:39:09,606 - INFO - OPENED LONG at 2071.63 | Stop loss: 2061.27185 | Take profit: 2102.7044499999997 +2025-03-10 12:39:09,741 - INFO - CLOSED long at 2068.65 | PnL: -0.14% | $-0.85 +2025-03-10 12:39:09,741 - INFO - OPENED SHORT at 2068.65 | Stop loss: 2078.99325 | Take profit: 2037.6202500000002 +2025-03-10 12:39:09,876 - INFO - CLOSED short at 2067.69 | PnL: 0.05% | $-0.19 +2025-03-10 12:39:09,877 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.35155 | Take profit: 2098.7053499999997 +2025-03-10 12:39:09,922 - INFO - CLOSED long at 2070.26 | PnL: 0.12% | $0.08 +2025-03-10 12:39:09,968 - INFO - OPENED SHORT at 2071.44 | Stop loss: 2081.7972 | Take profit: 2040.3684 +2025-03-10 12:39:10,101 - INFO - CLOSED short at 2072.91 | PnL: -0.07% | $-0.59 +2025-03-10 12:39:10,143 - INFO - OPENED SHORT at 2072.33 | Stop loss: 2082.6916499999998 | Take profit: 2041.24505 +2025-03-10 12:39:10,186 - INFO - CLOSED short at 2071.38 | PnL: 0.05% | $-0.19 +2025-03-10 12:39:10,229 - INFO - OPENED LONG at 2071.41 | Stop loss: 2061.05295 | Take profit: 2102.4811499999996 +2025-03-10 12:39:10,273 - INFO - CLOSED long at 2069.37 | PnL: -0.10% | $-0.68 +2025-03-10 12:39:10,314 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.5455 | Take profit: 2101.9635 +2025-03-10 12:39:10,404 - INFO - CLOSED long at 2070.79 | PnL: -0.01% | $-0.36 +2025-03-10 12:39:10,450 - INFO - OPENED SHORT at 2070.28 | Stop loss: 2080.6313999999998 | Take profit: 2039.2258000000002 +2025-03-10 12:39:10,543 - INFO - CLOSED short at 2067.2 | PnL: 0.15% | $0.16 +2025-03-10 12:39:10,587 - INFO - OPENED SHORT at 2070.36 | Stop loss: 2080.7118 | Take profit: 2039.3046000000002 +2025-03-10 12:39:10,635 - INFO - CLOSED short at 2068.9 | PnL: 0.07% | $-0.10 +2025-03-10 12:39:10,721 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.6866999999997 | Take profit: 2038.2999000000002 +2025-03-10 12:39:10,765 - INFO - CLOSED short at 2069.19 | PnL: 0.01% | $-0.31 +2025-03-10 12:39:10,766 - INFO - OPENED LONG at 2069.19 | Stop loss: 2058.84405 | Take profit: 2100.2278499999998 +2025-03-10 12:39:10,851 - INFO - CLOSED long at 2067.6 | PnL: -0.08% | $-0.60 +2025-03-10 12:39:10,851 - INFO - OPENED SHORT at 2067.6 | Stop loss: 2077.9379999999996 | Take profit: 2036.5859999999998 +2025-03-10 12:39:10,942 - INFO - CLOSED short at 2069.01 | PnL: -0.07% | $-0.56 +2025-03-10 12:39:11,077 - INFO - OPENED LONG at 2066.19 | Stop loss: 2055.85905 | Take profit: 2097.1828499999997 +2025-03-10 12:39:11,165 - INFO - CLOSED long at 2065.08 | PnL: -0.05% | $-0.51 +2025-03-10 12:39:11,166 - INFO - OPENED SHORT at 2065.08 | Stop loss: 2075.4053999999996 | Take profit: 2034.1037999999999 +2025-03-10 12:39:11,213 - INFO - CLOSED short at 2066.18 | PnL: -0.05% | $-0.51 +2025-03-10 12:39:11,213 - INFO - OPENED LONG at 2066.18 | Stop loss: 2055.8491 | Take profit: 2097.1726999999996 +2025-03-10 12:39:11,298 - INFO - CLOSED long at 2068.9 | PnL: 0.13% | $0.10 +2025-03-10 12:39:11,386 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.24705 | Take profit: 2099.61885 +2025-03-10 12:39:11,557 - INFO - CLOSED long at 2071.4 | PnL: 0.14% | $0.12 +2025-03-10 12:39:11,558 - INFO - OPENED SHORT at 2071.4 | Stop loss: 2081.757 | Take profit: 2040.329 +2025-03-10 12:39:11,645 - INFO - CLOSED short at 2071.36 | PnL: 0.00% | $-0.32 +2025-03-10 12:39:11,877 - INFO - OPENED LONG at 2074.29 | Stop loss: 2063.91855 | Take profit: 2105.40435 +2025-03-10 12:39:11,925 - INFO - CLOSED long at 2073.9 | PnL: -0.02% | $-0.39 +2025-03-10 12:39:11,925 - INFO - OPENED SHORT at 2073.9 | Stop loss: 2084.2695 | Take profit: 2042.7915 +2025-03-10 12:39:12,067 - INFO - CLOSED short at 2071.11 | PnL: 0.13% | $0.11 +2025-03-10 12:39:12,068 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.75445 | Take profit: 2102.17665 +2025-03-10 12:39:12,116 - INFO - CLOSED long at 2069.46 | PnL: -0.08% | $-0.59 +2025-03-10 12:39:12,252 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3349999999996 | Take profit: 2035.995 +2025-03-10 12:39:12,294 - INFO - CLOSED short at 2067.79 | PnL: -0.04% | $-0.45 +2025-03-10 12:39:12,466 - INFO - OPENED SHORT at 2063.61 | Stop loss: 2073.92805 | Take profit: 2032.65585 +2025-03-10 12:39:12,511 - INFO - CLOSED short at 2065.26 | PnL: -0.08% | $-0.58 +2025-03-10 12:39:12,512 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9337 | Take profit: 2096.2389 +2025-03-10 12:39:12,597 - INFO - CLOSED long at 2068.58 | PnL: 0.16% | $0.19 +2025-03-10 12:39:12,597 - INFO - OPENED SHORT at 2068.58 | Stop loss: 2078.9228999999996 | Take profit: 2037.5512999999999 +2025-03-10 12:39:12,762 - INFO - CLOSED short at 2067.59 | PnL: 0.05% | $-0.17 +2025-03-10 12:39:12,762 - INFO - OPENED LONG at 2067.59 | Stop loss: 2057.25205 | Take profit: 2098.60385 +2025-03-10 12:39:12,807 - INFO - CLOSED long at 2069.2 | PnL: 0.08% | $-0.07 +2025-03-10 12:39:12,892 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.23205 | Take profit: 2102.66385 +2025-03-10 12:39:12,935 - INFO - CLOSED long at 2070.7 | PnL: -0.04% | $-0.46 +2025-03-10 12:39:13,061 - INFO - OPENED SHORT at 2068.5 | Stop loss: 2078.8424999999997 | Take profit: 2037.4725 +2025-03-10 12:39:13,151 - INFO - CLOSED short at 2067.84 | PnL: 0.03% | $-0.22 +2025-03-10 12:39:13,152 - INFO - OPENED LONG at 2067.84 | Stop loss: 2057.5008000000003 | Take profit: 2098.8576 +2025-03-10 12:39:13,278 - INFO - CLOSED long at 2066.4 | PnL: -0.07% | $-0.54 +2025-03-10 12:39:13,364 - INFO - OPENED LONG at 2065.28 | Stop loss: 2054.9536000000003 | Take profit: 2096.2592 +2025-03-10 12:39:13,408 - INFO - CLOSED long at 2066.39 | PnL: 0.05% | $-0.15 +2025-03-10 12:39:13,408 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.7219499999997 | Take profit: 2035.3941499999999 +2025-03-10 12:39:13,535 - INFO - CLOSED short at 2067.8 | PnL: -0.07% | $-0.53 +2025-03-10 12:39:13,576 - INFO - OPENED SHORT at 2068.18 | Stop loss: 2078.5208999999995 | Take profit: 2037.1572999999999 +2025-03-10 12:39:13,703 - INFO - CLOSED short at 2064.99 | PnL: 0.15% | $0.17 +2025-03-10 12:39:13,838 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9337 | Take profit: 2096.2389 +2025-03-10 12:39:13,879 - INFO - CLOSED long at 2062.89 | PnL: -0.11% | $-0.67 +2025-03-10 12:39:13,879 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2044499999997 | Take profit: 2031.9466499999999 +2025-03-10 12:39:14,008 - INFO - CLOSED short at 2059.59 | PnL: 0.16% | $0.19 +2025-03-10 12:39:14,009 - INFO - OPENED LONG at 2059.59 | Stop loss: 2049.29205 | Take profit: 2090.48385 +2025-03-10 12:39:14,050 - INFO - CLOSED long at 2061.3 | PnL: 0.08% | $-0.05 +2025-03-10 12:39:14,051 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6065 | Take profit: 2030.3805000000002 +2025-03-10 12:39:14,221 - INFO - CLOSED short at 2067.1 | PnL: -0.28% | $-1.19 +2025-03-10 12:39:14,263 - INFO - OPENED SHORT at 2065.54 | Stop loss: 2075.8677 | Take profit: 2034.5569 +2025-03-10 12:39:14,346 - INFO - CLOSED short at 2064.45 | PnL: 0.05% | $-0.14 +2025-03-10 12:39:14,429 - INFO - OPENED SHORT at 2062.71 | Stop loss: 2073.02355 | Take profit: 2031.76935 +2025-03-10 12:39:14,470 - INFO - CLOSED short at 2062.89 | PnL: -0.01% | $-0.33 +2025-03-10 12:39:14,471 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.57555 | Take profit: 2093.83335 +2025-03-10 12:39:14,556 - INFO - CLOSED long at 2063.5 | PnL: 0.03% | $-0.21 +2025-03-10 12:39:14,557 - INFO - OPENED SHORT at 2063.5 | Stop loss: 2073.8174999999997 | Take profit: 2032.5475 +2025-03-10 12:39:14,645 - INFO - CLOSED short at 2060.9 | PnL: 0.13% | $0.08 +2025-03-10 12:39:14,735 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.59555 | Take profit: 2089.7733499999995 +2025-03-10 12:39:14,867 - INFO - CLOSED long at 2061.8 | PnL: 0.14% | $0.13 +2025-03-10 12:39:14,867 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.109 | Take profit: 2030.873 +2025-03-10 12:39:14,908 - INFO - CLOSED short at 2064.7 | PnL: -0.14% | $-0.73 +2025-03-10 12:39:14,909 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.3765 | Take profit: 2095.6704999999997 +2025-03-10 12:39:14,951 - INFO - CLOSED long at 2062.61 | PnL: -0.10% | $-0.61 +2025-03-10 12:39:14,995 - INFO - OPENED SHORT at 2060.91 | Stop loss: 2071.2145499999997 | Take profit: 2029.99635 +2025-03-10 12:39:15,077 - INFO - CLOSED short at 2061.13 | PnL: -0.01% | $-0.33 +2025-03-10 12:39:15,119 - INFO - OPENED SHORT at 2061.9 | Stop loss: 2072.2095 | Take profit: 2030.9715 +2025-03-10 12:39:15,162 - INFO - CLOSED short at 2064.1 | PnL: -0.11% | $-0.61 +2025-03-10 12:39:15,163 - INFO - OPENED LONG at 2064.1 | Stop loss: 2053.7795 | Take profit: 2095.0615 +2025-03-10 12:39:15,208 - INFO - CLOSED long at 2065.36 | PnL: 0.06% | $-0.11 +2025-03-10 12:39:15,208 - INFO - OPENED SHORT at 2065.36 | Stop loss: 2075.6868 | Take profit: 2034.3796000000002 +2025-03-10 12:39:15,424 - INFO - CLOSED short at 2063.53 | PnL: 0.09% | $-0.03 +2025-03-10 12:39:15,470 - INFO - OPENED SHORT at 2063.0 | Stop loss: 2073.3149999999996 | Take profit: 2032.055 +2025-03-10 12:39:15,642 - INFO - CLOSED short at 2060.7 | PnL: 0.11% | $0.03 +2025-03-10 12:39:15,685 - INFO - OPENED SHORT at 2061.09 | Stop loss: 2071.39545 | Take profit: 2030.1736500000002 +2025-03-10 12:39:15,727 - INFO - CLOSED short at 2059.61 | PnL: 0.07% | $-0.08 +2025-03-10 12:39:15,812 - INFO - OPENED SHORT at 2059.02 | Stop loss: 2069.3151 | Take profit: 2028.1347 +2025-03-10 12:39:15,937 - INFO - CLOSED short at 2059.46 | PnL: -0.02% | $-0.36 +2025-03-10 12:39:16,020 - INFO - OPENED LONG at 2058.28 | Stop loss: 2047.9886000000001 | Take profit: 2089.1542 +2025-03-10 12:39:16,189 - INFO - CLOSED long at 2054.83 | PnL: -0.17% | $-0.78 +2025-03-10 12:39:16,232 - INFO - OPENED SHORT at 2056.71 | Stop loss: 2066.9935499999997 | Take profit: 2025.85935 +2025-03-10 12:39:16,325 - INFO - CLOSED short at 2059.8 | PnL: -0.15% | $-0.72 +2025-03-10 12:39:16,326 - INFO - OPENED LONG at 2059.8 | Stop loss: 2049.501 | Take profit: 2090.697 +2025-03-10 12:39:16,416 - INFO - CLOSED long at 2061.5 | PnL: 0.08% | $-0.05 +2025-03-10 12:39:16,503 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9935 | Take profit: 2092.2195 +2025-03-10 12:39:16,546 - INFO - CLOSED long at 2062.69 | PnL: 0.07% | $-0.09 +2025-03-10 12:39:16,589 - INFO - OPENED SHORT at 2063.4 | Stop loss: 2073.717 | Take profit: 2032.449 +2025-03-10 12:39:16,719 - INFO - CLOSED short at 2063.9 | PnL: -0.02% | $-0.36 +2025-03-10 12:39:16,720 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5805 | Take profit: 2094.8585 +2025-03-10 12:39:16,855 - INFO - CLOSED long at 2066.34 | PnL: 0.12% | $0.05 +2025-03-10 12:39:16,855 - INFO - OPENED SHORT at 2066.34 | Stop loss: 2076.6717 | Take profit: 2035.3449 +2025-03-10 12:39:16,897 - INFO - CLOSED short at 2066.79 | PnL: -0.02% | $-0.35 +2025-03-10 12:39:16,897 - INFO - OPENED LONG at 2066.79 | Stop loss: 2056.45605 | Take profit: 2097.7918499999996 +2025-03-10 12:39:16,942 - INFO - CLOSED long at 2067.33 | PnL: 0.03% | $-0.21 +2025-03-10 12:39:17,074 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.44105 | Take profit: 2100.8368499999997 +2025-03-10 12:39:17,157 - INFO - CLOSED long at 2074.3 | PnL: 0.22% | $0.33 +2025-03-10 12:39:17,694 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.37515 | Take profit: 2037.9945500000001 +2025-03-10 12:39:17,840 - INFO - CLOSED short at 2072.99 | PnL: -0.19% | $-0.83 +2025-03-10 12:39:17,840 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6250499999996 | Take profit: 2104.0848499999997 +2025-03-10 12:39:17,931 - INFO - CLOSED long at 2069.87 | PnL: -0.15% | $-0.70 +2025-03-10 12:39:17,932 - INFO - OPENED SHORT at 2069.87 | Stop loss: 2080.21935 | Take profit: 2038.8219499999998 +2025-03-10 12:39:18,067 - INFO - CLOSED short at 2065.7 | PnL: 0.20% | $0.28 +2025-03-10 12:39:18,200 - INFO - OPENED SHORT at 2063.97 | Stop loss: 2074.2898499999997 | Take profit: 2033.0104499999998 +2025-03-10 12:39:18,376 - INFO - CLOSED short at 2064.31 | PnL: -0.02% | $-0.33 +2025-03-10 12:39:18,376 - INFO - OPENED LONG at 2064.31 | Stop loss: 2053.98845 | Take profit: 2095.27465 +2025-03-10 12:39:18,748 - INFO - CLOSED long at 2071.59 | PnL: 0.35% | $0.70 +2025-03-10 12:39:18,790 - INFO - OPENED SHORT at 2070.2 | Stop loss: 2080.5509999999995 | Take profit: 2039.1469999999997 +2025-03-10 12:39:18,837 - INFO - CLOSED short at 2071.35 | PnL: -0.06% | $-0.44 +2025-03-10 12:39:18,837 - INFO - OPENED LONG at 2071.35 | Stop loss: 2060.99325 | Take profit: 2102.4202499999997 +2025-03-10 12:39:19,054 - INFO - CLOSED long at 2070.35 | PnL: -0.05% | $-0.41 +2025-03-10 12:39:19,054 - INFO - OPENED SHORT at 2070.35 | Stop loss: 2080.7017499999997 | Take profit: 2039.2947499999998 +2025-03-10 12:39:19,099 - INFO - CLOSED short at 2070.61 | PnL: -0.01% | $-0.31 +2025-03-10 12:39:19,100 - INFO - OPENED LONG at 2070.61 | Stop loss: 2060.25695 | Take profit: 2101.6691499999997 +2025-03-10 12:39:19,271 - INFO - CLOSED long at 2070.67 | PnL: 0.00% | $-0.27 +2025-03-10 12:39:19,364 - INFO - OPENED LONG at 2071.61 | Stop loss: 2061.2519500000003 | Take profit: 2102.68415 +2025-03-10 12:39:19,715 - INFO - CLOSED long at 2076.9 | PnL: 0.26% | $0.43 +2025-03-10 12:39:19,716 - INFO - OPENED SHORT at 2076.9 | Stop loss: 2087.2844999999998 | Take profit: 2045.7465 +2025-03-10 12:39:19,804 - INFO - CLOSED short at 2074.0 | PnL: 0.14% | $0.11 +2025-03-10 12:39:19,805 - INFO - OPENED LONG at 2074.0 | Stop loss: 2063.63 | Take profit: 2105.1099999999997 +2025-03-10 12:39:19,855 - INFO - CLOSED long at 2072.09 | PnL: -0.09% | $-0.53 +2025-03-10 12:39:19,855 - INFO - OPENED SHORT at 2072.09 | Stop loss: 2082.45045 | Take profit: 2041.0086500000002 +2025-03-10 12:39:19,903 - INFO - CLOSED short at 2069.97 | PnL: 0.10% | $0.01 +2025-03-10 12:39:19,948 - INFO - OPENED LONG at 2067.7 | Stop loss: 2057.3615 | Take profit: 2098.7155 +2025-03-10 12:39:20,384 - INFO - CLOSED long at 2070.1 | PnL: 0.12% | $0.04 +2025-03-10 12:39:20,386 - INFO - OPENED SHORT at 2070.1 | Stop loss: 2080.4504999999995 | Take profit: 2039.0484999999999 +2025-03-10 12:39:20,529 - INFO - CLOSED short at 2065.7 | PnL: 0.21% | $0.31 +2025-03-10 12:39:20,529 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3714999999997 | Take profit: 2096.6854999999996 +2025-03-10 12:39:20,756 - INFO - CLOSED long at 2062.34 | PnL: -0.16% | $-0.73 +2025-03-10 12:39:20,757 - INFO - OPENED SHORT at 2062.34 | Stop loss: 2072.6517 | Take profit: 2031.4049000000002 +2025-03-10 12:39:20,801 - INFO - CLOSED short at 2063.98 | PnL: -0.08% | $-0.49 +2025-03-10 12:39:20,802 - INFO - OPENED LONG at 2063.98 | Stop loss: 2053.6601 | Take profit: 2094.9397 +2025-03-10 12:39:20,888 - INFO - CLOSED long at 2065.06 | PnL: 0.05% | $-0.13 +2025-03-10 12:39:20,889 - INFO - OPENED SHORT at 2065.06 | Stop loss: 2075.3853 | Take profit: 2034.0840999999998 +2025-03-10 12:39:20,933 - INFO - CLOSED short at 2064.11 | PnL: 0.05% | $-0.15 +2025-03-10 12:39:20,980 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1775 | Take profit: 2095.4674999999997 +2025-03-10 12:39:21,026 - INFO - CLOSED long at 2066.33 | PnL: 0.09% | $-0.03 +2025-03-10 12:39:21,027 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6616499999996 | Take profit: 2035.33505 +2025-03-10 12:39:21,112 - INFO - CLOSED short at 2060.7 | PnL: 0.27% | $0.47 +2025-03-10 12:39:21,113 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3965 | Take profit: 2091.6105 +2025-03-10 12:39:21,326 - INFO - CLOSED long at 2056.77 | PnL: -0.19% | $-0.79 +2025-03-10 12:39:21,370 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.7449500000002 | Take profit: 2083.80515 +2025-03-10 12:39:21,413 - INFO - CLOSED long at 2049.21 | PnL: -0.19% | $-0.77 +2025-03-10 12:39:21,414 - INFO - OPENED SHORT at 2049.21 | Stop loss: 2059.45605 | Take profit: 2018.47185 +2025-03-10 12:39:21,457 - INFO - CLOSED short at 2049.5 | PnL: -0.01% | $-0.30 +2025-03-10 12:39:21,670 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.6005499999999 | Take profit: 2088.7583499999996 +2025-03-10 12:39:21,713 - INFO - CLOSED long at 2062.83 | PnL: 0.24% | $0.37 +2025-03-10 12:39:21,756 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.2194999999997 | Take profit: 2032.9415000000001 +2025-03-10 12:39:21,928 - INFO - CLOSED short at 2065.12 | PnL: -0.06% | $-0.42 +2025-03-10 12:39:22,053 - INFO - OPENED SHORT at 2066.59 | Stop loss: 2076.92295 | Take profit: 2035.5911500000002 +2025-03-10 12:39:22,220 - INFO - CLOSED short at 2060.7 | PnL: 0.29% | $0.49 +2025-03-10 12:39:22,268 - INFO - OPENED SHORT at 2061.84 | Stop loss: 2072.1492 | Take profit: 2030.9124000000002 +2025-03-10 12:39:22,453 - INFO - CLOSED short at 2070.24 | PnL: -0.41% | $-1.35 +2025-03-10 12:39:22,453 - INFO - OPENED LONG at 2070.24 | Stop loss: 2059.8887999999997 | Take profit: 2101.2935999999995 +2025-03-10 12:39:22,542 - INFO - CLOSED long at 2069.81 | PnL: -0.02% | $-0.32 +2025-03-10 12:39:22,542 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.1590499999998 | Take profit: 2038.7628499999998 +2025-03-10 12:39:22,585 - INFO - CLOSED short at 2070.41 | PnL: -0.03% | $-0.34 +2025-03-10 12:39:22,585 - INFO - OPENED LONG at 2070.41 | Stop loss: 2060.05795 | Take profit: 2101.4661499999997 +2025-03-10 12:39:22,628 - INFO - CLOSED long at 2073.49 | PnL: 0.15% | $0.13 +2025-03-10 12:39:22,628 - INFO - OPENED SHORT at 2073.49 | Stop loss: 2083.8574499999995 | Take profit: 2042.3876499999997 +2025-03-10 12:39:22,672 - INFO - CLOSED short at 2074.05 | PnL: -0.03% | $-0.33 +2025-03-10 12:39:22,798 - INFO - OPENED SHORT at 2071.8 | Stop loss: 2082.159 | Take profit: 2040.7230000000002 +2025-03-10 12:39:22,973 - INFO - STOP LOSS hit for short at 2082.159 | PnL: -0.50% | $-1.55 +2025-03-10 12:39:23,016 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.9424499999996 | Take profit: 2059.1326499999996 +2025-03-10 12:39:23,061 - INFO - CLOSED short at 2103.02 | PnL: -0.60% | $-1.76 +2025-03-10 12:39:23,153 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2376999999997 | Take profit: 2107.4469 +2025-03-10 12:39:23,281 - INFO - CLOSED short at 2137.59 | PnL: 0.09% | $-0.02 +2025-03-10 12:39:23,282 - INFO - OPENED LONG at 2137.59 | Stop loss: 2126.90205 | Take profit: 2169.65385 +2025-03-10 12:39:23,327 - INFO - CLOSED long at 2141.41 | PnL: 0.18% | $0.19 +2025-03-10 12:39:23,328 - INFO - OPENED SHORT at 2141.41 | Stop loss: 2152.11705 | Take profit: 2109.28885 +2025-03-10 12:39:23,501 - INFO - CLOSED short at 2134.78 | PnL: 0.31% | $0.51 +2025-03-10 12:39:23,502 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.1061 | Take profit: 2166.8017 +2025-03-10 12:39:23,585 - INFO - CLOSED long at 2127.3 | PnL: -0.35% | $-1.11 +2025-03-10 12:39:23,628 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.04655 | Take profit: 2160.6203499999997 +2025-03-10 12:39:23,671 - INFO - CLOSED long at 2121.09 | PnL: -0.36% | $-1.11 +2025-03-10 12:39:23,758 - INFO - OPENED LONG at 2117.24 | Stop loss: 2106.6537999999996 | Take profit: 2148.9985999999994 +2025-03-10 12:39:23,799 - INFO - CLOSED long at 2119.93 | PnL: 0.13% | $0.06 +2025-03-10 12:39:23,800 - INFO - OPENED SHORT at 2119.93 | Stop loss: 2130.5296499999995 | Take profit: 2088.13105 +2025-03-10 12:39:23,891 - INFO - CLOSED short at 2118.52 | PnL: 0.07% | $-0.08 +2025-03-10 12:39:23,936 - INFO - OPENED SHORT at 2119.14 | Stop loss: 2129.7356999999997 | Take profit: 2087.3529 +2025-03-10 12:39:24,063 - INFO - CLOSED short at 2107.43 | PnL: 0.55% | $1.08 +2025-03-10 12:39:24,063 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 12:39:24,105 - INFO - CLOSED long at 2110.6 | PnL: 0.15% | $0.12 +2025-03-10 12:39:24,197 - INFO - OPENED LONG at 2112.09 | Stop loss: 2101.52955 | Take profit: 2143.77135 +2025-03-10 12:39:24,287 - INFO - CLOSED long at 2112.46 | PnL: 0.02% | $-0.20 +2025-03-10 12:39:24,330 - INFO - OPENED SHORT at 2113.24 | Stop loss: 2123.8061999999995 | Take profit: 2081.5413999999996 +2025-03-10 12:39:24,374 - INFO - CLOSED short at 2112.99 | PnL: 0.01% | $-0.21 +2025-03-10 12:39:24,374 - INFO - OPENED LONG at 2112.99 | Stop loss: 2102.42505 | Take profit: 2144.6848499999996 +2025-03-10 12:39:24,419 - INFO - CLOSED long at 2120.81 | PnL: 0.37% | $0.65 +2025-03-10 12:39:24,420 - INFO - OPENED SHORT at 2120.81 | Stop loss: 2131.41405 | Take profit: 2088.9978499999997 +2025-03-10 12:39:24,463 - INFO - CLOSED short at 2116.48 | PnL: 0.20% | $0.25 +2025-03-10 12:39:24,463 - INFO - OPENED LONG at 2116.48 | Stop loss: 2105.8976 | Take profit: 2148.2272 +2025-03-10 12:39:24,508 - INFO - CLOSED long at 2114.8 | PnL: -0.08% | $-0.44 +2025-03-10 12:39:24,508 - INFO - OPENED SHORT at 2114.8 | Stop loss: 2125.374 | Take profit: 2083.078 +2025-03-10 12:39:24,590 - INFO - CLOSED short at 2108.71 | PnL: 0.29% | $0.46 +2025-03-10 12:39:24,590 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.16645 | Take profit: 2140.3406499999996 +2025-03-10 12:39:24,677 - INFO - CLOSED long at 2108.06 | PnL: -0.03% | $-0.32 +2025-03-10 12:39:24,768 - INFO - OPENED SHORT at 2100.5 | Stop loss: 2111.0024999999996 | Take profit: 2068.9925 +2025-03-10 12:39:24,851 - INFO - CLOSED short at 2099.53 | PnL: 0.05% | $-0.13 +2025-03-10 12:39:24,947 - INFO - OPENED LONG at 2102.19 | Stop loss: 2091.67905 | Take profit: 2133.7228499999997 +2025-03-10 12:39:24,991 - INFO - CLOSED long at 2102.29 | PnL: 0.00% | $-0.23 +2025-03-10 12:39:24,991 - INFO - OPENED SHORT at 2102.29 | Stop loss: 2112.80145 | Take profit: 2070.75565 +2025-03-10 12:39:25,038 - INFO - CLOSED short at 2099.25 | PnL: 0.14% | $0.11 +2025-03-10 12:39:25,084 - INFO - OPENED SHORT at 2098.9 | Stop loss: 2109.3945 | Take profit: 2067.4165000000003 +2025-03-10 12:39:25,132 - INFO - CLOSED short at 2100.69 | PnL: -0.09% | $-0.45 +2025-03-10 12:39:25,178 - INFO - OPENED SHORT at 2104.83 | Stop loss: 2115.3541499999997 | Take profit: 2073.25755 +2025-03-10 12:39:25,222 - INFO - CLOSED short at 2106.39 | PnL: -0.07% | $-0.42 +2025-03-10 12:39:25,352 - INFO - OPENED SHORT at 2104.68 | Stop loss: 2115.2033999999994 | Take profit: 2073.1097999999997 +2025-03-10 12:39:25,394 - INFO - CLOSED short at 2101.51 | PnL: 0.15% | $0.12 +2025-03-10 12:39:25,437 - INFO - OPENED SHORT at 2099.59 | Stop loss: 2110.08795 | Take profit: 2068.0961500000003 +2025-03-10 12:39:25,484 - INFO - CLOSED short at 2100.02 | PnL: -0.02% | $-0.29 +2025-03-10 12:39:25,617 - INFO - OPENED SHORT at 2093.46 | Stop loss: 2103.9273 | Take profit: 2062.0581 +2025-03-10 12:39:25,661 - INFO - CLOSED short at 2093.33 | PnL: 0.01% | $-0.22 +2025-03-10 12:39:25,662 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.86335 | Take profit: 2124.72995 +2025-03-10 12:39:25,753 - INFO - CLOSED long at 2091.1 | PnL: -0.11% | $-0.49 +2025-03-10 12:39:25,754 - INFO - OPENED SHORT at 2091.1 | Stop loss: 2101.5554999999995 | Take profit: 2059.7335 +2025-03-10 12:39:25,800 - INFO - CLOSED short at 2094.72 | PnL: -0.17% | $-0.64 +2025-03-10 12:39:25,800 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.2464 | Take profit: 2126.1407999999997 +2025-03-10 12:39:25,933 - INFO - STOP LOSS hit for long at 2084.2464 | PnL: -0.50% | $-1.40 +2025-03-10 12:39:26,020 - INFO - OPENED LONG at 2083.97 | Stop loss: 2073.5501499999996 | Take profit: 2115.2295499999996 +2025-03-10 12:39:26,161 - INFO - CLOSED long at 2081.49 | PnL: -0.12% | $-0.50 +2025-03-10 12:39:26,161 - INFO - OPENED SHORT at 2081.49 | Stop loss: 2091.8974499999995 | Take profit: 2050.26765 +2025-03-10 12:39:26,203 - INFO - CLOSED short at 2080.38 | PnL: 0.05% | $-0.11 +2025-03-10 12:39:26,338 - INFO - OPENED SHORT at 2085.09 | Stop loss: 2095.51545 | Take profit: 2053.81365 +2025-03-10 12:39:26,462 - INFO - CLOSED short at 2086.57 | PnL: -0.07% | $-0.38 +2025-03-10 12:39:26,462 - INFO - OPENED LONG at 2086.57 | Stop loss: 2076.13715 | Take profit: 2117.86855 +2025-03-10 12:39:26,588 - INFO - CLOSED long at 2084.72 | PnL: -0.09% | $-0.42 +2025-03-10 12:39:26,648 - INFO - OPENED LONG at 2085.83 | Stop loss: 2075.40085 | Take profit: 2117.1174499999997 +2025-03-10 12:39:26,844 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 22.7% in downtrends | Avg Win=$0.25, Avg Loss=$-0.48 +2025-03-10 12:39:26,845 - INFO - Episode 0: Reward=-99.44, Balance=$55.47, Win Rate=24.8%, Trades=149, Episode PnL=$-24.03, Total PnL=$-44.53, Max Drawdown=44.5%, Pred Accuracy=98.8% +2025-03-10 12:39:26,990 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:39:26,990 - INFO - New best reward model saved: -99.44 +2025-03-10 12:39:27,121 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:39:27,121 - INFO - New best PnL model saved: $-24.03 +2025-03-10 12:39:27,222 - INFO - Model saved to models/trading_agent_best_winrate.pt +2025-03-10 12:39:27,223 - INFO - New best win rate model saved: 24.8% +2025-03-10 12:39:27,323 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 12:39:27,324 - INFO - Checkpoint saved at episode 0 +2025-03-10 12:39:27,343 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:39:27,661 - INFO - OPENED LONG at 2059.4 | Stop loss: 2049.103 | Take profit: 2090.2909999999997 +2025-03-10 12:39:27,707 - INFO - CLOSED long at 2057.59 | PnL: -0.09% | $-0.75 +2025-03-10 12:39:27,798 - INFO - OPENED LONG at 2059.4 | Stop loss: 2049.103 | Take profit: 2090.2909999999997 +2025-03-10 12:39:27,899 - INFO - CLOSED long at 2060.51 | PnL: 0.05% | $-0.18 +2025-03-10 12:39:27,899 - INFO - OPENED SHORT at 2060.51 | Stop loss: 2070.81255 | Take profit: 2029.6023500000001 +2025-03-10 12:39:27,947 - INFO - CLOSED short at 2057.52 | PnL: 0.15% | $0.18 +2025-03-10 12:39:28,084 - INFO - OPENED LONG at 2057.9 | Stop loss: 2047.6105 | Take profit: 2088.7684999999997 +2025-03-10 12:39:28,228 - INFO - CLOSED long at 2055.2 | PnL: -0.13% | $-0.92 +2025-03-10 12:39:28,273 - INFO - OPENED LONG at 2058.59 | Stop loss: 2048.29705 | Take profit: 2089.4688499999997 +2025-03-10 12:39:28,321 - INFO - CLOSED long at 2056.4 | PnL: -0.11% | $-0.81 +2025-03-10 12:39:28,369 - INFO - OPENED LONG at 2055.39 | Stop loss: 2045.11305 | Take profit: 2086.2208499999997 +2025-03-10 12:39:28,456 - INFO - CLOSED long at 2052.7 | PnL: -0.13% | $-0.90 +2025-03-10 12:39:28,503 - INFO - OPENED SHORT at 2051.66 | Stop loss: 2061.9183 | Take profit: 2020.8850999999997 +2025-03-10 12:39:28,726 - INFO - CLOSED short at 2050.44 | PnL: 0.06% | $-0.16 +2025-03-10 12:39:28,727 - INFO - OPENED LONG at 2050.44 | Stop loss: 2040.1878000000002 | Take profit: 2081.1965999999998 +2025-03-10 12:39:28,771 - INFO - CLOSED long at 2049.49 | PnL: -0.05% | $-0.56 +2025-03-10 12:39:28,772 - INFO - OPENED SHORT at 2049.49 | Stop loss: 2059.7374499999996 | Take profit: 2018.7476499999998 +2025-03-10 12:39:28,861 - INFO - CLOSED short at 2049.6 | PnL: -0.01% | $-0.40 +2025-03-10 12:39:28,862 - INFO - OPENED LONG at 2049.6 | Stop loss: 2039.3519999999999 | Take profit: 2080.3439999999996 +2025-03-10 12:39:28,907 - INFO - CLOSED long at 2051.99 | PnL: 0.12% | $0.06 +2025-03-10 12:39:28,952 - INFO - OPENED SHORT at 2049.61 | Stop loss: 2059.85805 | Take profit: 2018.8658500000001 +2025-03-10 12:39:29,125 - INFO - CLOSED short at 2046.58 | PnL: 0.15% | $0.18 +2025-03-10 12:39:29,126 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3471 | Take profit: 2077.2787 +2025-03-10 12:39:29,169 - INFO - CLOSED long at 2047.4 | PnL: 0.04% | $-0.23 +2025-03-10 12:39:29,169 - INFO - OPENED SHORT at 2047.4 | Stop loss: 2057.6369999999997 | Take profit: 2016.689 +2025-03-10 12:39:29,216 - INFO - CLOSED short at 2047.2 | PnL: 0.01% | $-0.34 +2025-03-10 12:39:29,353 - INFO - OPENED LONG at 2045.79 | Stop loss: 2035.56105 | Take profit: 2076.4768499999996 +2025-03-10 12:39:29,396 - INFO - CLOSED long at 2048.13 | PnL: 0.11% | $0.05 +2025-03-10 12:39:29,570 - INFO - OPENED SHORT at 2050.24 | Stop loss: 2060.4911999999995 | Take profit: 2019.4863999999998 +2025-03-10 12:39:29,613 - INFO - CLOSED short at 2049.89 | PnL: 0.02% | $-0.32 +2025-03-10 12:39:29,740 - INFO - OPENED SHORT at 2051.89 | Stop loss: 2062.1494499999994 | Take profit: 2021.1116499999998 +2025-03-10 12:39:29,870 - INFO - CLOSED short at 2057.01 | PnL: -0.25% | $-1.33 +2025-03-10 12:39:29,958 - INFO - OPENED SHORT at 2058.39 | Stop loss: 2068.6819499999997 | Take profit: 2027.5141499999997 +2025-03-10 12:39:30,003 - INFO - CLOSED short at 2060.13 | PnL: -0.08% | $-0.69 +2025-03-10 12:39:30,086 - INFO - OPENED SHORT at 2061.49 | Stop loss: 2071.7974499999996 | Take profit: 2030.5676499999997 +2025-03-10 12:39:30,176 - INFO - CLOSED short at 2064.61 | PnL: -0.15% | $-0.93 +2025-03-10 12:39:30,177 - INFO - OPENED LONG at 2064.61 | Stop loss: 2054.28695 | Take profit: 2095.57915 +2025-03-10 12:39:30,219 - INFO - CLOSED long at 2063.59 | PnL: -0.05% | $-0.55 +2025-03-10 12:39:30,312 - INFO - OPENED LONG at 2064.69 | Stop loss: 2054.36655 | Take profit: 2095.6603499999997 +2025-03-10 12:39:30,442 - INFO - CLOSED long at 2058.3 | PnL: -0.31% | $-1.50 +2025-03-10 12:39:30,533 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5805499999997 | Take profit: 2092.8183499999996 +2025-03-10 12:39:30,792 - INFO - CLOSED long at 2057.94 | PnL: -0.19% | $-1.05 +2025-03-10 12:39:30,793 - INFO - OPENED SHORT at 2057.94 | Stop loss: 2068.2297 | Take profit: 2027.0709 +2025-03-10 12:39:30,920 - INFO - CLOSED short at 2061.18 | PnL: -0.16% | $-0.91 +2025-03-10 12:39:31,094 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.45055 | Take profit: 2037.08835 +2025-03-10 12:39:31,178 - INFO - CLOSED short at 2067.89 | PnL: 0.01% | $-0.31 +2025-03-10 12:39:31,178 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.55055 | Take profit: 2098.9083499999997 +2025-03-10 12:39:31,220 - INFO - CLOSED long at 2071.63 | PnL: 0.18% | $0.28 +2025-03-10 12:39:31,220 - INFO - OPENED SHORT at 2071.63 | Stop loss: 2081.9881499999997 | Take profit: 2040.55555 +2025-03-10 12:39:31,266 - INFO - CLOSED short at 2070.99 | PnL: 0.03% | $-0.24 +2025-03-10 12:39:31,266 - INFO - OPENED LONG at 2070.99 | Stop loss: 2060.63505 | Take profit: 2102.0548499999995 +2025-03-10 12:39:31,309 - INFO - CLOSED long at 2069.6 | PnL: -0.07% | $-0.59 +2025-03-10 12:39:31,310 - INFO - OPENED SHORT at 2069.6 | Stop loss: 2079.948 | Take profit: 2038.5559999999998 +2025-03-10 12:39:31,357 - INFO - CLOSED short at 2068.65 | PnL: 0.05% | $-0.19 +2025-03-10 12:39:31,357 - INFO - OPENED LONG at 2068.65 | Stop loss: 2058.30675 | Take profit: 2099.67975 +2025-03-10 12:39:31,403 - INFO - CLOSED long at 2068.99 | PnL: 0.02% | $-0.29 +2025-03-10 12:39:31,447 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.5605 | Take profit: 2098.9184999999998 +2025-03-10 12:39:31,493 - INFO - CLOSED long at 2067.69 | PnL: -0.01% | $-0.38 +2025-03-10 12:39:31,494 - INFO - OPENED SHORT at 2067.69 | Stop loss: 2078.02845 | Take profit: 2036.67465 +2025-03-10 12:39:31,666 - INFO - CLOSED short at 2075.1 | PnL: -0.36% | $-1.58 +2025-03-10 12:39:31,764 - INFO - OPENED SHORT at 2072.33 | Stop loss: 2082.6916499999998 | Take profit: 2041.24505 +2025-03-10 12:39:31,810 - INFO - CLOSED short at 2071.38 | PnL: 0.05% | $-0.18 +2025-03-10 12:39:31,979 - INFO - OPENED SHORT at 2072.8 | Stop loss: 2083.1639999999998 | Take profit: 2041.708 +2025-03-10 12:39:32,363 - INFO - CLOSED short at 2069.19 | PnL: 0.17% | $0.25 +2025-03-10 12:39:32,364 - INFO - OPENED LONG at 2069.19 | Stop loss: 2058.84405 | Take profit: 2100.2278499999998 +2025-03-10 12:39:32,455 - INFO - CLOSED long at 2067.6 | PnL: -0.08% | $-0.60 +2025-03-10 12:39:32,627 - INFO - OPENED SHORT at 2065.99 | Stop loss: 2076.3199499999996 | Take profit: 2035.0001499999998 +2025-03-10 12:39:32,674 - INFO - CLOSED short at 2066.19 | PnL: -0.01% | $-0.37 +2025-03-10 12:39:32,815 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.5108999999998 | Take profit: 2035.1872999999998 +2025-03-10 12:39:32,857 - INFO - CLOSED short at 2068.76 | PnL: -0.12% | $-0.75 +2025-03-10 12:39:32,858 - INFO - OPENED LONG at 2068.76 | Stop loss: 2058.4162 | Take profit: 2099.7914 +2025-03-10 12:39:32,907 - INFO - CLOSED long at 2068.9 | PnL: 0.01% | $-0.31 +2025-03-10 12:39:33,070 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0480000000002 | Take profit: 2101.4559999999997 +2025-03-10 12:39:33,113 - INFO - CLOSED long at 2069.96 | PnL: -0.02% | $-0.40 +2025-03-10 12:39:33,113 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.3098 | Take profit: 2038.9106 +2025-03-10 12:39:33,203 - INFO - CLOSED short at 2071.39 | PnL: -0.07% | $-0.56 +2025-03-10 12:39:33,247 - INFO - OPENED LONG at 2071.36 | Stop loss: 2061.0032 | Take profit: 2102.4303999999997 +2025-03-10 12:39:33,292 - INFO - CLOSED long at 2072.75 | PnL: 0.07% | $-0.11 +2025-03-10 12:39:33,293 - INFO - OPENED SHORT at 2072.75 | Stop loss: 2083.11375 | Take profit: 2041.65875 +2025-03-10 12:39:33,478 - INFO - CLOSED short at 2074.29 | PnL: -0.07% | $-0.57 +2025-03-10 12:39:33,520 - INFO - OPENED SHORT at 2073.9 | Stop loss: 2084.2695 | Take profit: 2042.7915 +2025-03-10 12:39:33,565 - INFO - CLOSED short at 2071.92 | PnL: 0.10% | $-0.01 +2025-03-10 12:39:33,566 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.5604 | Take profit: 2102.9988 +2025-03-10 12:39:33,690 - INFO - CLOSED long at 2069.46 | PnL: -0.12% | $-0.71 +2025-03-10 12:39:33,774 - INFO - OPENED LONG at 2068.32 | Stop loss: 2057.9784 | Take profit: 2099.3448 +2025-03-10 12:39:33,818 - INFO - CLOSED long at 2067.0 | PnL: -0.06% | $-0.53 +2025-03-10 12:39:33,819 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3349999999996 | Take profit: 2035.995 +2025-03-10 12:39:33,863 - INFO - CLOSED short at 2067.79 | PnL: -0.04% | $-0.44 +2025-03-10 12:39:33,864 - INFO - OPENED LONG at 2067.79 | Stop loss: 2057.45105 | Take profit: 2098.80685 +2025-03-10 12:39:33,910 - INFO - CLOSED long at 2067.46 | PnL: -0.02% | $-0.37 +2025-03-10 12:39:34,000 - INFO - OPENED SHORT at 2065.49 | Stop loss: 2075.8174499999996 | Take profit: 2034.5076499999998 +2025-03-10 12:39:34,088 - INFO - CLOSED short at 2065.26 | PnL: 0.01% | $-0.28 +2025-03-10 12:39:34,089 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9337 | Take profit: 2096.2389 +2025-03-10 12:39:34,173 - INFO - CLOSED long at 2068.58 | PnL: 0.16% | $0.19 +2025-03-10 12:39:34,173 - INFO - OPENED SHORT at 2068.58 | Stop loss: 2078.9228999999996 | Take profit: 2037.5512999999999 +2025-03-10 12:39:34,259 - INFO - CLOSED short at 2069.34 | PnL: -0.04% | $-0.43 +2025-03-10 12:39:34,302 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.5207 | Take profit: 2098.8779 +2025-03-10 12:39:34,431 - INFO - CLOSED long at 2070.3 | PnL: 0.12% | $0.06 +2025-03-10 12:39:34,474 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.9479499999998 | Take profit: 2040.5161500000002 +2025-03-10 12:39:34,519 - INFO - CLOSED short at 2070.7 | PnL: 0.04% | $-0.18 +2025-03-10 12:39:34,520 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3464999999997 | Take profit: 2101.7604999999994 +2025-03-10 12:39:34,650 - INFO - CLOSED long at 2068.5 | PnL: -0.11% | $-0.65 +2025-03-10 12:39:34,733 - INFO - OPENED LONG at 2067.84 | Stop loss: 2057.5008000000003 | Take profit: 2098.8576 +2025-03-10 12:39:34,778 - INFO - CLOSED long at 2067.11 | PnL: -0.04% | $-0.42 +2025-03-10 12:39:34,822 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.1992999999998 | Take profit: 2036.8421 +2025-03-10 12:39:35,172 - INFO - CLOSED short at 2068.18 | PnL: -0.02% | $-0.36 +2025-03-10 12:39:35,357 - INFO - OPENED LONG at 2065.83 | Stop loss: 2055.50085 | Take profit: 2096.8174499999996 +2025-03-10 12:39:35,404 - INFO - CLOSED long at 2066.15 | PnL: 0.02% | $-0.26 +2025-03-10 12:39:35,404 - INFO - OPENED SHORT at 2066.15 | Stop loss: 2076.4807499999997 | Take profit: 2035.15775 +2025-03-10 12:39:35,451 - INFO - CLOSED short at 2065.26 | PnL: 0.04% | $-0.17 +2025-03-10 12:39:35,452 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9337 | Take profit: 2096.2389 +2025-03-10 12:39:35,500 - INFO - CLOSED long at 2062.89 | PnL: -0.11% | $-0.66 +2025-03-10 12:39:35,501 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2044499999997 | Take profit: 2031.9466499999999 +2025-03-10 12:39:35,547 - INFO - CLOSED short at 2062.65 | PnL: 0.01% | $-0.27 +2025-03-10 12:39:35,548 - INFO - OPENED LONG at 2062.65 | Stop loss: 2052.33675 | Take profit: 2093.58975 +2025-03-10 12:39:35,594 - INFO - CLOSED long at 2061.78 | PnL: -0.04% | $-0.43 +2025-03-10 12:39:35,594 - INFO - OPENED SHORT at 2061.78 | Stop loss: 2072.0889 | Take profit: 2030.8533000000002 +2025-03-10 12:39:35,642 - INFO - CLOSED short at 2059.59 | PnL: 0.11% | $0.02 +2025-03-10 12:39:35,643 - INFO - OPENED LONG at 2059.59 | Stop loss: 2049.29205 | Take profit: 2090.48385 +2025-03-10 12:39:35,731 - INFO - CLOSED long at 2063.59 | PnL: 0.19% | $0.28 +2025-03-10 12:39:35,775 - INFO - OPENED SHORT at 2064.96 | Stop loss: 2075.2848 | Take profit: 2033.9856 +2025-03-10 12:39:35,818 - INFO - CLOSED short at 2066.24 | PnL: -0.06% | $-0.49 +2025-03-10 12:39:35,819 - INFO - OPENED LONG at 2066.24 | Stop loss: 2055.9087999999997 | Take profit: 2097.2335999999996 +2025-03-10 12:39:35,965 - INFO - CLOSED long at 2066.09 | PnL: -0.01% | $-0.32 +2025-03-10 12:39:36,060 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4003999999995 | Take profit: 2033.1188 +2025-03-10 12:39:36,104 - INFO - CLOSED short at 2062.71 | PnL: 0.07% | $-0.10 +2025-03-10 12:39:36,105 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.39645 | Take profit: 2093.65065 +2025-03-10 12:39:36,151 - INFO - CLOSED long at 2062.89 | PnL: 0.01% | $-0.27 +2025-03-10 12:39:36,283 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.292 | Take profit: 2092.524 +2025-03-10 12:39:36,377 - INFO - CLOSED long at 2060.65 | PnL: -0.05% | $-0.43 +2025-03-10 12:39:36,557 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.491 | Take profit: 2092.727 +2025-03-10 12:39:36,598 - INFO - CLOSED long at 2064.7 | PnL: 0.14% | $0.12 +2025-03-10 12:39:36,863 - INFO - OPENED SHORT at 2064.1 | Stop loss: 2074.4204999999997 | Take profit: 2033.1384999999998 +2025-03-10 12:39:36,949 - INFO - CLOSED short at 2064.33 | PnL: -0.01% | $-0.33 +2025-03-10 12:39:37,036 - INFO - OPENED LONG at 2064.79 | Stop loss: 2054.46605 | Take profit: 2095.76185 +2025-03-10 12:39:37,329 - INFO - CLOSED long at 2060.7 | PnL: -0.20% | $-0.88 +2025-03-10 12:39:37,330 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:39:37,373 - INFO - CLOSED short at 2061.09 | PnL: -0.02% | $-0.35 +2025-03-10 12:39:37,417 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.3119500000003 | Take profit: 2090.5041499999998 +2025-03-10 12:39:37,507 - INFO - CLOSED long at 2059.02 | PnL: -0.03% | $-0.37 +2025-03-10 12:39:37,646 - INFO - OPENED LONG at 2059.46 | Stop loss: 2049.1627 | Take profit: 2090.3518999999997 +2025-03-10 12:39:37,693 - INFO - CLOSED long at 2057.4 | PnL: -0.10% | $-0.58 +2025-03-10 12:39:37,783 - INFO - OPENED SHORT at 2056.28 | Stop loss: 2066.5614 | Take profit: 2025.4358000000002 +2025-03-10 12:39:37,827 - INFO - CLOSED short at 2055.6 | PnL: 0.03% | $-0.19 +2025-03-10 12:39:37,828 - INFO - OPENED LONG at 2055.6 | Stop loss: 2045.322 | Take profit: 2086.4339999999997 +2025-03-10 12:39:37,871 - INFO - CLOSED long at 2054.89 | PnL: -0.03% | $-0.38 +2025-03-10 12:39:37,916 - INFO - OPENED LONG at 2054.83 | Stop loss: 2044.55585 | Take profit: 2085.6524499999996 +2025-03-10 12:39:38,056 - INFO - CLOSED long at 2059.8 | PnL: 0.24% | $0.40 +2025-03-10 12:39:38,056 - INFO - OPENED SHORT at 2059.8 | Stop loss: 2070.099 | Take profit: 2028.9030000000002 +2025-03-10 12:39:38,103 - INFO - CLOSED short at 2061.66 | PnL: -0.09% | $-0.54 +2025-03-10 12:39:38,103 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.3516999999997 | Take profit: 2092.5849 +2025-03-10 12:39:38,150 - INFO - CLOSED long at 2061.5 | PnL: -0.01% | $-0.30 +2025-03-10 12:39:38,151 - INFO - OPENED SHORT at 2061.5 | Stop loss: 2071.8075 | Take profit: 2030.5774999999999 +2025-03-10 12:39:38,250 - INFO - CLOSED short at 2061.3 | PnL: 0.01% | $-0.25 +2025-03-10 12:39:38,334 - INFO - OPENED SHORT at 2063.4 | Stop loss: 2073.717 | Take profit: 2032.449 +2025-03-10 12:39:38,651 - INFO - CLOSED short at 2066.79 | PnL: -0.16% | $-0.74 +2025-03-10 12:39:38,652 - INFO - OPENED LONG at 2066.79 | Stop loss: 2056.45605 | Take profit: 2097.7918499999996 +2025-03-10 12:39:38,696 - INFO - CLOSED long at 2067.33 | PnL: 0.03% | $-0.21 +2025-03-10 12:39:38,743 - INFO - OPENED LONG at 2067.01 | Stop loss: 2056.67495 | Take profit: 2098.01515 +2025-03-10 12:39:38,788 - INFO - CLOSED long at 2065.69 | PnL: -0.06% | $-0.45 +2025-03-10 12:39:38,879 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3599999999997 | Take profit: 2040.92 +2025-03-10 12:39:38,924 - INFO - CLOSED short at 2074.3 | PnL: -0.11% | $-0.58 +2025-03-10 12:39:38,968 - INFO - OPENED LONG at 2078.01 | Stop loss: 2067.6199500000002 | Take profit: 2109.18015 +2025-03-10 12:39:39,057 - INFO - CLOSED long at 2072.6 | PnL: -0.26% | $-0.98 +2025-03-10 12:39:39,100 - INFO - OPENED LONG at 2071.04 | Stop loss: 2060.6848 | Take profit: 2102.1056 +2025-03-10 12:39:39,276 - INFO - CLOSED long at 2070.0 | PnL: -0.05% | $-0.40 +2025-03-10 12:39:39,276 - INFO - OPENED SHORT at 2070.0 | Stop loss: 2080.35 | Take profit: 2038.95 +2025-03-10 12:39:39,494 - INFO - CLOSED short at 2067.44 | PnL: 0.12% | $0.06 +2025-03-10 12:39:39,586 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6250499999996 | Take profit: 2104.0848499999997 +2025-03-10 12:39:39,674 - INFO - CLOSED long at 2069.87 | PnL: -0.15% | $-0.67 +2025-03-10 12:39:39,762 - INFO - OPENED SHORT at 2066.38 | Stop loss: 2076.7119 | Take profit: 2035.3843000000002 +2025-03-10 12:39:39,807 - INFO - CLOSED short at 2065.7 | PnL: 0.03% | $-0.18 +2025-03-10 12:39:39,807 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3714999999997 | Take profit: 2096.6854999999996 +2025-03-10 12:39:39,853 - INFO - CLOSED long at 2065.66 | PnL: -0.00% | $-0.27 +2025-03-10 12:39:39,953 - INFO - OPENED SHORT at 2063.97 | Stop loss: 2074.2898499999997 | Take profit: 2033.0104499999998 +2025-03-10 12:39:39,999 - INFO - CLOSED short at 2064.5 | PnL: -0.03% | $-0.33 +2025-03-10 12:39:40,185 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1725 | Take profit: 2096.4824999999996 +2025-03-10 12:39:40,274 - INFO - CLOSED long at 2065.29 | PnL: -0.01% | $-0.29 +2025-03-10 12:39:40,318 - INFO - OPENED SHORT at 2065.31 | Stop loss: 2075.6365499999997 | Take profit: 2034.33035 +2025-03-10 12:39:40,412 - INFO - CLOSED short at 2066.5 | PnL: -0.06% | $-0.41 +2025-03-10 12:39:40,457 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.93295 | Take profit: 2037.5611500000002 +2025-03-10 12:39:40,679 - INFO - CLOSED short at 2069.69 | PnL: -0.05% | $-0.40 +2025-03-10 12:39:40,679 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.34155 | Take profit: 2100.73535 +2025-03-10 12:39:40,723 - INFO - CLOSED long at 2070.7 | PnL: 0.05% | $-0.13 +2025-03-10 12:39:40,809 - INFO - OPENED LONG at 2070.35 | Stop loss: 2059.99825 | Take profit: 2101.40525 +2025-03-10 12:39:40,854 - INFO - CLOSED long at 2070.61 | PnL: 0.01% | $-0.22 +2025-03-10 12:39:40,854 - INFO - OPENED SHORT at 2070.61 | Stop loss: 2080.96305 | Take profit: 2039.55085 +2025-03-10 12:39:40,902 - INFO - CLOSED short at 2071.99 | PnL: -0.07% | $-0.43 +2025-03-10 12:39:40,994 - INFO - OPENED LONG at 2068.67 | Stop loss: 2058.32665 | Take profit: 2099.70005 +2025-03-10 12:39:41,086 - INFO - CLOSED long at 2069.78 | PnL: 0.05% | $-0.12 +2025-03-10 12:39:41,179 - INFO - OPENED SHORT at 2074.37 | Stop loss: 2084.74185 | Take profit: 2043.25445 +2025-03-10 12:39:41,264 - INFO - CLOSED short at 2074.35 | PnL: 0.00% | $-0.25 +2025-03-10 12:39:41,400 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.9434 | Take profit: 2106.4498 +2025-03-10 12:39:41,583 - INFO - CLOSED long at 2074.0 | PnL: -0.06% | $-0.41 +2025-03-10 12:39:41,633 - INFO - OPENED SHORT at 2072.09 | Stop loss: 2082.45045 | Take profit: 2041.0086500000002 +2025-03-10 12:39:41,683 - INFO - CLOSED short at 2069.97 | PnL: 0.10% | $0.01 +2025-03-10 12:39:41,683 - INFO - OPENED LONG at 2069.97 | Stop loss: 2059.6201499999997 | Take profit: 2101.0195499999995 +2025-03-10 12:39:41,776 - INFO - CLOSED long at 2067.0 | PnL: -0.14% | $-0.61 +2025-03-10 12:39:41,962 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2194 | Take profit: 2036.8618000000001 +2025-03-10 12:39:42,130 - INFO - CLOSED short at 2070.19 | PnL: -0.11% | $-0.53 +2025-03-10 12:39:42,130 - INFO - OPENED LONG at 2070.19 | Stop loss: 2059.83905 | Take profit: 2101.2428499999996 +2025-03-10 12:39:42,224 - INFO - CLOSED long at 2067.19 | PnL: -0.14% | $-0.60 +2025-03-10 12:39:42,270 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8275 | Take profit: 2034.5175 +2025-03-10 12:39:42,437 - INFO - CLOSED short at 2066.09 | PnL: -0.03% | $-0.31 +2025-03-10 12:39:42,437 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.75955 | Take profit: 2097.08135 +2025-03-10 12:39:42,484 - INFO - CLOSED long at 2063.39 | PnL: -0.13% | $-0.56 +2025-03-10 12:39:42,485 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.70695 | Take profit: 2032.43915 +2025-03-10 12:39:42,569 - INFO - CLOSED short at 2063.98 | PnL: -0.03% | $-0.31 +2025-03-10 12:39:42,569 - INFO - OPENED LONG at 2063.98 | Stop loss: 2053.6601 | Take profit: 2094.9397 +2025-03-10 12:39:42,654 - INFO - CLOSED long at 2065.06 | PnL: 0.05% | $-0.11 +2025-03-10 12:39:42,745 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8224999999998 | Take profit: 2033.5325 +2025-03-10 12:39:42,789 - INFO - CLOSED short at 2066.33 | PnL: -0.09% | $-0.45 +2025-03-10 12:39:42,790 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.99835 | Take profit: 2097.3249499999997 +2025-03-10 12:39:42,878 - INFO - CLOSED long at 2060.7 | PnL: -0.27% | $-0.88 +2025-03-10 12:39:42,929 - INFO - OPENED SHORT at 2060.2 | Stop loss: 2070.5009999999997 | Take profit: 2029.2969999999998 +2025-03-10 12:39:43,023 - INFO - CLOSED short at 2058.09 | PnL: 0.10% | $0.01 +2025-03-10 12:39:43,070 - INFO - OPENED SHORT at 2058.65 | Stop loss: 2068.94325 | Take profit: 2027.77025 +2025-03-10 12:39:43,241 - INFO - CLOSED short at 2049.5 | PnL: 0.44% | $0.80 +2025-03-10 12:39:43,242 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.2525 | Take profit: 2080.2425 +2025-03-10 12:39:43,328 - INFO - CLOSED long at 2058.3 | PnL: 0.43% | $0.78 +2025-03-10 12:39:43,416 - INFO - OPENED SHORT at 2057.11 | Stop loss: 2067.3955499999997 | Take profit: 2026.2533500000002 +2025-03-10 12:39:43,543 - INFO - CLOSED short at 2063.9 | PnL: -0.33% | $-1.03 +2025-03-10 12:39:43,584 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.7745 | Take profit: 2096.0764999999997 +2025-03-10 12:39:43,707 - INFO - CLOSED long at 2065.12 | PnL: 0.00% | $-0.23 +2025-03-10 12:39:43,750 - INFO - OPENED LONG at 2068.33 | Stop loss: 2057.98835 | Take profit: 2099.35495 +2025-03-10 12:39:43,796 - INFO - CLOSED long at 2067.49 | PnL: -0.04% | $-0.33 +2025-03-10 12:39:43,796 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8274499999998 | Take profit: 2036.4776499999998 +2025-03-10 12:39:43,930 - INFO - CLOSED short at 2061.21 | PnL: 0.30% | $0.48 +2025-03-10 12:39:43,977 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.1994999999997 | Take profit: 2029.0015 +2025-03-10 12:39:44,063 - INFO - CLOSED short at 2061.84 | PnL: -0.09% | $-0.46 +2025-03-10 12:39:44,105 - INFO - OPENED LONG at 2062.54 | Stop loss: 2052.2273 | Take profit: 2093.4781 +2025-03-10 12:39:44,193 - INFO - CLOSED long at 2070.31 | PnL: 0.38% | $0.65 +2025-03-10 12:39:44,284 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9933 | Take profit: 2100.3801 +2025-03-10 12:39:44,460 - INFO - CLOSED long at 2074.05 | PnL: 0.23% | $0.30 +2025-03-10 12:39:44,461 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.42025 | Take profit: 2042.9392500000001 +2025-03-10 12:39:44,743 - INFO - CLOSED short at 2077.61 | PnL: -0.17% | $-0.64 +2025-03-10 12:39:44,744 - INFO - OPENED LONG at 2077.61 | Stop loss: 2067.22195 | Take profit: 2108.7741499999997 +2025-03-10 12:39:44,788 - INFO - CLOSED long at 2085.56 | PnL: 0.38% | $0.66 +2025-03-10 12:39:44,789 - INFO - OPENED SHORT at 2085.56 | Stop loss: 2095.9878 | Take profit: 2054.2766 +2025-03-10 12:39:44,878 - INFO - CLOSED short at 2103.02 | PnL: -0.84% | $-2.23 +2025-03-10 12:39:44,878 - INFO - OPENED LONG at 2103.02 | Stop loss: 2092.5049 | Take profit: 2134.5652999999998 +2025-03-10 12:39:44,977 - INFO - CLOSED long at 2139.54 | PnL: 1.74% | $3.74 +2025-03-10 12:39:44,977 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2376999999997 | Take profit: 2107.4469 +2025-03-10 12:39:45,068 - INFO - CLOSED short at 2133.95 | PnL: 0.26% | $0.39 +2025-03-10 12:39:45,115 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.2779499999997 | Take profit: 2105.52615 +2025-03-10 12:39:45,159 - INFO - CLOSED short at 2141.41 | PnL: -0.18% | $-0.68 +2025-03-10 12:39:45,160 - INFO - OPENED LONG at 2141.41 | Stop loss: 2130.70295 | Take profit: 2173.53115 +2025-03-10 12:39:45,347 - INFO - CLOSED long at 2134.78 | PnL: -0.31% | $-0.99 +2025-03-10 12:39:45,395 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.3550499999997 | Take profit: 2158.8948499999997 +2025-03-10 12:39:45,443 - INFO - CLOSED long at 2127.3 | PnL: 0.01% | $-0.20 +2025-03-10 12:39:45,444 - INFO - OPENED SHORT at 2127.3 | Stop loss: 2137.9365 | Take profit: 2095.3905 +2025-03-10 12:39:45,489 - INFO - CLOSED short at 2128.69 | PnL: -0.07% | $-0.39 +2025-03-10 12:39:45,538 - INFO - OPENED LONG at 2121.09 | Stop loss: 2110.48455 | Take profit: 2152.9063499999997 +2025-03-10 12:39:45,587 - INFO - CLOSED long at 2120.15 | PnL: -0.04% | $-0.34 +2025-03-10 12:39:45,634 - INFO - OPENED LONG at 2117.24 | Stop loss: 2106.6537999999996 | Take profit: 2148.9985999999994 +2025-03-10 12:39:46,054 - INFO - CLOSED long at 2109.05 | PnL: -0.39% | $-1.14 +2025-03-10 12:39:46,054 - INFO - OPENED SHORT at 2109.05 | Stop loss: 2119.59525 | Take profit: 2077.4142500000003 +2025-03-10 12:39:46,101 - INFO - CLOSED short at 2112.09 | PnL: -0.14% | $-0.56 +2025-03-10 12:39:46,149 - INFO - OPENED LONG at 2112.95 | Stop loss: 2102.38525 | Take profit: 2144.64425 +2025-03-10 12:39:46,246 - INFO - CLOSED long at 2113.24 | PnL: 0.01% | $-0.20 +2025-03-10 12:39:46,246 - INFO - OPENED SHORT at 2113.24 | Stop loss: 2123.8061999999995 | Take profit: 2081.5413999999996 +2025-03-10 12:39:46,290 - INFO - CLOSED short at 2112.99 | PnL: 0.01% | $-0.20 +2025-03-10 12:39:46,391 - INFO - OPENED SHORT at 2116.48 | Stop loss: 2127.0624 | Take profit: 2084.7327999999998 +2025-03-10 12:39:46,435 - INFO - CLOSED short at 2114.8 | PnL: 0.08% | $-0.05 +2025-03-10 12:39:46,483 - INFO - OPENED SHORT at 2110.9 | Stop loss: 2121.4545 | Take profit: 2079.2365 +2025-03-10 12:39:46,712 - INFO - CLOSED short at 2100.5 | PnL: 0.49% | $0.89 +2025-03-10 12:39:46,712 - INFO - OPENED LONG at 2100.5 | Stop loss: 2089.9975 | Take profit: 2132.0074999999997 +2025-03-10 12:39:46,757 - INFO - CLOSED long at 2090.0 | PnL: -0.50% | $-1.38 +2025-03-10 12:39:46,802 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.02765 | Take profit: 2068.0370500000004 +2025-03-10 12:39:46,849 - INFO - CLOSED short at 2098.1 | PnL: 0.07% | $-0.07 +2025-03-10 12:39:46,942 - INFO - OPENED LONG at 2102.29 | Stop loss: 2091.77855 | Take profit: 2133.82435 +2025-03-10 12:39:47,027 - INFO - CLOSED long at 2098.9 | PnL: -0.16% | $-0.58 +2025-03-10 12:39:47,068 - INFO - OPENED SHORT at 2100.69 | Stop loss: 2111.1934499999998 | Take profit: 2069.17965 +2025-03-10 12:39:47,112 - INFO - CLOSED short at 2104.83 | PnL: -0.20% | $-0.66 +2025-03-10 12:39:47,251 - INFO - OPENED LONG at 2103.86 | Stop loss: 2093.3407 | Take profit: 2135.4179 +2025-03-10 12:39:47,299 - INFO - CLOSED long at 2104.68 | PnL: 0.04% | $-0.13 +2025-03-10 12:39:47,300 - INFO - OPENED SHORT at 2104.68 | Stop loss: 2115.2033999999994 | Take profit: 2073.1097999999997 +2025-03-10 12:39:47,351 - INFO - CLOSED short at 2101.51 | PnL: 0.15% | $0.11 +2025-03-10 12:39:47,442 - INFO - OPENED SHORT at 2100.02 | Stop loss: 2110.5200999999997 | Take profit: 2068.5197 +2025-03-10 12:39:47,571 - INFO - CLOSED short at 2093.46 | PnL: 0.31% | $0.46 +2025-03-10 12:39:47,572 - INFO - OPENED LONG at 2093.46 | Stop loss: 2082.9927000000002 | Take profit: 2124.8619 +2025-03-10 12:39:47,663 - INFO - CLOSED long at 2092.46 | PnL: -0.05% | $-0.33 +2025-03-10 12:39:47,663 - INFO - OPENED SHORT at 2092.46 | Stop loss: 2102.9222999999997 | Take profit: 2061.0731 +2025-03-10 12:39:47,802 - INFO - CLOSED short at 2094.08 | PnL: -0.08% | $-0.39 +2025-03-10 12:39:47,803 - INFO - OPENED LONG at 2094.08 | Stop loss: 2083.6096 | Take profit: 2125.4912 +2025-03-10 12:39:47,894 - INFO - CLOSED long at 2083.28 | PnL: -0.52% | $-1.34 +2025-03-10 12:39:47,944 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.9978 | Take profit: 2119.7666 +2025-03-10 12:39:48,400 - INFO - CLOSED long at 2086.57 | PnL: -0.09% | $-0.40 +2025-03-10 12:39:48,448 - INFO - OPENED SHORT at 2085.8 | Stop loss: 2096.229 | Take profit: 2054.5130000000004 +2025-03-10 12:39:48,495 - INFO - CLOSED short at 2084.72 | PnL: 0.05% | $-0.10 +2025-03-10 12:39:48,714 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 20.0% in downtrends | Avg Win=$0.44, Avg Loss=$-0.49 +2025-03-10 12:39:48,715 - INFO - Episode 1: Reward=109.27, Balance=$52.58, Win Rate=17.9%, Trades=145, Episode PnL=$-33.00, Total PnL=$-91.95, Max Drawdown=47.4%, Pred Accuracy=99.7% +2025-03-10 12:39:48,851 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:39:48,852 - INFO - New best reward model saved: 109.27 +2025-03-10 12:39:48,878 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:39:49,166 - INFO - OPENED LONG at 2059.4 | Stop loss: 2049.103 | Take profit: 2090.2909999999997 +2025-03-10 12:39:49,292 - INFO - CLOSED long at 2059.4 | PnL: 0.00% | $-0.40 +2025-03-10 12:39:49,293 - INFO - OPENED SHORT at 2059.4 | Stop loss: 2069.6969999999997 | Take profit: 2028.509 +2025-03-10 12:39:49,384 - INFO - CLOSED short at 2060.51 | PnL: -0.05% | $-0.61 +2025-03-10 12:39:49,385 - INFO - OPENED LONG at 2060.51 | Stop loss: 2050.2074500000003 | Take profit: 2091.41765 +2025-03-10 12:39:49,516 - INFO - CLOSED long at 2057.59 | PnL: -0.14% | $-0.96 +2025-03-10 12:39:49,517 - INFO - OPENED SHORT at 2057.59 | Stop loss: 2067.87795 | Take profit: 2026.7261500000002 +2025-03-10 12:39:49,563 - INFO - CLOSED short at 2057.9 | PnL: -0.02% | $-0.45 +2025-03-10 12:39:49,701 - INFO - OPENED LONG at 2055.2 | Stop loss: 2044.9239999999998 | Take profit: 2086.028 +2025-03-10 12:39:49,751 - INFO - CLOSED long at 2058.59 | PnL: 0.16% | $0.25 +2025-03-10 12:39:49,899 - INFO - OPENED SHORT at 2053.56 | Stop loss: 2063.8277999999996 | Take profit: 2022.7566 +2025-03-10 12:39:50,055 - INFO - CLOSED short at 2052.16 | PnL: 0.07% | $-0.12 +2025-03-10 12:39:50,336 - INFO - OPENED LONG at 2049.49 | Stop loss: 2039.2425499999997 | Take profit: 2080.2323499999998 +2025-03-10 12:39:50,390 - INFO - CLOSED long at 2050.2 | PnL: 0.03% | $-0.26 +2025-03-10 12:39:50,438 - INFO - OPENED SHORT at 2049.6 | Stop loss: 2059.8479999999995 | Take profit: 2018.856 +2025-03-10 12:39:50,488 - INFO - CLOSED short at 2051.99 | PnL: -0.12% | $-0.84 +2025-03-10 12:39:50,488 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7300499999997 | Take profit: 2082.7698499999997 +2025-03-10 12:39:50,539 - INFO - CLOSED long at 2049.61 | PnL: -0.12% | $-0.83 +2025-03-10 12:39:50,589 - INFO - OPENED LONG at 2049.24 | Stop loss: 2038.9937999999997 | Take profit: 2079.9785999999995 +2025-03-10 12:39:50,747 - INFO - CLOSED long at 2046.58 | PnL: -0.13% | $-0.88 +2025-03-10 12:39:50,748 - INFO - OPENED SHORT at 2046.58 | Stop loss: 2056.8129 | Take profit: 2015.8813 +2025-03-10 12:39:51,044 - INFO - CLOSED short at 2048.13 | PnL: -0.08% | $-0.67 +2025-03-10 12:39:51,091 - INFO - OPENED LONG at 2047.59 | Stop loss: 2037.35205 | Take profit: 2078.30385 +2025-03-10 12:39:51,234 - INFO - CLOSED long at 2050.24 | PnL: 0.13% | $0.11 +2025-03-10 12:39:51,328 - INFO - OPENED SHORT at 2051.11 | Stop loss: 2061.36555 | Take profit: 2020.34335 +2025-03-10 12:39:51,576 - INFO - CLOSED short at 2057.01 | PnL: -0.29% | $-1.46 +2025-03-10 12:39:51,577 - INFO - OPENED LONG at 2057.01 | Stop loss: 2046.7249500000003 | Take profit: 2087.86515 +2025-03-10 12:39:51,674 - INFO - CLOSED long at 2058.39 | PnL: 0.07% | $-0.12 +2025-03-10 12:39:51,724 - INFO - OPENED LONG at 2060.13 | Stop loss: 2049.82935 | Take profit: 2091.03195 +2025-03-10 12:39:51,772 - INFO - CLOSED long at 2059.7 | PnL: -0.02% | $-0.45 +2025-03-10 12:39:52,083 - INFO - OPENED SHORT at 2064.69 | Stop loss: 2075.01345 | Take profit: 2033.71965 +2025-03-10 12:39:52,231 - INFO - CLOSED short at 2058.3 | PnL: 0.31% | $0.77 +2025-03-10 12:39:52,232 - INFO - OPENED LONG at 2058.3 | Stop loss: 2048.0085000000004 | Take profit: 2089.1745 +2025-03-10 12:39:52,551 - INFO - CLOSED long at 2057.8 | PnL: -0.02% | $-0.46 +2025-03-10 12:39:52,799 - INFO - OPENED LONG at 2061.18 | Stop loss: 2050.8741 | Take profit: 2092.0977 +2025-03-10 12:39:53,173 - INFO - CLOSED long at 2071.63 | PnL: 0.51% | $1.51 +2025-03-10 12:39:53,174 - INFO - OPENED SHORT at 2071.63 | Stop loss: 2081.9881499999997 | Take profit: 2040.55555 +2025-03-10 12:39:53,227 - INFO - CLOSED short at 2070.99 | PnL: 0.03% | $-0.26 +2025-03-10 12:39:53,277 - INFO - OPENED SHORT at 2069.6 | Stop loss: 2079.948 | Take profit: 2038.5559999999998 +2025-03-10 12:39:53,326 - INFO - CLOSED short at 2068.65 | PnL: 0.05% | $-0.20 +2025-03-10 12:39:53,326 - INFO - OPENED LONG at 2068.65 | Stop loss: 2058.30675 | Take profit: 2099.67975 +2025-03-10 12:39:53,383 - INFO - CLOSED long at 2068.99 | PnL: 0.02% | $-0.31 +2025-03-10 12:39:53,384 - INFO - OPENED SHORT at 2068.99 | Stop loss: 2079.3349499999995 | Take profit: 2037.9551499999998 +2025-03-10 12:39:53,484 - INFO - CLOSED short at 2067.69 | PnL: 0.06% | $-0.14 +2025-03-10 12:39:53,580 - INFO - OPENED LONG at 2071.44 | Stop loss: 2061.0828 | Take profit: 2102.5116 +2025-03-10 12:39:53,630 - INFO - CLOSED long at 2073.73 | PnL: 0.11% | $0.04 +2025-03-10 12:39:53,724 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.2745499999996 | Take profit: 2041.8163499999998 +2025-03-10 12:39:53,773 - INFO - CLOSED short at 2072.33 | PnL: 0.03% | $-0.27 +2025-03-10 12:39:53,774 - INFO - OPENED LONG at 2072.33 | Stop loss: 2061.96835 | Take profit: 2103.41495 +2025-03-10 12:39:54,058 - INFO - CLOSED long at 2070.79 | PnL: -0.07% | $-0.65 +2025-03-10 12:39:54,120 - INFO - OPENED SHORT at 2070.28 | Stop loss: 2080.6313999999998 | Take profit: 2039.2258000000002 +2025-03-10 12:39:54,179 - INFO - CLOSED short at 2068.02 | PnL: 0.11% | $0.03 +2025-03-10 12:39:54,180 - INFO - OPENED LONG at 2068.02 | Stop loss: 2057.6799 | Take profit: 2099.0402999999997 +2025-03-10 12:39:54,293 - INFO - CLOSED long at 2070.36 | PnL: 0.11% | $0.05 +2025-03-10 12:39:54,347 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.2445 | Take profit: 2037.8665 +2025-03-10 12:39:54,464 - INFO - CLOSED short at 2069.34 | PnL: -0.02% | $-0.45 +2025-03-10 12:39:54,572 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.456 | Take profit: 2099.832 +2025-03-10 12:39:54,632 - INFO - CLOSED long at 2067.6 | PnL: -0.06% | $-0.58 +2025-03-10 12:39:54,779 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.7219499999997 | Take profit: 2035.3941499999999 +2025-03-10 12:39:54,966 - INFO - CLOSED short at 2065.08 | PnL: 0.06% | $-0.13 +2025-03-10 12:39:54,966 - INFO - OPENED LONG at 2065.08 | Stop loss: 2054.7545999999998 | Take profit: 2096.0561999999995 +2025-03-10 12:39:55,017 - INFO - CLOSED long at 2066.18 | PnL: 0.05% | $-0.17 +2025-03-10 12:39:55,017 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.5108999999998 | Take profit: 2035.1872999999998 +2025-03-10 12:39:55,066 - INFO - CLOSED short at 2068.76 | PnL: -0.12% | $-0.82 +2025-03-10 12:39:55,067 - INFO - OPENED LONG at 2068.76 | Stop loss: 2058.4162 | Take profit: 2099.7914 +2025-03-10 12:39:55,204 - INFO - CLOSED long at 2068.59 | PnL: -0.01% | $-0.39 +2025-03-10 12:39:55,340 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.3098 | Take profit: 2038.9106 +2025-03-10 12:39:55,386 - INFO - CLOSED short at 2071.4 | PnL: -0.07% | $-0.61 +2025-03-10 12:39:55,387 - INFO - OPENED LONG at 2071.4 | Stop loss: 2061.043 | Take profit: 2102.471 +2025-03-10 12:39:55,432 - INFO - CLOSED long at 2071.39 | PnL: -0.00% | $-0.36 +2025-03-10 12:39:55,433 - INFO - OPENED SHORT at 2071.39 | Stop loss: 2081.7469499999997 | Take profit: 2040.3191499999998 +2025-03-10 12:39:55,604 - INFO - CLOSED short at 2072.7 | PnL: -0.06% | $-0.58 +2025-03-10 12:39:55,604 - INFO - OPENED LONG at 2072.7 | Stop loss: 2062.3365 | Take profit: 2103.7904999999996 +2025-03-10 12:39:55,697 - INFO - CLOSED long at 2074.29 | PnL: 0.08% | $-0.08 +2025-03-10 12:39:55,698 - INFO - OPENED SHORT at 2074.29 | Stop loss: 2084.6614499999996 | Take profit: 2043.17565 +2025-03-10 12:39:55,916 - INFO - CLOSED short at 2069.46 | PnL: 0.23% | $0.47 +2025-03-10 12:39:55,917 - INFO - OPENED LONG at 2069.46 | Stop loss: 2059.1127 | Take profit: 2100.5018999999998 +2025-03-10 12:39:56,141 - INFO - CLOSED long at 2067.46 | PnL: -0.10% | $-0.70 +2025-03-10 12:39:56,142 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.7972999999997 | Take profit: 2036.4481 +2025-03-10 12:39:56,348 - INFO - CLOSED short at 2067.89 | PnL: -0.02% | $-0.43 +2025-03-10 12:39:56,350 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.55055 | Take profit: 2098.9083499999997 +2025-03-10 12:39:56,444 - INFO - CLOSED long at 2068.8 | PnL: 0.04% | $-0.20 +2025-03-10 12:39:56,444 - INFO - OPENED SHORT at 2068.8 | Stop loss: 2079.144 | Take profit: 2037.7680000000003 +2025-03-10 12:39:57,001 - INFO - CLOSED short at 2067.84 | PnL: 0.05% | $-0.19 +2025-03-10 12:39:57,002 - INFO - OPENED LONG at 2067.84 | Stop loss: 2057.5008000000003 | Take profit: 2098.8576 +2025-03-10 12:39:57,047 - INFO - CLOSED long at 2067.11 | PnL: -0.04% | $-0.47 +2025-03-10 12:39:57,048 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.44555 | Take profit: 2036.10335 +2025-03-10 12:39:57,137 - INFO - CLOSED short at 2066.4 | PnL: 0.03% | $-0.23 +2025-03-10 12:39:57,182 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4304999999995 | Take profit: 2035.1084999999998 +2025-03-10 12:39:57,271 - INFO - CLOSED short at 2066.39 | PnL: -0.01% | $-0.39 +2025-03-10 12:39:57,271 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.0580499999996 | Take profit: 2097.3858499999997 +2025-03-10 12:39:57,364 - INFO - CLOSED long at 2070.04 | PnL: 0.18% | $0.26 +2025-03-10 12:39:57,365 - INFO - OPENED SHORT at 2070.04 | Stop loss: 2080.3902 | Take profit: 2038.9894 +2025-03-10 12:39:57,549 - INFO - CLOSED short at 2067.88 | PnL: 0.10% | $0.02 +2025-03-10 12:39:57,598 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.3149499999995 | Take profit: 2034.0151499999997 +2025-03-10 12:39:57,644 - INFO - CLOSED short at 2065.83 | PnL: -0.04% | $-0.49 +2025-03-10 12:39:57,737 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9337 | Take profit: 2096.2389 +2025-03-10 12:39:57,828 - INFO - CLOSED long at 2062.65 | PnL: -0.13% | $-0.78 +2025-03-10 12:39:57,828 - INFO - OPENED SHORT at 2062.65 | Stop loss: 2072.96325 | Take profit: 2031.71025 +2025-03-10 12:39:57,878 - INFO - CLOSED short at 2061.78 | PnL: 0.04% | $-0.20 +2025-03-10 12:39:57,981 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6065 | Take profit: 2030.3805000000002 +2025-03-10 12:39:58,076 - INFO - CLOSED short at 2064.96 | PnL: -0.18% | $-0.94 +2025-03-10 12:39:58,077 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.6352 | Take profit: 2095.9343999999996 +2025-03-10 12:39:58,386 - INFO - CLOSED long at 2064.08 | PnL: -0.04% | $-0.48 +2025-03-10 12:39:58,386 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4003999999995 | Take profit: 2033.1188 +2025-03-10 12:39:58,537 - INFO - CLOSED short at 2064.5 | PnL: -0.02% | $-0.40 +2025-03-10 12:39:58,824 - INFO - OPENED SHORT at 2059.3 | Stop loss: 2069.5965 | Take profit: 2028.4105000000002 +2025-03-10 12:39:59,020 - INFO - CLOSED short at 2062.61 | PnL: -0.16% | $-0.87 +2025-03-10 12:39:59,117 - INFO - OPENED LONG at 2060.3 | Stop loss: 2049.9985 | Take profit: 2091.2045 +2025-03-10 12:39:59,208 - INFO - CLOSED long at 2061.9 | PnL: 0.08% | $-0.07 +2025-03-10 12:39:59,253 - INFO - OPENED SHORT at 2064.1 | Stop loss: 2074.4204999999997 | Take profit: 2033.1384999999998 +2025-03-10 12:39:59,393 - INFO - CLOSED short at 2063.39 | PnL: 0.03% | $-0.22 +2025-03-10 12:39:59,393 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.07305 | Take profit: 2094.3408499999996 +2025-03-10 12:39:59,438 - INFO - CLOSED long at 2064.79 | PnL: 0.07% | $-0.11 +2025-03-10 12:39:59,526 - INFO - OPENED SHORT at 2063.53 | Stop loss: 2073.84765 | Take profit: 2032.57705 +2025-03-10 12:39:59,570 - INFO - CLOSED short at 2063.0 | PnL: 0.03% | $-0.24 +2025-03-10 12:39:59,661 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5805499999997 | Take profit: 2092.8183499999996 +2025-03-10 12:39:59,800 - INFO - CLOSED long at 2061.09 | PnL: -0.04% | $-0.45 +2025-03-10 12:39:59,844 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.3119500000003 | Take profit: 2090.5041499999998 +2025-03-10 12:39:59,891 - INFO - CLOSED long at 2059.16 | PnL: -0.02% | $-0.40 +2025-03-10 12:39:59,891 - INFO - OPENED SHORT at 2059.16 | Stop loss: 2069.4557999999997 | Take profit: 2028.2725999999998 +2025-03-10 12:39:59,935 - INFO - CLOSED short at 2059.02 | PnL: 0.01% | $-0.30 +2025-03-10 12:39:59,986 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.59555 | Take profit: 2089.7733499999995 +2025-03-10 12:40:00,034 - INFO - CLOSED long at 2059.96 | PnL: 0.05% | $-0.15 +2025-03-10 12:40:00,035 - INFO - OPENED SHORT at 2059.96 | Stop loss: 2070.2598 | Take profit: 2029.0606 +2025-03-10 12:40:00,446 - INFO - CLOSED short at 2058.15 | PnL: 0.09% | $-0.04 +2025-03-10 12:40:00,535 - INFO - OPENED SHORT at 2061.66 | Stop loss: 2071.9682999999995 | Take profit: 2030.7350999999999 +2025-03-10 12:40:00,579 - INFO - CLOSED short at 2061.5 | PnL: 0.01% | $-0.30 +2025-03-10 12:40:00,580 - INFO - OPENED LONG at 2061.5 | Stop loss: 2051.1925 | Take profit: 2092.4224999999997 +2025-03-10 12:40:00,665 - INFO - CLOSED long at 2061.3 | PnL: -0.01% | $-0.35 +2025-03-10 12:40:00,752 - INFO - OPENED LONG at 2063.4 | Stop loss: 2053.083 | Take profit: 2094.351 +2025-03-10 12:40:00,970 - INFO - CLOSED long at 2066.33 | PnL: 0.14% | $0.13 +2025-03-10 12:40:01,059 - INFO - OPENED SHORT at 2066.79 | Stop loss: 2077.1239499999997 | Take profit: 2035.7881499999999 +2025-03-10 12:40:01,230 - INFO - CLOSED short at 2069.79 | PnL: -0.15% | $-0.78 +2025-03-10 12:40:01,231 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.44105 | Take profit: 2100.8368499999997 +2025-03-10 12:40:01,319 - INFO - CLOSED long at 2074.3 | PnL: 0.22% | $0.37 +2025-03-10 12:40:01,366 - INFO - OPENED LONG at 2078.01 | Stop loss: 2067.6199500000002 | Take profit: 2109.18015 +2025-03-10 12:40:01,497 - INFO - CLOSED long at 2071.04 | PnL: -0.34% | $-1.38 +2025-03-10 12:40:01,498 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.3952 | Take profit: 2039.9743999999998 +2025-03-10 12:40:01,800 - INFO - CLOSED short at 2069.69 | PnL: 0.07% | $-0.11 +2025-03-10 12:40:01,800 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.34155 | Take profit: 2100.73535 +2025-03-10 12:40:01,844 - INFO - CLOSED long at 2069.03 | PnL: -0.03% | $-0.41 +2025-03-10 12:40:01,889 - INFO - OPENED SHORT at 2067.44 | Stop loss: 2077.7772 | Take profit: 2036.4284 +2025-03-10 12:40:01,932 - INFO - CLOSED short at 2068.79 | PnL: -0.07% | $-0.51 +2025-03-10 12:40:01,978 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.3549499999995 | Take profit: 2041.8951499999998 +2025-03-10 12:40:02,064 - INFO - CLOSED short at 2069.87 | PnL: 0.15% | $0.16 +2025-03-10 12:40:02,210 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3714999999997 | Take profit: 2096.6854999999996 +2025-03-10 12:40:02,306 - INFO - CLOSED long at 2063.95 | PnL: -0.08% | $-0.57 +2025-03-10 12:40:02,306 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.2697499999995 | Take profit: 2032.9907499999997 +2025-03-10 12:40:02,352 - INFO - CLOSED short at 2063.97 | PnL: -0.00% | $-0.31 +2025-03-10 12:40:02,352 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.65015 | Take profit: 2094.9295499999994 +2025-03-10 12:40:02,499 - INFO - CLOSED long at 2064.4 | PnL: 0.02% | $-0.24 +2025-03-10 12:40:02,726 - INFO - OPENED LONG at 2065.29 | Stop loss: 2054.96355 | Take profit: 2096.2693499999996 +2025-03-10 12:40:03,064 - INFO - CLOSED long at 2070.2 | PnL: 0.24% | $0.42 +2025-03-10 12:40:03,121 - INFO - OPENED SHORT at 2071.35 | Stop loss: 2081.70675 | Take profit: 2040.27975 +2025-03-10 12:40:03,333 - INFO - CLOSED short at 2070.8 | PnL: 0.03% | $-0.22 +2025-03-10 12:40:03,494 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.6300499999998 | Take profit: 2103.0698499999994 +2025-03-10 12:40:03,798 - INFO - CLOSED long at 2074.37 | PnL: 0.11% | $0.05 +2025-03-10 12:40:03,799 - INFO - OPENED SHORT at 2074.37 | Stop loss: 2084.74185 | Take profit: 2043.25445 +2025-03-10 12:40:03,949 - INFO - CLOSED short at 2073.27 | PnL: 0.05% | $-0.14 +2025-03-10 12:40:04,001 - INFO - OPENED SHORT at 2073.99 | Stop loss: 2084.3599499999996 | Take profit: 2042.8801499999997 +2025-03-10 12:40:04,094 - INFO - CLOSED short at 2075.29 | PnL: -0.06% | $-0.49 +2025-03-10 12:40:04,189 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2085.98805 | Take profit: 2044.47585 +2025-03-10 12:40:04,277 - INFO - CLOSED short at 2072.09 | PnL: 0.17% | $0.21 +2025-03-10 12:40:04,278 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.72955 | Take profit: 2103.17135 +2025-03-10 12:40:04,378 - INFO - CLOSED long at 2067.7 | PnL: -0.21% | $-0.95 +2025-03-10 12:40:04,519 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.732 | Take profit: 2035.404 +2025-03-10 12:40:04,773 - INFO - CLOSED short at 2069.0 | PnL: -0.13% | $-0.68 +2025-03-10 12:40:04,773 - INFO - OPENED LONG at 2069.0 | Stop loss: 2058.655 | Take profit: 2100.035 +2025-03-10 12:40:04,908 - INFO - CLOSED long at 2067.19 | PnL: -0.09% | $-0.56 +2025-03-10 12:40:04,908 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.5259499999997 | Take profit: 2036.18215 +2025-03-10 12:40:04,951 - INFO - CLOSED short at 2065.5 | PnL: 0.08% | $-0.05 +2025-03-10 12:40:04,951 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1725 | Take profit: 2096.4824999999996 +2025-03-10 12:40:05,091 - INFO - CLOSED long at 2065.07 | PnL: -0.02% | $-0.36 +2025-03-10 12:40:05,092 - INFO - OPENED SHORT at 2065.07 | Stop loss: 2075.39535 | Take profit: 2034.0939500000002 +2025-03-10 12:40:05,136 - INFO - CLOSED short at 2066.09 | PnL: -0.05% | $-0.44 +2025-03-10 12:40:05,225 - INFO - OPENED SHORT at 2062.34 | Stop loss: 2072.6517 | Take profit: 2031.4049000000002 +2025-03-10 12:40:05,462 - INFO - CLOSED short at 2064.5 | PnL: -0.10% | $-0.60 +2025-03-10 12:40:05,695 - INFO - OPENED LONG at 2059.2 | Stop loss: 2048.904 | Take profit: 2090.0879999999997 +2025-03-10 12:40:05,832 - INFO - CLOSED long at 2056.77 | PnL: -0.12% | $-0.63 +2025-03-10 12:40:05,967 - INFO - OPENED SHORT at 2049.5 | Stop loss: 2059.7475 | Take profit: 2018.7575 +2025-03-10 12:40:06,063 - INFO - CLOSED short at 2058.3 | PnL: -0.43% | $-1.51 +2025-03-10 12:40:06,316 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.2194999999997 | Take profit: 2032.9415000000001 +2025-03-10 12:40:06,407 - INFO - CLOSED short at 2062.43 | PnL: 0.07% | $-0.08 +2025-03-10 12:40:06,455 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.86275 | Take profit: 2031.6117500000003 +2025-03-10 12:40:06,502 - INFO - CLOSED short at 2065.12 | PnL: -0.12% | $-0.63 +2025-03-10 12:40:06,502 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.7943999999998 | Take profit: 2096.0968 +2025-03-10 12:40:06,551 - INFO - CLOSED long at 2068.33 | PnL: 0.16% | $0.15 +2025-03-10 12:40:06,551 - INFO - OPENED SHORT at 2068.33 | Stop loss: 2078.6716499999998 | Take profit: 2037.30505 +2025-03-10 12:40:06,601 - INFO - CLOSED short at 2067.49 | PnL: 0.04% | $-0.16 +2025-03-10 12:40:06,602 - INFO - OPENED LONG at 2067.49 | Stop loss: 2057.15255 | Take profit: 2098.5023499999998 +2025-03-10 12:40:06,757 - INFO - CLOSED long at 2061.21 | PnL: -0.30% | $-1.12 +2025-03-10 12:40:06,805 - INFO - OPENED LONG at 2059.9 | Stop loss: 2049.6005 | Take profit: 2090.7985 +2025-03-10 12:40:06,854 - INFO - CLOSED long at 2060.7 | PnL: 0.04% | $-0.17 +2025-03-10 12:40:07,000 - INFO - OPENED LONG at 2065.72 | Stop loss: 2055.3914 | Take profit: 2096.7057999999997 +2025-03-10 12:40:07,095 - INFO - CLOSED long at 2070.24 | PnL: 0.22% | $0.32 +2025-03-10 12:40:07,238 - INFO - OPENED SHORT at 2070.41 | Stop loss: 2080.76205 | Take profit: 2039.3538499999997 +2025-03-10 12:40:07,288 - INFO - CLOSED short at 2073.49 | PnL: -0.15% | $-0.68 +2025-03-10 12:40:07,338 - INFO - OPENED LONG at 2074.05 | Stop loss: 2063.6797500000002 | Take profit: 2105.16075 +2025-03-10 12:40:07,564 - INFO - CLOSED long at 2076.08 | PnL: 0.10% | $-0.01 +2025-03-10 12:40:07,607 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2087.9980499999997 | Take profit: 2046.44585 +2025-03-10 12:40:07,700 - INFO - CLOSED short at 2090.49 | PnL: -0.62% | $-1.95 +2025-03-10 12:40:07,974 - INFO - OPENED LONG at 2137.59 | Stop loss: 2126.90205 | Take profit: 2169.65385 +2025-03-10 12:40:08,062 - INFO - CLOSED long at 2141.3 | PnL: 0.17% | $0.19 +2025-03-10 12:40:08,063 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0065 | Take profit: 2109.1805 +2025-03-10 12:40:08,152 - INFO - CLOSED short at 2140.01 | PnL: 0.06% | $-0.10 +2025-03-10 12:40:08,153 - INFO - OPENED LONG at 2140.01 | Stop loss: 2129.3099500000003 | Take profit: 2172.11015 +2025-03-10 12:40:08,240 - INFO - STOP LOSS hit for long at 2129.3099500000003 | PnL: -0.50% | $-1.58 +2025-03-10 12:40:08,480 - INFO - OPENED LONG at 2117.24 | Stop loss: 2106.6537999999996 | Take profit: 2148.9985999999994 +2025-03-10 12:40:08,647 - INFO - CLOSED long at 2119.14 | PnL: 0.09% | $-0.03 +2025-03-10 12:40:08,786 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 12:40:08,829 - INFO - CLOSED long at 2110.6 | PnL: 0.15% | $0.13 +2025-03-10 12:40:08,830 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.153 | Take profit: 2078.941 +2025-03-10 12:40:08,871 - INFO - CLOSED short at 2109.05 | PnL: 0.07% | $-0.07 +2025-03-10 12:40:08,964 - INFO - OPENED LONG at 2112.95 | Stop loss: 2102.38525 | Take profit: 2144.64425 +2025-03-10 12:40:09,225 - INFO - CLOSED long at 2114.8 | PnL: 0.09% | $-0.03 +2025-03-10 12:40:09,365 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.9575499999996 | Take profit: 2138.08735 +2025-03-10 12:40:09,454 - INFO - CLOSED long at 2103.33 | PnL: -0.15% | $-0.64 +2025-03-10 12:40:09,454 - INFO - OPENED SHORT at 2103.33 | Stop loss: 2113.8466499999995 | Take profit: 2071.78005 +2025-03-10 12:40:09,503 - INFO - CLOSED short at 2100.5 | PnL: 0.13% | $0.09 +2025-03-10 12:40:09,602 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0323500000004 | Take profit: 2131.02295 +2025-03-10 12:40:09,694 - INFO - CLOSED long at 2102.19 | PnL: 0.13% | $0.07 +2025-03-10 12:40:09,785 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.7462499999997 | Take profit: 2067.76125 +2025-03-10 12:40:09,828 - INFO - CLOSED short at 2098.9 | PnL: 0.02% | $-0.21 +2025-03-10 12:40:09,829 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.4055000000003 | Take profit: 2130.3835 +2025-03-10 12:40:09,873 - INFO - CLOSED long at 2100.69 | PnL: 0.09% | $-0.04 +2025-03-10 12:40:09,957 - INFO - OPENED SHORT at 2106.39 | Stop loss: 2116.9219499999995 | Take profit: 2074.7941499999997 +2025-03-10 12:40:10,004 - INFO - CLOSED short at 2100.74 | PnL: 0.27% | $0.43 +2025-03-10 12:40:10,004 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.2362999999996 | Take profit: 2132.2510999999995 +2025-03-10 12:40:10,200 - INFO - CLOSED long at 2099.59 | PnL: -0.05% | $-0.40 +2025-03-10 12:40:10,615 - INFO - OPENED LONG at 2094.08 | Stop loss: 2083.6096 | Take profit: 2125.4912 +2025-03-10 12:40:10,705 - INFO - CLOSED long at 2083.28 | PnL: -0.52% | $-1.56 +2025-03-10 12:40:10,706 - INFO - OPENED SHORT at 2083.28 | Stop loss: 2093.6964 | Take profit: 2052.0308 +2025-03-10 12:40:10,937 - INFO - CLOSED short at 2081.49 | PnL: 0.09% | $-0.03 +2025-03-10 12:40:11,143 - INFO - OPENED SHORT at 2085.09 | Stop loss: 2095.51545 | Take profit: 2053.81365 +2025-03-10 12:40:11,190 - INFO - CLOSED short at 2083.59 | PnL: 0.07% | $-0.07 +2025-03-10 12:40:11,190 - INFO - OPENED LONG at 2083.59 | Stop loss: 2073.17205 | Take profit: 2114.8438499999997 +2025-03-10 12:40:11,461 - INFO - CLOSED long at 2085.85 | PnL: 0.11% | $0.02 +2025-03-10 12:40:11,614 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 16.1% in downtrends | Avg Win=$0.26, Avg Loss=$-0.47 +2025-03-10 12:40:11,616 - INFO - Episode 2: Reward=-96.61, Balance=$61.85, Win Rate=20.2%, Trades=119, Episode PnL=$-19.85, Total PnL=$-130.10, Max Drawdown=38.2%, Pred Accuracy=99.2% +2025-03-10 12:40:11,783 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:40:11,783 - INFO - New best PnL model saved: $-19.85 +2025-03-10 12:40:11,817 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:40:12,205 - INFO - OPENED LONG at 2057.59 | Stop loss: 2047.3020500000002 | Take profit: 2088.45385 +2025-03-10 12:40:12,397 - INFO - CLOSED long at 2060.51 | PnL: 0.14% | $0.17 +2025-03-10 12:40:12,397 - INFO - OPENED SHORT at 2060.51 | Stop loss: 2070.81255 | Take profit: 2029.6023500000001 +2025-03-10 12:40:12,675 - INFO - CLOSED short at 2058.51 | PnL: 0.10% | $-0.01 +2025-03-10 12:40:12,675 - INFO - OPENED LONG at 2058.51 | Stop loss: 2048.21745 | Take profit: 2089.38765 +2025-03-10 12:40:12,769 - INFO - CLOSED long at 2058.59 | PnL: 0.00% | $-0.39 +2025-03-10 12:40:12,881 - INFO - OPENED LONG at 2055.39 | Stop loss: 2045.11305 | Take profit: 2086.2208499999997 +2025-03-10 12:40:12,941 - INFO - CLOSED long at 2053.56 | PnL: -0.09% | $-0.75 +2025-03-10 12:40:13,068 - INFO - OPENED LONG at 2051.66 | Stop loss: 2041.4017 | Take profit: 2082.4348999999997 +2025-03-10 12:40:13,122 - INFO - CLOSED long at 2052.16 | PnL: 0.02% | $-0.30 +2025-03-10 12:40:13,123 - INFO - OPENED SHORT at 2052.16 | Stop loss: 2062.4207999999994 | Take profit: 2021.3775999999998 +2025-03-10 12:40:13,328 - INFO - CLOSED short at 2050.44 | PnL: 0.08% | $-0.06 +2025-03-10 12:40:13,328 - INFO - OPENED LONG at 2050.44 | Stop loss: 2040.1878000000002 | Take profit: 2081.1965999999998 +2025-03-10 12:40:13,516 - INFO - CLOSED long at 2051.99 | PnL: 0.08% | $-0.10 +2025-03-10 12:40:13,998 - INFO - OPENED LONG at 2045.79 | Stop loss: 2035.56105 | Take profit: 2076.4768499999996 +2025-03-10 12:40:14,092 - INFO - CLOSED long at 2047.59 | PnL: 0.09% | $-0.05 +2025-03-10 12:40:14,093 - INFO - OPENED SHORT at 2047.59 | Stop loss: 2057.82795 | Take profit: 2016.8761499999998 +2025-03-10 12:40:14,231 - INFO - CLOSED short at 2050.24 | PnL: -0.13% | $-0.90 +2025-03-10 12:40:14,549 - INFO - OPENED LONG at 2057.01 | Stop loss: 2046.7249500000003 | Take profit: 2087.86515 +2025-03-10 12:40:14,693 - INFO - CLOSED long at 2060.13 | PnL: 0.15% | $0.20 +2025-03-10 12:40:14,694 - INFO - OPENED SHORT at 2060.13 | Stop loss: 2070.43065 | Take profit: 2029.2280500000002 +2025-03-10 12:40:14,795 - INFO - CLOSED short at 2061.49 | PnL: -0.07% | $-0.65 +2025-03-10 12:40:14,846 - INFO - OPENED LONG at 2063.29 | Stop loss: 2052.97355 | Take profit: 2094.23935 +2025-03-10 12:40:14,896 - INFO - CLOSED long at 2064.61 | PnL: 0.06% | $-0.14 +2025-03-10 12:40:14,944 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.27205 | Take profit: 2094.54385 +2025-03-10 12:40:15,140 - INFO - CLOSED long at 2060.99 | PnL: -0.13% | $-0.88 +2025-03-10 12:40:15,140 - INFO - OPENED SHORT at 2060.99 | Stop loss: 2071.2949499999995 | Take profit: 2030.0751499999997 +2025-03-10 12:40:15,279 - INFO - CLOSED short at 2061.89 | PnL: -0.04% | $-0.55 +2025-03-10 12:40:15,281 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5805499999997 | Take profit: 2092.8183499999996 +2025-03-10 12:40:15,327 - INFO - CLOSED long at 2062.89 | PnL: 0.05% | $-0.20 +2025-03-10 12:40:15,328 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2044499999997 | Take profit: 2031.9466499999999 +2025-03-10 12:40:15,419 - INFO - CLOSED short at 2059.49 | PnL: 0.16% | $0.25 +2025-03-10 12:40:15,420 - INFO - OPENED LONG at 2059.49 | Stop loss: 2049.1925499999998 | Take profit: 2090.3823499999994 +2025-03-10 12:40:15,510 - INFO - CLOSED long at 2057.89 | PnL: -0.08% | $-0.68 +2025-03-10 12:40:15,698 - INFO - OPENED LONG at 2061.18 | Stop loss: 2050.8741 | Take profit: 2092.0977 +2025-03-10 12:40:15,745 - INFO - CLOSED long at 2064.32 | PnL: 0.15% | $0.20 +2025-03-10 12:40:15,746 - INFO - OPENED SHORT at 2064.32 | Stop loss: 2074.6416 | Take profit: 2033.3552000000002 +2025-03-10 12:40:15,792 - INFO - CLOSED short at 2065.86 | PnL: -0.07% | $-0.66 +2025-03-10 12:40:15,793 - INFO - OPENED LONG at 2065.86 | Stop loss: 2055.5307000000003 | Take profit: 2096.8478999999998 +2025-03-10 12:40:15,976 - INFO - CLOSED long at 2067.89 | PnL: 0.10% | $-0.01 +2025-03-10 12:40:15,976 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:40:16,124 - INFO - CLOSED short at 2069.6 | PnL: -0.08% | $-0.69 +2025-03-10 12:40:16,124 - INFO - OPENED LONG at 2069.6 | Stop loss: 2059.252 | Take profit: 2100.644 +2025-03-10 12:40:16,546 - INFO - CLOSED long at 2072.91 | PnL: 0.16% | $0.22 +2025-03-10 12:40:16,681 - INFO - OPENED SHORT at 2071.41 | Stop loss: 2081.7670499999995 | Take profit: 2040.3388499999999 +2025-03-10 12:40:16,825 - INFO - CLOSED short at 2072.8 | PnL: -0.07% | $-0.63 +2025-03-10 12:40:16,826 - INFO - OPENED LONG at 2072.8 | Stop loss: 2062.436 | Take profit: 2103.892 +2025-03-10 12:40:16,970 - INFO - CLOSED long at 2068.02 | PnL: -0.23% | $-1.24 +2025-03-10 12:40:16,970 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.3601 | Take profit: 2036.9996999999998 +2025-03-10 12:40:17,020 - INFO - CLOSED short at 2067.2 | PnL: 0.04% | $-0.22 +2025-03-10 12:40:17,021 - INFO - OPENED LONG at 2067.2 | Stop loss: 2056.864 | Take profit: 2098.2079999999996 +2025-03-10 12:40:17,606 - INFO - CLOSED long at 2066.29 | PnL: -0.04% | $-0.53 +2025-03-10 12:40:17,607 - INFO - OPENED SHORT at 2066.29 | Stop loss: 2076.6214499999996 | Take profit: 2035.29565 +2025-03-10 12:40:17,890 - INFO - CLOSED short at 2068.59 | PnL: -0.11% | $-0.77 +2025-03-10 12:40:17,891 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.24705 | Take profit: 2099.61885 +2025-03-10 12:40:17,939 - INFO - CLOSED long at 2069.7 | PnL: 0.05% | $-0.17 +2025-03-10 12:40:17,940 - INFO - OPENED SHORT at 2069.7 | Stop loss: 2080.0484999999994 | Take profit: 2038.6544999999999 +2025-03-10 12:40:17,989 - INFO - CLOSED short at 2070.4 | PnL: -0.03% | $-0.48 +2025-03-10 12:40:18,046 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.3098 | Take profit: 2038.9106 +2025-03-10 12:40:18,382 - INFO - CLOSED short at 2072.15 | PnL: -0.11% | $-0.74 +2025-03-10 12:40:18,382 - INFO - OPENED LONG at 2072.15 | Stop loss: 2061.7892500000003 | Take profit: 2103.23225 +2025-03-10 12:40:18,566 - INFO - CLOSED long at 2070.4 | PnL: -0.08% | $-0.66 +2025-03-10 12:40:18,612 - INFO - OPENED SHORT at 2071.11 | Stop loss: 2081.46555 | Take profit: 2040.0433500000001 +2025-03-10 12:40:18,656 - INFO - CLOSED short at 2069.46 | PnL: 0.08% | $-0.07 +2025-03-10 12:40:18,700 - INFO - OPENED LONG at 2069.35 | Stop loss: 2059.0032499999998 | Take profit: 2100.39025 +2025-03-10 12:40:18,744 - INFO - CLOSED long at 2068.32 | PnL: -0.05% | $-0.53 +2025-03-10 12:40:18,745 - INFO - OPENED SHORT at 2068.32 | Stop loss: 2078.6616 | Take profit: 2037.2952 +2025-03-10 12:40:18,786 - INFO - CLOSED short at 2067.0 | PnL: 0.06% | $-0.13 +2025-03-10 12:40:18,787 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.665 | Take profit: 2098.0049999999997 +2025-03-10 12:40:19,013 - INFO - CLOSED long at 2063.61 | PnL: -0.16% | $-0.93 +2025-03-10 12:40:19,101 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:40:19,143 - INFO - CLOSED short at 2068.58 | PnL: -0.03% | $-0.46 +2025-03-10 12:40:19,144 - INFO - OPENED LONG at 2068.58 | Stop loss: 2058.2371 | Take profit: 2099.6086999999998 +2025-03-10 12:40:19,188 - INFO - CLOSED long at 2068.8 | PnL: 0.01% | $-0.31 +2025-03-10 12:40:19,233 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9933 | Take profit: 2100.3801 +2025-03-10 12:40:19,561 - INFO - CLOSED long at 2070.4 | PnL: 0.05% | $-0.17 +2025-03-10 12:40:19,652 - INFO - OPENED LONG at 2068.5 | Stop loss: 2058.1575 | Take profit: 2099.5274999999997 +2025-03-10 12:40:19,698 - INFO - CLOSED long at 2068.69 | PnL: 0.01% | $-0.31 +2025-03-10 12:40:19,698 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.03345 | Take profit: 2037.65965 +2025-03-10 12:40:19,922 - INFO - CLOSED short at 2066.1 | PnL: 0.13% | $0.09 +2025-03-10 12:40:20,011 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.7219499999997 | Take profit: 2035.3941499999999 +2025-03-10 12:40:20,109 - INFO - CLOSED short at 2070.04 | PnL: -0.18% | $-0.95 +2025-03-10 12:40:20,155 - INFO - OPENED SHORT at 2067.8 | Stop loss: 2078.139 | Take profit: 2036.7830000000001 +2025-03-10 12:40:20,347 - INFO - CLOSED short at 2064.99 | PnL: 0.14% | $0.12 +2025-03-10 12:40:20,348 - INFO - OPENED LONG at 2064.99 | Stop loss: 2054.6650499999996 | Take profit: 2095.9648499999994 +2025-03-10 12:40:20,405 - INFO - CLOSED long at 2065.83 | PnL: 0.04% | $-0.20 +2025-03-10 12:40:20,406 - INFO - OPENED SHORT at 2065.83 | Stop loss: 2076.1591499999995 | Take profit: 2034.8425499999998 +2025-03-10 12:40:20,654 - INFO - CLOSED short at 2061.78 | PnL: 0.20% | $0.33 +2025-03-10 12:40:20,882 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.6352 | Take profit: 2095.9343999999996 +2025-03-10 12:40:21,101 - INFO - CLOSED long at 2066.09 | PnL: 0.05% | $-0.15 +2025-03-10 12:40:21,260 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.39645 | Take profit: 2093.65065 +2025-03-10 12:40:21,588 - INFO - CLOSED long at 2060.65 | PnL: -0.10% | $-0.68 +2025-03-10 12:40:21,589 - INFO - OPENED SHORT at 2060.65 | Stop loss: 2070.95325 | Take profit: 2029.74025 +2025-03-10 12:40:21,690 - INFO - CLOSED short at 2059.3 | PnL: 0.07% | $-0.12 +2025-03-10 12:40:21,690 - INFO - OPENED LONG at 2059.3 | Stop loss: 2049.0035000000003 | Take profit: 2090.1895 +2025-03-10 12:40:21,738 - INFO - CLOSED long at 2060.31 | PnL: 0.05% | $-0.17 +2025-03-10 12:40:21,784 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.491 | Take profit: 2092.727 +2025-03-10 12:40:21,835 - INFO - CLOSED long at 2064.7 | PnL: 0.14% | $0.14 +2025-03-10 12:40:21,935 - INFO - OPENED SHORT at 2060.91 | Stop loss: 2071.2145499999997 | Take profit: 2029.99635 +2025-03-10 12:40:21,986 - INFO - CLOSED short at 2060.3 | PnL: 0.03% | $-0.24 +2025-03-10 12:40:22,181 - INFO - OPENED SHORT at 2065.36 | Stop loss: 2075.6868 | Take profit: 2034.3796000000002 +2025-03-10 12:40:22,417 - INFO - CLOSED short at 2063.53 | PnL: 0.09% | $-0.04 +2025-03-10 12:40:22,418 - INFO - OPENED LONG at 2063.53 | Stop loss: 2053.2123500000002 | Take profit: 2094.48295 +2025-03-10 12:40:22,468 - INFO - CLOSED long at 2063.0 | PnL: -0.03% | $-0.42 +2025-03-10 12:40:22,517 - INFO - OPENED SHORT at 2062.6 | Stop loss: 2072.9129999999996 | Take profit: 2031.6609999999998 +2025-03-10 12:40:22,566 - INFO - CLOSED short at 2061.89 | PnL: 0.03% | $-0.22 +2025-03-10 12:40:22,612 - INFO - OPENED LONG at 2061.7 | Stop loss: 2051.3914999999997 | Take profit: 2092.6254999999996 +2025-03-10 12:40:22,712 - INFO - CLOSED long at 2061.09 | PnL: -0.03% | $-0.43 +2025-03-10 12:40:22,713 - INFO - OPENED SHORT at 2061.09 | Stop loss: 2071.39545 | Take profit: 2030.1736500000002 +2025-03-10 12:40:22,808 - INFO - CLOSED short at 2059.16 | PnL: 0.09% | $-0.02 +2025-03-10 12:40:22,864 - INFO - OPENED LONG at 2059.02 | Stop loss: 2048.7249 | Take profit: 2089.9053 +2025-03-10 12:40:23,111 - INFO - CLOSED long at 2058.28 | PnL: -0.04% | $-0.45 +2025-03-10 12:40:23,111 - INFO - OPENED SHORT at 2058.28 | Stop loss: 2068.5714 | Take profit: 2027.4058000000002 +2025-03-10 12:40:23,210 - INFO - CLOSED short at 2055.6 | PnL: 0.13% | $0.10 +2025-03-10 12:40:23,252 - INFO - OPENED SHORT at 2054.89 | Stop loss: 2065.1644499999998 | Take profit: 2024.0666499999998 +2025-03-10 12:40:23,342 - INFO - CLOSED short at 2056.71 | PnL: -0.09% | $-0.62 +2025-03-10 12:40:23,435 - INFO - OPENED LONG at 2059.8 | Stop loss: 2049.501 | Take profit: 2090.697 +2025-03-10 12:40:23,805 - INFO - CLOSED long at 2066.01 | PnL: 0.30% | $0.66 +2025-03-10 12:40:23,806 - INFO - OPENED SHORT at 2066.01 | Stop loss: 2076.34005 | Take profit: 2035.0198500000001 +2025-03-10 12:40:23,986 - INFO - CLOSED short at 2066.34 | PnL: -0.02% | $-0.38 +2025-03-10 12:40:23,986 - INFO - OPENED LONG at 2066.34 | Stop loss: 2056.0083 | Take profit: 2097.3351 +2025-03-10 12:40:24,135 - INFO - CLOSED long at 2067.01 | PnL: 0.03% | $-0.22 +2025-03-10 12:40:24,326 - INFO - OPENED SHORT at 2074.3 | Stop loss: 2084.6715 | Take profit: 2043.1855 +2025-03-10 12:40:24,462 - INFO - CLOSED short at 2072.6 | PnL: 0.08% | $-0.06 +2025-03-10 12:40:24,557 - INFO - OPENED LONG at 2070.01 | Stop loss: 2059.65995 | Take profit: 2101.06015 +2025-03-10 12:40:24,606 - INFO - CLOSED long at 2071.6 | PnL: 0.08% | $-0.08 +2025-03-10 12:40:24,785 - INFO - OPENED SHORT at 2068.39 | Stop loss: 2078.73195 | Take profit: 2037.3641499999999 +2025-03-10 12:40:24,835 - INFO - CLOSED short at 2069.69 | PnL: -0.06% | $-0.53 +2025-03-10 12:40:24,837 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.34155 | Take profit: 2100.73535 +2025-03-10 12:40:25,027 - INFO - CLOSED long at 2072.99 | PnL: 0.16% | $0.19 +2025-03-10 12:40:25,028 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.3549499999995 | Take profit: 2041.8951499999998 +2025-03-10 12:40:25,073 - INFO - CLOSED short at 2071.49 | PnL: 0.07% | $-0.09 +2025-03-10 12:40:25,074 - INFO - OPENED LONG at 2071.49 | Stop loss: 2061.13255 | Take profit: 2102.5623499999997 +2025-03-10 12:40:25,225 - INFO - CLOSED long at 2066.38 | PnL: -0.25% | $-1.13 +2025-03-10 12:40:25,226 - INFO - OPENED SHORT at 2066.38 | Stop loss: 2076.7119 | Take profit: 2035.3843000000002 +2025-03-10 12:40:25,273 - INFO - CLOSED short at 2065.7 | PnL: 0.03% | $-0.21 +2025-03-10 12:40:25,318 - INFO - OPENED SHORT at 2065.66 | Stop loss: 2075.9882999999995 | Take profit: 2034.6751 +2025-03-10 12:40:25,413 - INFO - CLOSED short at 2063.97 | PnL: 0.08% | $-0.06 +2025-03-10 12:40:25,414 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.65015 | Take profit: 2094.9295499999994 +2025-03-10 12:40:25,598 - INFO - CLOSED long at 2064.31 | PnL: 0.02% | $-0.27 +2025-03-10 12:40:25,697 - INFO - OPENED LONG at 2067.53 | Stop loss: 2057.1923500000003 | Take profit: 2098.54295 +2025-03-10 12:40:25,743 - INFO - CLOSED long at 2065.29 | PnL: -0.11% | $-0.66 +2025-03-10 12:40:25,922 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.24705 | Take profit: 2099.61885 +2025-03-10 12:40:25,971 - INFO - CLOSED long at 2071.59 | PnL: 0.15% | $0.14 +2025-03-10 12:40:25,972 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.9479499999998 | Take profit: 2040.5161500000002 +2025-03-10 12:40:26,020 - INFO - CLOSED short at 2070.2 | PnL: 0.07% | $-0.10 +2025-03-10 12:40:26,067 - INFO - OPENED LONG at 2071.35 | Stop loss: 2060.99325 | Take profit: 2102.4202499999997 +2025-03-10 12:40:26,112 - INFO - CLOSED long at 2070.9 | PnL: -0.02% | $-0.38 +2025-03-10 12:40:26,409 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.6300499999998 | Take profit: 2103.0698499999994 +2025-03-10 12:40:26,502 - INFO - CLOSED long at 2068.67 | PnL: -0.16% | $-0.82 +2025-03-10 12:40:26,503 - INFO - OPENED SHORT at 2068.67 | Stop loss: 2079.0133499999997 | Take profit: 2037.63995 +2025-03-10 12:40:26,549 - INFO - CLOSED short at 2070.67 | PnL: -0.10% | $-0.61 +2025-03-10 12:40:26,549 - INFO - OPENED LONG at 2070.67 | Stop loss: 2060.31665 | Take profit: 2101.7300499999997 +2025-03-10 12:40:26,645 - INFO - CLOSED long at 2071.61 | PnL: 0.05% | $-0.17 +2025-03-10 12:40:26,694 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.99815 | Take profit: 2105.48555 +2025-03-10 12:40:26,742 - INFO - CLOSED long at 2075.07 | PnL: 0.03% | $-0.20 +2025-03-10 12:40:26,744 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.44535 | Take profit: 2043.94395 +2025-03-10 12:40:26,794 - INFO - CLOSED short at 2074.35 | PnL: 0.03% | $-0.20 +2025-03-10 12:40:26,795 - INFO - OPENED LONG at 2074.35 | Stop loss: 2063.97825 | Take profit: 2105.4652499999997 +2025-03-10 12:40:26,845 - INFO - CLOSED long at 2073.27 | PnL: -0.05% | $-0.47 +2025-03-10 12:40:26,846 - INFO - OPENED SHORT at 2073.27 | Stop loss: 2083.6363499999998 | Take profit: 2042.17095 +2025-03-10 12:40:26,895 - INFO - CLOSED short at 2073.99 | PnL: -0.03% | $-0.41 +2025-03-10 12:40:26,896 - INFO - OPENED LONG at 2073.99 | Stop loss: 2063.62005 | Take profit: 2105.0998499999996 +2025-03-10 12:40:27,000 - INFO - CLOSED long at 2075.29 | PnL: 0.06% | $-0.11 +2025-03-10 12:40:27,001 - INFO - OPENED SHORT at 2075.29 | Stop loss: 2085.6664499999997 | Take profit: 2044.16065 +2025-03-10 12:40:27,169 - INFO - CLOSED short at 2074.0 | PnL: 0.06% | $-0.11 +2025-03-10 12:40:27,170 - INFO - OPENED LONG at 2074.0 | Stop loss: 2063.63 | Take profit: 2105.1099999999997 +2025-03-10 12:40:27,219 - INFO - CLOSED long at 2072.09 | PnL: -0.09% | $-0.58 +2025-03-10 12:40:27,219 - INFO - OPENED SHORT at 2072.09 | Stop loss: 2082.45045 | Take profit: 2041.0086500000002 +2025-03-10 12:40:27,274 - INFO - CLOSED short at 2069.97 | PnL: 0.10% | $0.01 +2025-03-10 12:40:27,329 - INFO - OPENED LONG at 2067.7 | Stop loss: 2057.3615 | Take profit: 2098.7155 +2025-03-10 12:40:27,385 - INFO - CLOSED long at 2067.0 | PnL: -0.03% | $-0.40 +2025-03-10 12:40:27,628 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.5406000000003 | Take profit: 2098.8982 +2025-03-10 12:40:27,796 - INFO - CLOSED long at 2069.0 | PnL: 0.05% | $-0.14 +2025-03-10 12:40:27,797 - INFO - OPENED SHORT at 2069.0 | Stop loss: 2079.345 | Take profit: 2037.965 +2025-03-10 12:40:27,850 - INFO - CLOSED short at 2070.19 | PnL: -0.06% | $-0.47 +2025-03-10 12:40:27,850 - INFO - OPENED LONG at 2070.19 | Stop loss: 2059.83905 | Take profit: 2101.2428499999996 +2025-03-10 12:40:28,061 - INFO - CLOSED long at 2065.7 | PnL: -0.22% | $-0.94 +2025-03-10 12:40:28,168 - INFO - OPENED SHORT at 2065.07 | Stop loss: 2075.39535 | Take profit: 2034.0939500000002 +2025-03-10 12:40:28,261 - INFO - CLOSED short at 2063.39 | PnL: 0.08% | $-0.05 +2025-03-10 12:40:28,261 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.07305 | Take profit: 2094.3408499999996 +2025-03-10 12:40:28,308 - INFO - CLOSED long at 2062.34 | PnL: -0.05% | $-0.44 +2025-03-10 12:40:28,560 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8224999999998 | Take profit: 2033.5325 +2025-03-10 12:40:28,609 - INFO - CLOSED short at 2066.33 | PnL: -0.09% | $-0.55 +2025-03-10 12:40:28,750 - INFO - OPENED LONG at 2060.2 | Stop loss: 2049.899 | Take profit: 2091.1029999999996 +2025-03-10 12:40:28,798 - INFO - CLOSED long at 2059.2 | PnL: -0.05% | $-0.43 +2025-03-10 12:40:28,798 - INFO - OPENED SHORT at 2059.2 | Stop loss: 2069.4959999999996 | Take profit: 2028.312 +2025-03-10 12:40:28,845 - INFO - CLOSED short at 2058.09 | PnL: 0.05% | $-0.13 +2025-03-10 12:40:28,894 - INFO - OPENED LONG at 2058.65 | Stop loss: 2048.35675 | Take profit: 2089.5297499999997 +2025-03-10 12:40:29,521 - INFO - CLOSED long at 2062.43 | PnL: 0.18% | $0.24 +2025-03-10 12:40:29,703 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8274499999998 | Take profit: 2036.4776499999998 +2025-03-10 12:40:29,752 - INFO - CLOSED short at 2066.59 | PnL: 0.04% | $-0.16 +2025-03-10 12:40:29,753 - INFO - OPENED LONG at 2066.59 | Stop loss: 2056.25705 | Take profit: 2097.58885 +2025-03-10 12:40:29,855 - INFO - CLOSED long at 2061.21 | PnL: -0.26% | $-1.03 +2025-03-10 12:40:30,543 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6250499999996 | Take profit: 2104.0848499999997 +2025-03-10 12:40:30,598 - INFO - CLOSED long at 2071.89 | PnL: -0.05% | $-0.43 +2025-03-10 12:40:30,599 - INFO - OPENED SHORT at 2071.89 | Stop loss: 2082.24945 | Take profit: 2040.8116499999999 +2025-03-10 12:40:30,815 - INFO - CLOSED short at 2077.61 | PnL: -0.28% | $-1.05 +2025-03-10 12:40:30,815 - INFO - OPENED LONG at 2077.61 | Stop loss: 2067.22195 | Take profit: 2108.7741499999997 +2025-03-10 12:40:30,866 - INFO - CLOSED long at 2085.56 | PnL: 0.38% | $0.78 +2025-03-10 12:40:30,866 - INFO - OPENED SHORT at 2085.56 | Stop loss: 2095.9878 | Take profit: 2054.2766 +2025-03-10 12:40:30,916 - INFO - CLOSED short at 2090.49 | PnL: -0.24% | $-0.94 +2025-03-10 12:40:31,067 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2376999999997 | Take profit: 2107.4469 +2025-03-10 12:40:31,118 - INFO - CLOSED short at 2131.78 | PnL: 0.36% | $0.72 +2025-03-10 12:40:31,230 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.2779499999997 | Take profit: 2105.52615 +2025-03-10 12:40:31,349 - INFO - CLOSED short at 2141.3 | PnL: -0.17% | $-0.76 +2025-03-10 12:40:31,349 - INFO - OPENED LONG at 2141.3 | Stop loss: 2130.5935 | Take profit: 2173.4195 +2025-03-10 12:40:31,403 - INFO - CLOSED long at 2142.68 | PnL: 0.06% | $-0.10 +2025-03-10 12:40:31,403 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.3933999999995 | Take profit: 2110.5398 +2025-03-10 12:40:31,670 - INFO - CLOSED short at 2128.69 | PnL: 0.65% | $1.52 +2025-03-10 12:40:31,884 - INFO - OPENED SHORT at 2119.93 | Stop loss: 2130.5296499999995 | Take profit: 2088.13105 +2025-03-10 12:40:31,935 - INFO - CLOSED short at 2121.4 | PnL: -0.07% | $-0.47 +2025-03-10 12:40:31,936 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.793 | Take profit: 2153.221 +2025-03-10 12:40:32,043 - INFO - CLOSED long at 2119.14 | PnL: -0.11% | $-0.58 +2025-03-10 12:40:32,146 - INFO - OPENED LONG at 2115.28 | Stop loss: 2104.7036000000003 | Take profit: 2147.0092 +2025-03-10 12:40:32,348 - INFO - CLOSED long at 2112.09 | PnL: -0.15% | $-0.69 +2025-03-10 12:40:32,349 - INFO - OPENED SHORT at 2112.09 | Stop loss: 2122.65045 | Take profit: 2080.4086500000003 +2025-03-10 12:40:32,469 - INFO - CLOSED short at 2112.46 | PnL: -0.02% | $-0.32 +2025-03-10 12:40:32,722 - INFO - OPENED LONG at 2114.8 | Stop loss: 2104.226 | Take profit: 2146.522 +2025-03-10 12:40:32,775 - INFO - CLOSED long at 2110.9 | PnL: -0.18% | $-0.77 +2025-03-10 12:40:32,878 - INFO - OPENED SHORT at 2106.49 | Stop loss: 2117.0224499999995 | Take profit: 2074.89265 +2025-03-10 12:40:32,929 - INFO - CLOSED short at 2108.06 | PnL: -0.07% | $-0.47 +2025-03-10 12:40:32,979 - INFO - OPENED LONG at 2103.33 | Stop loss: 2092.81335 | Take profit: 2134.8799499999996 +2025-03-10 12:40:33,031 - INFO - CLOSED long at 2100.5 | PnL: -0.13% | $-0.63 +2025-03-10 12:40:33,083 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.55 | Take profit: 2121.35 +2025-03-10 12:40:33,192 - INFO - CLOSED long at 2098.1 | PnL: 0.39% | $0.76 +2025-03-10 12:40:33,510 - INFO - OPENED LONG at 2100.69 | Stop loss: 2090.18655 | Take profit: 2132.20035 +2025-03-10 12:40:33,625 - INFO - CLOSED long at 2106.39 | PnL: 0.27% | $0.46 +2025-03-10 12:40:33,678 - INFO - OPENED SHORT at 2100.74 | Stop loss: 2111.2436999999995 | Take profit: 2069.2288999999996 +2025-03-10 12:40:34,044 - INFO - CLOSED short at 2095.29 | PnL: 0.26% | $0.43 +2025-03-10 12:40:34,044 - INFO - OPENED LONG at 2095.29 | Stop loss: 2084.81355 | Take profit: 2126.71935 +2025-03-10 12:40:34,153 - INFO - CLOSED long at 2093.33 | PnL: -0.09% | $-0.53 +2025-03-10 12:40:34,260 - INFO - OPENED SHORT at 2091.1 | Stop loss: 2101.5554999999995 | Take profit: 2059.7335 +2025-03-10 12:40:34,312 - INFO - CLOSED short at 2094.72 | PnL: -0.17% | $-0.74 +2025-03-10 12:40:34,313 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.2464 | Take profit: 2126.1407999999997 +2025-03-10 12:40:34,513 - INFO - CLOSED long at 2083.28 | PnL: -0.55% | $-1.72 +2025-03-10 12:40:34,514 - INFO - OPENED SHORT at 2083.28 | Stop loss: 2093.6964 | Take profit: 2052.0308 +2025-03-10 12:40:34,930 - INFO - CLOSED short at 2081.25 | PnL: 0.10% | $-0.01 +2025-03-10 12:40:35,140 - INFO - OPENED SHORT at 2086.57 | Stop loss: 2097.00285 | Take profit: 2055.27145 +2025-03-10 12:40:35,434 - INFO - CLOSED short at 2088.32 | PnL: -0.08% | $-0.48 +2025-03-10 12:40:35,435 - INFO - OPENED LONG at 2088.32 | Stop loss: 2077.8784 | Take profit: 2119.6448 +2025-03-10 12:40:35,481 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 9.4% in downtrends | Avg Win=$0.37, Avg Loss=$-0.44 +2025-03-10 12:40:35,482 - INFO - Episode 3: Reward=-109.66, Balance=$64.37, Win Rate=17.5%, Trades=120, Episode PnL=$-14.32, Total PnL=$-165.74, Max Drawdown=35.2%, Pred Accuracy=99.3% +2025-03-10 12:40:35,622 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:40:35,623 - INFO - New best PnL model saved: $-14.32 +2025-03-10 12:40:35,653 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:40:36,105 - INFO - OPENED LONG at 2059.4 | Stop loss: 2049.103 | Take profit: 2090.2909999999997 +2025-03-10 12:40:36,199 - INFO - CLOSED long at 2060.51 | PnL: 0.05% | $-0.18 +2025-03-10 12:40:36,200 - INFO - OPENED SHORT at 2060.51 | Stop loss: 2070.81255 | Take profit: 2029.6023500000001 +2025-03-10 12:40:36,384 - INFO - CLOSED short at 2057.9 | PnL: 0.13% | $0.11 +2025-03-10 12:40:36,478 - INFO - OPENED SHORT at 2058.51 | Stop loss: 2068.80255 | Take profit: 2027.63235 +2025-03-10 12:40:36,745 - INFO - CLOSED short at 2052.7 | PnL: 0.28% | $0.73 +2025-03-10 12:40:37,037 - INFO - OPENED SHORT at 2050.44 | Stop loss: 2060.6922 | Take profit: 2019.6834000000001 +2025-03-10 12:40:37,206 - INFO - CLOSED short at 2049.6 | PnL: 0.04% | $-0.24 +2025-03-10 12:40:37,207 - INFO - OPENED LONG at 2049.6 | Stop loss: 2039.3519999999999 | Take profit: 2080.3439999999996 +2025-03-10 12:40:37,256 - INFO - CLOSED long at 2051.99 | PnL: 0.12% | $0.07 +2025-03-10 12:40:37,305 - INFO - OPENED SHORT at 2049.61 | Stop loss: 2059.85805 | Take profit: 2018.8658500000001 +2025-03-10 12:40:37,554 - INFO - CLOSED short at 2047.4 | PnL: 0.11% | $0.03 +2025-03-10 12:40:37,555 - INFO - OPENED LONG at 2047.4 | Stop loss: 2037.163 | Take profit: 2078.111 +2025-03-10 12:40:37,798 - INFO - CLOSED long at 2048.13 | PnL: 0.04% | $-0.26 +2025-03-10 12:40:37,905 - INFO - OPENED LONG at 2048.51 | Stop loss: 2038.2674500000003 | Take profit: 2079.23765 +2025-03-10 12:40:37,997 - INFO - CLOSED long at 2050.24 | PnL: 0.08% | $-0.06 +2025-03-10 12:40:38,047 - INFO - OPENED SHORT at 2049.89 | Stop loss: 2060.1394499999997 | Take profit: 2019.1416499999998 +2025-03-10 12:40:38,092 - INFO - CLOSED short at 2051.11 | PnL: -0.06% | $-0.64 +2025-03-10 12:40:38,305 - INFO - OPENED LONG at 2055.69 | Stop loss: 2045.41155 | Take profit: 2086.52535 +2025-03-10 12:40:38,722 - INFO - CLOSED long at 2064.61 | PnL: 0.43% | $1.33 +2025-03-10 12:40:38,769 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.27205 | Take profit: 2094.54385 +2025-03-10 12:40:38,817 - INFO - CLOSED long at 2061.61 | PnL: -0.10% | $-0.79 +2025-03-10 12:40:38,959 - INFO - OPENED SHORT at 2060.99 | Stop loss: 2071.2949499999995 | Take profit: 2030.0751499999997 +2025-03-10 12:40:39,187 - INFO - CLOSED short at 2060.31 | PnL: 0.03% | $-0.27 +2025-03-10 12:40:39,188 - INFO - OPENED LONG at 2060.31 | Stop loss: 2050.00845 | Take profit: 2091.21465 +2025-03-10 12:40:39,235 - INFO - CLOSED long at 2059.49 | PnL: -0.04% | $-0.56 +2025-03-10 12:40:39,278 - INFO - OPENED SHORT at 2057.8 | Stop loss: 2068.089 | Take profit: 2026.9330000000002 +2025-03-10 12:40:39,324 - INFO - CLOSED short at 2057.89 | PnL: -0.00% | $-0.41 +2025-03-10 12:40:39,514 - INFO - OPENED SHORT at 2061.18 | Stop loss: 2071.4858999999997 | Take profit: 2030.2622999999999 +2025-03-10 12:40:39,608 - INFO - CLOSED short at 2065.86 | PnL: -0.23% | $-1.29 +2025-03-10 12:40:39,801 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:40:40,174 - INFO - CLOSED short at 2067.69 | PnL: 0.01% | $-0.35 +2025-03-10 12:40:40,385 - INFO - OPENED SHORT at 2075.1 | Stop loss: 2085.4754999999996 | Take profit: 2043.9734999999998 +2025-03-10 12:40:40,435 - INFO - CLOSED short at 2072.91 | PnL: 0.11% | $0.02 +2025-03-10 12:40:40,531 - INFO - OPENED LONG at 2071.38 | Stop loss: 2061.0231 | Take profit: 2102.4507 +2025-03-10 12:40:40,727 - INFO - CLOSED long at 2072.8 | PnL: 0.07% | $-0.12 +2025-03-10 12:40:40,780 - INFO - OPENED SHORT at 2070.79 | Stop loss: 2081.1439499999997 | Take profit: 2039.72815 +2025-03-10 12:40:40,836 - INFO - CLOSED short at 2070.28 | PnL: 0.02% | $-0.29 +2025-03-10 12:40:40,836 - INFO - OPENED LONG at 2070.28 | Stop loss: 2059.9286 | Take profit: 2101.3342 +2025-03-10 12:40:40,982 - INFO - CLOSED long at 2070.36 | PnL: 0.00% | $-0.37 +2025-03-10 12:40:40,983 - INFO - OPENED SHORT at 2070.36 | Stop loss: 2080.7118 | Take profit: 2039.3046000000002 +2025-03-10 12:40:41,032 - INFO - CLOSED short at 2068.9 | PnL: 0.07% | $-0.11 +2025-03-10 12:40:41,083 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3464999999997 | Take profit: 2101.7604999999994 +2025-03-10 12:40:41,132 - INFO - CLOSED long at 2069.34 | PnL: -0.07% | $-0.64 +2025-03-10 12:40:41,133 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.6866999999997 | Take profit: 2038.2999000000002 +2025-03-10 12:40:41,181 - INFO - CLOSED short at 2069.19 | PnL: 0.01% | $-0.35 +2025-03-10 12:40:41,332 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.17245 | Take profit: 2098.52265 +2025-03-10 12:40:41,384 - INFO - CLOSED long at 2069.01 | PnL: 0.07% | $-0.10 +2025-03-10 12:40:41,436 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.7219499999997 | Take profit: 2035.3941499999999 +2025-03-10 12:40:41,486 - INFO - CLOSED short at 2065.99 | PnL: 0.02% | $-0.31 +2025-03-10 12:40:41,535 - INFO - OPENED SHORT at 2066.19 | Stop loss: 2076.5209499999996 | Take profit: 2035.19715 +2025-03-10 12:40:41,585 - INFO - CLOSED short at 2066.29 | PnL: -0.00% | $-0.40 +2025-03-10 12:40:41,586 - INFO - OPENED LONG at 2066.29 | Stop loss: 2055.95855 | Take profit: 2097.28435 +2025-03-10 12:40:41,769 - INFO - CLOSED long at 2068.9 | PnL: 0.13% | $0.10 +2025-03-10 12:40:41,770 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.2445 | Take profit: 2037.8665 +2025-03-10 12:40:42,150 - INFO - CLOSED short at 2071.36 | PnL: -0.12% | $-0.83 +2025-03-10 12:40:42,193 - INFO - OPENED SHORT at 2072.75 | Stop loss: 2083.11375 | Take profit: 2041.65875 +2025-03-10 12:40:42,279 - INFO - CLOSED short at 2072.7 | PnL: 0.00% | $-0.37 +2025-03-10 12:40:42,279 - INFO - OPENED LONG at 2072.7 | Stop loss: 2062.3365 | Take profit: 2103.7904999999996 +2025-03-10 12:40:42,419 - INFO - CLOSED long at 2073.9 | PnL: 0.06% | $-0.16 +2025-03-10 12:40:42,464 - INFO - OPENED SHORT at 2071.92 | Stop loss: 2082.2796 | Take profit: 2040.8412 +2025-03-10 12:40:42,510 - INFO - CLOSED short at 2070.4 | PnL: 0.07% | $-0.10 +2025-03-10 12:40:42,646 - INFO - OPENED SHORT at 2069.35 | Stop loss: 2079.6967499999996 | Take profit: 2038.30975 +2025-03-10 12:40:42,693 - INFO - CLOSED short at 2068.32 | PnL: 0.05% | $-0.19 +2025-03-10 12:40:42,694 - INFO - OPENED LONG at 2068.32 | Stop loss: 2057.9784 | Take profit: 2099.3448 +2025-03-10 12:40:42,928 - INFO - CLOSED long at 2065.49 | PnL: -0.14% | $-0.88 +2025-03-10 12:40:43,020 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9337 | Take profit: 2096.2389 +2025-03-10 12:40:43,111 - INFO - CLOSED long at 2068.58 | PnL: 0.16% | $0.22 +2025-03-10 12:40:43,112 - INFO - OPENED SHORT at 2068.58 | Stop loss: 2078.9228999999996 | Take profit: 2037.5512999999999 +2025-03-10 12:40:43,384 - INFO - CLOSED short at 2070.3 | PnL: -0.08% | $-0.68 +2025-03-10 12:40:43,432 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.23205 | Take profit: 2102.66385 +2025-03-10 12:40:43,481 - INFO - CLOSED long at 2070.7 | PnL: -0.04% | $-0.52 +2025-03-10 12:40:43,482 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0534999999995 | Take profit: 2039.6394999999998 +2025-03-10 12:40:43,746 - INFO - CLOSED short at 2067.11 | PnL: 0.17% | $0.27 +2025-03-10 12:40:43,747 - INFO - OPENED LONG at 2067.11 | Stop loss: 2056.7744500000003 | Take profit: 2098.11665 +2025-03-10 12:40:43,836 - INFO - CLOSED long at 2066.4 | PnL: -0.03% | $-0.49 +2025-03-10 12:40:43,836 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.732 | Take profit: 2035.404 +2025-03-10 12:40:43,882 - INFO - CLOSED short at 2066.1 | PnL: 0.01% | $-0.31 +2025-03-10 12:40:43,882 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7695 | Take profit: 2097.0914999999995 +2025-03-10 12:40:43,979 - INFO - CLOSED long at 2066.39 | PnL: 0.01% | $-0.31 +2025-03-10 12:40:44,073 - INFO - OPENED SHORT at 2070.04 | Stop loss: 2080.3902 | Take profit: 2038.9894 +2025-03-10 12:40:44,412 - INFO - CLOSED short at 2066.15 | PnL: 0.19% | $0.32 +2025-03-10 12:40:44,458 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9337 | Take profit: 2096.2389 +2025-03-10 12:40:44,636 - INFO - CLOSED long at 2059.59 | PnL: -0.27% | $-1.36 +2025-03-10 12:40:44,637 - INFO - OPENED SHORT at 2059.59 | Stop loss: 2069.88795 | Take profit: 2028.6961500000002 +2025-03-10 12:40:44,684 - INFO - CLOSED short at 2061.3 | PnL: -0.08% | $-0.65 +2025-03-10 12:40:44,832 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.5711999999994 | Take profit: 2035.2463999999998 +2025-03-10 12:40:44,978 - INFO - CLOSED short at 2066.09 | PnL: 0.01% | $-0.33 +2025-03-10 12:40:44,979 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.75955 | Take profit: 2097.08135 +2025-03-10 12:40:45,027 - INFO - CLOSED long at 2064.45 | PnL: -0.08% | $-0.63 +2025-03-10 12:40:45,028 - INFO - OPENED SHORT at 2064.45 | Stop loss: 2074.7722499999995 | Take profit: 2033.4832499999998 +2025-03-10 12:40:45,167 - INFO - CLOSED short at 2062.89 | PnL: 0.08% | $-0.09 +2025-03-10 12:40:45,361 - INFO - OPENED LONG at 2060.9 | Stop loss: 2050.5955 | Take profit: 2091.8134999999997 +2025-03-10 12:40:45,501 - INFO - CLOSED long at 2059.3 | PnL: -0.08% | $-0.62 +2025-03-10 12:40:45,836 - INFO - OPENED SHORT at 2061.13 | Stop loss: 2071.43565 | Take profit: 2030.21305 +2025-03-10 12:40:45,881 - INFO - CLOSED short at 2061.9 | PnL: -0.04% | $-0.48 +2025-03-10 12:40:45,928 - INFO - OPENED SHORT at 2064.1 | Stop loss: 2074.4204999999997 | Take profit: 2033.1384999999998 +2025-03-10 12:40:46,016 - INFO - CLOSED short at 2064.33 | PnL: -0.01% | $-0.38 +2025-03-10 12:40:46,161 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.5605499999997 | Take profit: 2096.8783499999995 +2025-03-10 12:40:46,345 - INFO - CLOSED long at 2061.89 | PnL: -0.19% | $-1.01 +2025-03-10 12:40:46,346 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.1994499999996 | Take profit: 2030.9616499999997 +2025-03-10 12:40:46,490 - INFO - CLOSED short at 2061.09 | PnL: 0.04% | $-0.21 +2025-03-10 12:40:46,537 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.3119500000003 | Take profit: 2090.5041499999998 +2025-03-10 12:40:46,628 - INFO - CLOSED long at 2059.02 | PnL: -0.03% | $-0.44 +2025-03-10 12:40:46,628 - INFO - OPENED SHORT at 2059.02 | Stop loss: 2069.3151 | Take profit: 2028.1347 +2025-03-10 12:40:46,761 - INFO - CLOSED short at 2059.46 | PnL: -0.02% | $-0.41 +2025-03-10 12:40:47,021 - INFO - OPENED SHORT at 2054.83 | Stop loss: 2065.1041499999997 | Take profit: 2024.0075499999998 +2025-03-10 12:40:47,114 - INFO - CLOSED short at 2058.15 | PnL: -0.16% | $-0.88 +2025-03-10 12:40:47,257 - INFO - OPENED LONG at 2061.5 | Stop loss: 2051.1925 | Take profit: 2092.4224999999997 +2025-03-10 12:40:47,623 - INFO - CLOSED long at 2063.9 | PnL: 0.12% | $0.05 +2025-03-10 12:40:47,624 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.2194999999997 | Take profit: 2032.9415000000001 +2025-03-10 12:40:47,666 - INFO - CLOSED short at 2064.49 | PnL: -0.03% | $-0.43 +2025-03-10 12:40:47,667 - INFO - OPENED LONG at 2064.49 | Stop loss: 2054.1675499999997 | Take profit: 2095.4573499999997 +2025-03-10 12:40:47,820 - INFO - CLOSED long at 2066.79 | PnL: 0.11% | $0.04 +2025-03-10 12:40:47,820 - INFO - OPENED SHORT at 2066.79 | Stop loss: 2077.1239499999997 | Take profit: 2035.7881499999999 +2025-03-10 12:40:48,000 - INFO - CLOSED short at 2069.79 | PnL: -0.15% | $-0.81 +2025-03-10 12:40:48,000 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.44105 | Take profit: 2100.8368499999997 +2025-03-10 12:40:48,233 - INFO - CLOSED long at 2072.6 | PnL: 0.14% | $0.12 +2025-03-10 12:40:48,330 - INFO - OPENED SHORT at 2070.01 | Stop loss: 2080.36005 | Take profit: 2038.9598500000002 +2025-03-10 12:40:48,637 - INFO - CLOSED short at 2069.69 | PnL: 0.02% | $-0.28 +2025-03-10 12:40:48,638 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.34155 | Take profit: 2100.73535 +2025-03-10 12:40:48,786 - INFO - CLOSED long at 2068.79 | PnL: -0.04% | $-0.47 +2025-03-10 12:40:48,877 - INFO - OPENED LONG at 2071.49 | Stop loss: 2061.13255 | Take profit: 2102.5623499999997 +2025-03-10 12:40:48,923 - INFO - CLOSED long at 2069.87 | PnL: -0.08% | $-0.58 +2025-03-10 12:40:48,923 - INFO - OPENED SHORT at 2069.87 | Stop loss: 2080.21935 | Take profit: 2038.8219499999998 +2025-03-10 12:40:49,115 - INFO - CLOSED short at 2065.66 | PnL: 0.20% | $0.33 +2025-03-10 12:40:49,257 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8224999999998 | Take profit: 2033.5325 +2025-03-10 12:40:49,398 - INFO - CLOSED short at 2064.31 | PnL: 0.01% | $-0.29 +2025-03-10 12:40:49,447 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8275 | Take profit: 2034.5175 +2025-03-10 12:41:02,766 - INFO - GPU not available, using CPU +2025-03-10 12:41:02,786 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 12:41:02,786 - INFO - Fetching initial data for ETH/USDT +2025-03-10 12:41:06,312 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 12:41:06,331 - INFO - Initialized environment with 500 candles +2025-03-10 12:41:08,629 - INFO - Starting training for 1000 episodes... +2025-03-10 12:41:08,629 - INFO - Starting training on device: cpu +2025-03-10 12:41:08,630 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 12:41:08,630 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 12:41:08,756 - WARNING - Could not load with weights_only=True: 'str' object has no attribute '__module__' +2025-03-10 12:41:08,756 - WARNING - Attempting to load with weights_only=False (less secure) +2025-03-10 12:41:08,812 - INFO - Model loaded successfully with weights_only=False +2025-03-10 12:41:08,820 - INFO - Resumed with best metrics - Reward: -99.44, PnL: $-24.03, Win Rate: 24.8% +2025-03-10 12:41:08,851 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:41:09,221 - INFO - OPENED LONG at 2060.1 | Stop loss: 2049.7995 | Take profit: 2091.0015 +2025-03-10 12:41:09,222 - INFO - CLOSED long at 2057.52 | PnL: -0.13% | $-0.90 +2025-03-10 12:41:09,228 - INFO - OPENED SHORT at 2057.9 | Stop loss: 2068.1895 | Take profit: 2027.0315 +2025-03-10 12:41:09,229 - INFO - CLOSED short at 2058.51 | PnL: -0.03% | $-0.51 +2025-03-10 12:41:09,230 - INFO - OPENED LONG at 2058.59 | Stop loss: 2048.29705 | Take profit: 2089.4688499999997 +2025-03-10 12:41:09,237 - INFO - CLOSED long at 2052.7 | PnL: -0.29% | $-1.52 +2025-03-10 12:41:09,238 - INFO - OPENED SHORT at 2052.7 | Stop loss: 2062.9634999999994 | Take profit: 2021.9094999999998 +2025-03-10 12:41:09,239 - INFO - CLOSED short at 2052.16 | PnL: 0.03% | $-0.29 +2025-03-10 12:41:09,239 - INFO - OPENED LONG at 2052.16 | Stop loss: 2041.8991999999998 | Take profit: 2082.9423999999995 +2025-03-10 12:41:09,240 - INFO - CLOSED long at 2053.1 | PnL: 0.05% | $-0.21 +2025-03-10 12:41:09,261 - INFO - OPENED SHORT at 2049.61 | Stop loss: 2059.85805 | Take profit: 2018.8658500000001 +2025-03-10 12:41:09,262 - INFO - CLOSED short at 2049.24 | PnL: 0.02% | $-0.32 +2025-03-10 12:41:09,267 - INFO - OPENED SHORT at 2046.58 | Stop loss: 2056.8129 | Take profit: 2015.8813 +2025-03-10 12:41:09,268 - INFO - CLOSED short at 2045.99 | PnL: 0.03% | $-0.27 +2025-03-10 12:41:09,269 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.76005 | Take profit: 2076.67985 +2025-03-10 12:41:09,280 - INFO - CLOSED long at 2048.51 | PnL: 0.12% | $0.09 +2025-03-10 12:41:09,280 - INFO - OPENED SHORT at 2048.51 | Stop loss: 2058.75255 | Take profit: 2017.7823500000002 +2025-03-10 12:41:09,281 - INFO - CLOSED short at 2050.0 | PnL: -0.07% | $-0.66 +2025-03-10 12:41:09,281 - INFO - OPENED LONG at 2050.0 | Stop loss: 2039.75 | Take profit: 2080.75 +2025-03-10 12:41:09,288 - INFO - CLOSED long at 2049.89 | PnL: -0.01% | $-0.40 +2025-03-10 12:41:09,289 - INFO - OPENED SHORT at 2053.26 | Stop loss: 2063.5263 | Take profit: 2022.4611000000002 +2025-03-10 12:41:09,290 - INFO - CLOSED short at 2051.89 | PnL: 0.07% | $-0.13 +2025-03-10 12:41:09,296 - INFO - OPENED LONG at 2056.89 | Stop loss: 2046.6055499999998 | Take profit: 2087.7433499999997 +2025-03-10 12:41:09,296 - INFO - CLOSED long at 2058.39 | PnL: 0.07% | $-0.10 +2025-03-10 12:41:09,297 - INFO - OPENED SHORT at 2058.39 | Stop loss: 2068.6819499999997 | Take profit: 2027.5141499999997 +2025-03-10 12:41:09,297 - INFO - CLOSED short at 2060.13 | PnL: -0.08% | $-0.70 +2025-03-10 12:41:09,298 - INFO - OPENED LONG at 2063.29 | Stop loss: 2052.97355 | Take profit: 2094.23935 +2025-03-10 12:41:09,299 - INFO - CLOSED long at 2063.59 | PnL: 0.01% | $-0.32 +2025-03-10 12:41:09,299 - INFO - OPENED SHORT at 2064.69 | Stop loss: 2075.01345 | Take profit: 2033.71965 +2025-03-10 12:41:09,300 - INFO - CLOSED short at 2060.99 | PnL: 0.18% | $0.30 +2025-03-10 12:41:09,307 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.57555 | Take profit: 2093.83335 +2025-03-10 12:41:09,504 - INFO - CLOSED long at 2057.89 | PnL: -0.24% | $-1.29 +2025-03-10 12:41:09,505 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1794499999996 | Take profit: 2027.02165 +2025-03-10 12:41:09,755 - INFO - CLOSED short at 2064.32 | PnL: -0.31% | $-1.53 +2025-03-10 12:41:09,756 - INFO - OPENED LONG at 2064.32 | Stop loss: 2053.9984 | Take profit: 2095.2848 +2025-03-10 12:41:09,802 - INFO - CLOSED long at 2065.86 | PnL: 0.07% | $-0.09 +2025-03-10 12:41:09,803 - INFO - OPENED SHORT at 2065.86 | Stop loss: 2076.1893 | Take profit: 2034.8721 +2025-03-10 12:41:09,850 - INFO - CLOSED short at 2070.58 | PnL: -0.23% | $-1.20 +2025-03-10 12:41:09,852 - INFO - OPENED LONG at 2070.58 | Stop loss: 2060.2271 | Take profit: 2101.6386999999995 +2025-03-10 12:41:09,899 - INFO - CLOSED long at 2068.11 | PnL: -0.12% | $-0.79 +2025-03-10 12:41:09,945 - INFO - OPENED SHORT at 2068.29 | Stop loss: 2078.63145 | Take profit: 2037.2656499999998 +2025-03-10 12:41:09,999 - INFO - CLOSED short at 2067.89 | PnL: 0.02% | $-0.29 +2025-03-10 12:41:10,045 - INFO - OPENED SHORT at 2071.63 | Stop loss: 2081.9881499999997 | Take profit: 2040.55555 +2025-03-10 12:41:10,335 - INFO - CLOSED short at 2067.69 | PnL: 0.19% | $0.32 +2025-03-10 12:41:10,335 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.35155 | Take profit: 2098.7053499999997 +2025-03-10 12:41:10,598 - INFO - CLOSED long at 2072.33 | PnL: 0.22% | $0.44 +2025-03-10 12:41:10,600 - INFO - OPENED SHORT at 2072.33 | Stop loss: 2082.6916499999998 | Take profit: 2041.24505 +2025-03-10 12:41:10,793 - INFO - CLOSED short at 2070.9 | PnL: 0.07% | $-0.11 +2025-03-10 12:41:10,794 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.5455 | Take profit: 2101.9635 +2025-03-10 12:41:11,024 - INFO - CLOSED long at 2067.2 | PnL: -0.18% | $-1.00 +2025-03-10 12:41:11,025 - INFO - OPENED SHORT at 2067.2 | Stop loss: 2077.5359999999996 | Take profit: 2036.1919999999998 +2025-03-10 12:41:11,066 - INFO - CLOSED short at 2070.36 | PnL: -0.15% | $-0.90 +2025-03-10 12:41:11,216 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9933 | Take profit: 2100.3801 +2025-03-10 12:41:11,309 - INFO - CLOSED long at 2068.8 | PnL: -0.03% | $-0.44 +2025-03-10 12:41:11,544 - INFO - OPENED SHORT at 2065.99 | Stop loss: 2076.3199499999996 | Take profit: 2035.0001499999998 +2025-03-10 12:41:11,679 - INFO - CLOSED short at 2065.08 | PnL: 0.04% | $-0.20 +2025-03-10 12:41:11,816 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.5555 | Take profit: 2099.9335 +2025-03-10 12:41:12,031 - INFO - CLOSED long at 2069.96 | PnL: 0.05% | $-0.17 +2025-03-10 12:41:12,032 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.3098 | Take profit: 2038.9106 +2025-03-10 12:41:12,120 - INFO - CLOSED short at 2071.39 | PnL: -0.07% | $-0.59 +2025-03-10 12:41:12,349 - INFO - OPENED LONG at 2072.15 | Stop loss: 2061.7892500000003 | Take profit: 2103.23225 +2025-03-10 12:41:12,703 - INFO - CLOSED long at 2068.32 | PnL: -0.18% | $-0.98 +2025-03-10 12:41:12,704 - INFO - OPENED SHORT at 2068.32 | Stop loss: 2078.6616 | Take profit: 2037.2952 +2025-03-10 12:41:12,933 - INFO - CLOSED short at 2065.49 | PnL: 0.14% | $0.13 +2025-03-10 12:41:12,933 - INFO - OPENED LONG at 2065.49 | Stop loss: 2055.1625499999996 | Take profit: 2096.4723499999996 +2025-03-10 12:41:12,981 - INFO - CLOSED long at 2063.61 | PnL: -0.09% | $-0.65 +2025-03-10 12:41:13,120 - INFO - OPENED SHORT at 2068.58 | Stop loss: 2078.9228999999996 | Take profit: 2037.5512999999999 +2025-03-10 12:41:13,163 - INFO - CLOSED short at 2068.8 | PnL: -0.01% | $-0.37 +2025-03-10 12:41:13,163 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.456 | Take profit: 2099.832 +2025-03-10 12:41:13,210 - INFO - CLOSED long at 2069.34 | PnL: 0.03% | $-0.25 +2025-03-10 12:41:13,211 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.6866999999997 | Take profit: 2038.2999000000002 +2025-03-10 12:41:13,343 - INFO - CLOSED short at 2069.2 | PnL: 0.01% | $-0.31 +2025-03-10 12:41:13,439 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.23205 | Take profit: 2102.66385 +2025-03-10 12:41:13,750 - INFO - CLOSED long at 2067.11 | PnL: -0.22% | $-1.06 +2025-03-10 12:41:14,112 - INFO - OPENED LONG at 2067.8 | Stop loss: 2057.4610000000002 | Take profit: 2098.817 +2025-03-10 12:41:14,156 - INFO - CLOSED long at 2068.18 | PnL: 0.02% | $-0.27 +2025-03-10 12:41:14,290 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.3149499999995 | Take profit: 2034.0151499999997 +2025-03-10 12:41:14,391 - INFO - CLOSED short at 2066.15 | PnL: -0.06% | $-0.52 +2025-03-10 12:41:14,439 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.5863 | Take profit: 2034.2811000000002 +2025-03-10 12:41:14,627 - INFO - CLOSED short at 2059.59 | PnL: 0.27% | $0.57 +2025-03-10 12:41:14,716 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.27205 | Take profit: 2094.54385 +2025-03-10 12:41:14,818 - INFO - CLOSED long at 2066.24 | PnL: 0.13% | $0.09 +2025-03-10 12:41:15,095 - INFO - OPENED SHORT at 2062.71 | Stop loss: 2073.02355 | Take profit: 2031.76935 +2025-03-10 12:41:15,143 - INFO - CLOSED short at 2062.89 | PnL: -0.01% | $-0.36 +2025-03-10 12:41:15,236 - INFO - OPENED SHORT at 2063.5 | Stop loss: 2073.8174999999997 | Take profit: 2032.5475 +2025-03-10 12:41:15,778 - INFO - CLOSED short at 2060.3 | PnL: 0.16% | $0.18 +2025-03-10 12:41:15,967 - INFO - OPENED SHORT at 2065.36 | Stop loss: 2075.6868 | Take profit: 2034.3796000000002 +2025-03-10 12:41:16,227 - INFO - CLOSED short at 2063.53 | PnL: 0.09% | $-0.04 +2025-03-10 12:41:16,373 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.1994499999996 | Take profit: 2030.9616499999997 +2025-03-10 12:41:16,470 - INFO - CLOSED short at 2060.7 | PnL: 0.06% | $-0.14 +2025-03-10 12:41:16,667 - INFO - OPENED LONG at 2059.02 | Stop loss: 2048.7249 | Take profit: 2089.9053 +2025-03-10 12:41:16,767 - INFO - CLOSED long at 2059.96 | PnL: 0.05% | $-0.18 +2025-03-10 12:41:16,768 - INFO - OPENED SHORT at 2059.96 | Stop loss: 2070.2598 | Take profit: 2029.0606 +2025-03-10 12:41:16,812 - INFO - CLOSED short at 2059.46 | PnL: 0.02% | $-0.25 +2025-03-10 12:41:16,947 - INFO - OPENED SHORT at 2056.28 | Stop loss: 2066.5614 | Take profit: 2025.4358000000002 +2025-03-10 12:41:16,995 - INFO - CLOSED short at 2055.6 | PnL: 0.03% | $-0.22 +2025-03-10 12:41:16,995 - INFO - OPENED LONG at 2055.6 | Stop loss: 2045.322 | Take profit: 2086.4339999999997 +2025-03-10 12:41:17,085 - INFO - CLOSED long at 2054.83 | PnL: -0.04% | $-0.45 +2025-03-10 12:41:17,175 - INFO - OPENED SHORT at 2058.15 | Stop loss: 2068.4407499999998 | Take profit: 2027.27775 +2025-03-10 12:41:17,376 - INFO - CLOSED short at 2061.6 | PnL: -0.17% | $-0.87 +2025-03-10 12:41:17,377 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.292 | Take profit: 2092.524 +2025-03-10 12:41:17,529 - INFO - CLOSED long at 2063.4 | PnL: 0.09% | $-0.04 +2025-03-10 12:41:17,572 - INFO - OPENED LONG at 2066.36 | Stop loss: 2056.0282 | Take profit: 2097.3554 +2025-03-10 12:41:17,721 - INFO - CLOSED long at 2064.49 | PnL: -0.09% | $-0.61 +2025-03-10 12:41:17,815 - INFO - OPENED LONG at 2066.34 | Stop loss: 2056.0083 | Take profit: 2097.3351 +2025-03-10 12:41:17,862 - INFO - CLOSED long at 2066.79 | PnL: 0.02% | $-0.25 +2025-03-10 12:41:17,863 - INFO - OPENED SHORT at 2066.79 | Stop loss: 2077.1239499999997 | Take profit: 2035.7881499999999 +2025-03-10 12:41:17,907 - INFO - CLOSED short at 2067.33 | PnL: -0.03% | $-0.40 +2025-03-10 12:41:18,153 - INFO - OPENED LONG at 2074.3 | Stop loss: 2063.9285 | Take profit: 2105.4145 +2025-03-10 12:41:18,494 - INFO - CLOSED long at 2073.23 | PnL: -0.05% | $-0.48 +2025-03-10 12:41:18,587 - INFO - OPENED SHORT at 2068.15 | Stop loss: 2078.49075 | Take profit: 2037.12775 +2025-03-10 12:41:18,678 - INFO - CLOSED short at 2069.69 | PnL: -0.07% | $-0.55 +2025-03-10 12:41:18,679 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.34155 | Take profit: 2100.73535 +2025-03-10 12:41:18,768 - INFO - CLOSED long at 2067.44 | PnL: -0.11% | $-0.65 +2025-03-10 12:41:18,867 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6250499999996 | Take profit: 2104.0848499999997 +2025-03-10 12:41:18,971 - INFO - CLOSED long at 2069.87 | PnL: -0.15% | $-0.77 +2025-03-10 12:41:19,306 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8224999999998 | Take profit: 2033.5325 +2025-03-10 12:41:19,399 - INFO - CLOSED short at 2064.4 | PnL: 0.00% | $-0.29 +2025-03-10 12:41:19,495 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1725 | Take profit: 2096.4824999999996 +2025-03-10 12:41:19,542 - INFO - CLOSED long at 2067.53 | PnL: 0.10% | $-0.01 +2025-03-10 12:41:19,642 - INFO - OPENED LONG at 2065.31 | Stop loss: 2054.9834499999997 | Take profit: 2096.2896499999997 +2025-03-10 12:41:19,737 - INFO - CLOSED long at 2066.5 | PnL: 0.06% | $-0.13 +2025-03-10 12:41:19,738 - INFO - OPENED SHORT at 2066.5 | Stop loss: 2076.8325 | Take profit: 2035.5025 +2025-03-10 12:41:20,177 - INFO - CLOSED short at 2070.35 | PnL: -0.19% | $-0.87 +2025-03-10 12:41:20,324 - INFO - OPENED LONG at 2068.19 | Stop loss: 2057.8490500000003 | Take profit: 2099.21285 +2025-03-10 12:41:20,380 - INFO - CLOSED long at 2068.67 | PnL: 0.02% | $-0.23 +2025-03-10 12:41:20,380 - INFO - OPENED SHORT at 2068.67 | Stop loss: 2079.0133499999997 | Take profit: 2037.63995 +2025-03-10 12:41:20,694 - INFO - CLOSED short at 2073.27 | PnL: -0.22% | $-0.97 +2025-03-10 12:41:20,884 - INFO - OPENED SHORT at 2076.9 | Stop loss: 2087.2844999999998 | Take profit: 2045.7465 +2025-03-10 12:41:21,237 - INFO - CLOSED short at 2066.4 | PnL: 0.51% | $1.20 +2025-03-10 12:41:21,288 - INFO - OPENED SHORT at 2066.89 | Stop loss: 2077.2244499999997 | Take profit: 2035.88665 +2025-03-10 12:41:21,384 - INFO - CLOSED short at 2065.45 | PnL: 0.07% | $-0.09 +2025-03-10 12:41:21,473 - INFO - OPENED SHORT at 2069.0 | Stop loss: 2079.345 | Take profit: 2037.965 +2025-03-10 12:41:21,570 - INFO - CLOSED short at 2070.1 | PnL: -0.05% | $-0.46 +2025-03-10 12:41:21,571 - INFO - OPENED LONG at 2070.1 | Stop loss: 2059.7495 | Take profit: 2101.1514999999995 +2025-03-10 12:41:21,614 - INFO - CLOSED long at 2067.19 | PnL: -0.14% | $-0.72 +2025-03-10 12:41:21,615 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.5259499999997 | Take profit: 2036.18215 +2025-03-10 12:41:21,660 - INFO - CLOSED short at 2065.5 | PnL: 0.08% | $-0.05 +2025-03-10 12:41:21,760 - INFO - OPENED SHORT at 2065.8 | Stop loss: 2076.129 | Take profit: 2034.813 +2025-03-10 12:41:21,853 - INFO - CLOSED short at 2066.09 | PnL: -0.01% | $-0.34 +2025-03-10 12:41:21,854 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.75955 | Take profit: 2097.08135 +2025-03-10 12:41:21,900 - INFO - CLOSED long at 2063.39 | PnL: -0.13% | $-0.68 +2025-03-10 12:41:22,065 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4304999999995 | Take profit: 2035.1084999999998 +2025-03-10 12:41:22,113 - INFO - CLOSED short at 2065.06 | PnL: 0.05% | $-0.14 +2025-03-10 12:41:22,114 - INFO - OPENED LONG at 2065.06 | Stop loss: 2054.7347 | Take profit: 2096.0359 +2025-03-10 12:41:22,610 - INFO - CLOSED long at 2056.77 | PnL: -0.40% | $-1.46 +2025-03-10 12:41:22,655 - INFO - OPENED SHORT at 2053.01 | Stop loss: 2063.27505 | Take profit: 2022.2148500000003 +2025-03-10 12:41:22,701 - INFO - CLOSED short at 2049.21 | PnL: 0.19% | $0.24 +2025-03-10 12:41:22,892 - INFO - OPENED LONG at 2056.85 | Stop loss: 2046.56575 | Take profit: 2087.70275 +2025-03-10 12:41:22,934 - INFO - CLOSED long at 2057.11 | PnL: 0.01% | $-0.25 +2025-03-10 12:41:23,110 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.7745 | Take profit: 2096.0764999999997 +2025-03-10 12:41:23,203 - INFO - CLOSED long at 2062.55 | PnL: -0.12% | $-0.64 +2025-03-10 12:41:23,203 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.86275 | Take profit: 2031.6117500000003 +2025-03-10 12:41:23,247 - INFO - CLOSED short at 2065.12 | PnL: -0.12% | $-0.63 +2025-03-10 12:41:23,793 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.5911999999994 | Take profit: 2039.1863999999998 +2025-03-10 12:41:23,841 - INFO - CLOSED short at 2069.34 | PnL: 0.04% | $-0.16 +2025-03-10 12:41:24,293 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.4603999999995 | Take profit: 2044.9388 +2025-03-10 12:41:24,340 - INFO - CLOSED short at 2077.61 | PnL: -0.07% | $-0.49 +2025-03-10 12:41:24,341 - INFO - OPENED LONG at 2077.61 | Stop loss: 2067.22195 | Take profit: 2108.7741499999997 +2025-03-10 12:41:24,441 - INFO - CLOSED long at 2090.49 | PnL: 0.62% | $1.44 +2025-03-10 12:41:24,485 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.5350999999996 | Take profit: 2071.4746999999998 +2025-03-10 12:41:24,541 - INFO - STOP LOSS hit for short at 2113.5350999999996 | PnL: -0.50% | $-1.70 +2025-03-10 12:41:24,590 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2376999999997 | Take profit: 2107.4469 +2025-03-10 12:41:24,797 - INFO - CLOSED short at 2141.41 | PnL: -0.09% | $-0.52 +2025-03-10 12:41:24,938 - INFO - OPENED SHORT at 2140.01 | Stop loss: 2150.71005 | Take profit: 2107.90985 +2025-03-10 12:41:25,032 - INFO - CLOSED short at 2126.99 | PnL: 0.61% | $1.39 +2025-03-10 12:41:25,078 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.6635 | Take profit: 2159.2095 +2025-03-10 12:41:25,231 - INFO - CLOSED long at 2120.15 | PnL: -0.34% | $-1.22 +2025-03-10 12:41:25,231 - INFO - OPENED SHORT at 2120.15 | Stop loss: 2130.7507499999997 | Take profit: 2088.34775 +2025-03-10 12:41:25,418 - INFO - CLOSED short at 2118.52 | PnL: 0.08% | $-0.06 +2025-03-10 12:41:25,464 - INFO - OPENED LONG at 2119.14 | Stop loss: 2108.5443 | Take profit: 2150.9271 +2025-03-10 12:41:25,512 - INFO - CLOSED long at 2119.07 | PnL: -0.00% | $-0.28 +2025-03-10 12:41:25,885 - INFO - OPENED LONG at 2113.24 | Stop loss: 2102.6737999999996 | Take profit: 2144.9385999999995 +2025-03-10 12:41:25,975 - INFO - CLOSED long at 2120.81 | PnL: 0.36% | $0.71 +2025-03-10 12:41:25,976 - INFO - OPENED SHORT at 2120.81 | Stop loss: 2131.41405 | Take profit: 2088.9978499999997 +2025-03-10 12:41:26,075 - INFO - CLOSED short at 2114.8 | PnL: 0.28% | $0.51 +2025-03-10 12:41:26,122 - INFO - OPENED SHORT at 2110.9 | Stop loss: 2121.4545 | Take profit: 2079.2365 +2025-03-10 12:41:26,169 - INFO - CLOSED short at 2108.71 | PnL: 0.10% | $0.01 +2025-03-10 12:41:26,477 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0323500000004 | Take profit: 2131.02295 +2025-03-10 12:41:26,704 - INFO - CLOSED long at 2098.9 | PnL: -0.03% | $-0.36 +2025-03-10 12:41:26,705 - INFO - OPENED SHORT at 2098.9 | Stop loss: 2109.3945 | Take profit: 2067.4165000000003 +2025-03-10 12:41:26,802 - INFO - CLOSED short at 2104.83 | PnL: -0.28% | $-1.06 +2025-03-10 12:41:26,935 - INFO - OPENED LONG at 2103.86 | Stop loss: 2093.3407 | Take profit: 2135.4179 +2025-03-10 12:41:27,172 - INFO - CLOSED long at 2098.39 | PnL: -0.26% | $-0.98 +2025-03-10 12:41:27,268 - INFO - OPENED LONG at 2093.46 | Stop loss: 2082.9927000000002 | Take profit: 2124.8619 +2025-03-10 12:41:27,411 - INFO - CLOSED long at 2091.1 | PnL: -0.11% | $-0.57 +2025-03-10 12:41:27,412 - INFO - OPENED SHORT at 2091.1 | Stop loss: 2101.5554999999995 | Take profit: 2059.7335 +2025-03-10 12:41:27,613 - INFO - CLOSED short at 2083.28 | PnL: 0.37% | $0.73 +2025-03-10 12:41:27,614 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.8636 | Take profit: 2114.5292 +2025-03-10 12:41:27,812 - INFO - CLOSED long at 2082.44 | PnL: -0.04% | $-0.38 +2025-03-10 12:41:27,857 - INFO - OPENED SHORT at 2081.49 | Stop loss: 2091.8974499999995 | Take profit: 2050.26765 +2025-03-10 12:41:27,901 - INFO - CLOSED short at 2080.38 | PnL: 0.05% | $-0.13 +2025-03-10 12:41:27,901 - INFO - OPENED LONG at 2080.38 | Stop loss: 2069.9781000000003 | Take profit: 2111.5857 +2025-03-10 12:41:28,145 - INFO - CLOSED long at 2086.57 | PnL: 0.30% | $0.53 +2025-03-10 12:41:28,388 - INFO - OPENED SHORT at 2088.66 | Stop loss: 2099.1032999999998 | Take profit: 2057.3300999999997 +2025-03-10 12:41:28,483 - INFO - CLOSED short at 2088.1 | PnL: 0.03% | $-0.20 +2025-03-10 12:41:28,572 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 16.7% in downtrends | Avg Win=$0.52, Avg Loss=$-0.51 +2025-03-10 12:41:28,574 - INFO - Episode 0: Reward=-83.09, Balance=$67.22, Win Rate=17.3%, Trades=98, Episode PnL=$-18.14, Total PnL=$-32.78, Max Drawdown=33.0%, Pred Accuracy=98.4% +2025-03-10 12:41:28,710 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:41:28,710 - INFO - New best reward model saved: -83.09 +2025-03-10 12:41:28,837 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:41:28,837 - INFO - New best PnL model saved: $-18.14 +2025-03-10 12:41:28,941 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 12:41:28,944 - INFO - Checkpoint saved at episode 0 +2025-03-10 12:41:28,963 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:41:29,295 - INFO - OPENED LONG at 2059.4 | Stop loss: 2049.103 | Take profit: 2090.2909999999997 +2025-03-10 12:41:29,452 - INFO - CLOSED long at 2057.52 | PnL: -0.09% | $-0.77 +2025-03-10 12:41:29,609 - INFO - OPENED SHORT at 2057.9 | Stop loss: 2068.1895 | Take profit: 2027.0315 +2025-03-10 12:41:29,669 - INFO - CLOSED short at 2057.99 | PnL: -0.00% | $-0.41 +2025-03-10 12:41:29,670 - INFO - OPENED LONG at 2057.99 | Stop loss: 2047.7000499999997 | Take profit: 2088.8598499999994 +2025-03-10 12:41:29,722 - INFO - CLOSED long at 2058.51 | PnL: 0.03% | $-0.30 +2025-03-10 12:41:29,933 - INFO - OPENED SHORT at 2056.4 | Stop loss: 2066.682 | Take profit: 2025.554 +2025-03-10 12:41:30,067 - INFO - CLOSED short at 2053.56 | PnL: 0.14% | $0.15 +2025-03-10 12:41:30,124 - INFO - OPENED LONG at 2052.7 | Stop loss: 2042.4364999999998 | Take profit: 2083.4904999999994 +2025-03-10 12:41:30,692 - INFO - CLOSED long at 2049.61 | PnL: -0.15% | $-0.99 +2025-03-10 12:41:30,692 - INFO - OPENED SHORT at 2049.61 | Stop loss: 2059.85805 | Take profit: 2018.8658500000001 +2025-03-10 12:41:30,738 - INFO - CLOSED short at 2049.24 | PnL: 0.02% | $-0.32 +2025-03-10 12:41:30,890 - INFO - OPENED SHORT at 2046.58 | Stop loss: 2056.8129 | Take profit: 2015.8813 +2025-03-10 12:41:30,984 - INFO - CLOSED short at 2047.2 | PnL: -0.03% | $-0.51 +2025-03-10 12:41:30,985 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.964 | Take profit: 2077.908 +2025-03-10 12:41:31,337 - INFO - CLOSED long at 2050.0 | PnL: 0.14% | $0.14 +2025-03-10 12:41:31,338 - INFO - OPENED SHORT at 2050.0 | Stop loss: 2060.25 | Take profit: 2019.25 +2025-03-10 12:41:31,576 - INFO - CLOSED short at 2051.89 | PnL: -0.09% | $-0.75 +2025-03-10 12:41:31,624 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.0385 | Take profit: 2083.0845 +2025-03-10 12:41:31,986 - INFO - CLOSED long at 2063.29 | PnL: 0.54% | $1.68 +2025-03-10 12:41:32,171 - INFO - OPENED LONG at 2064.69 | Stop loss: 2054.36655 | Take profit: 2095.6603499999997 +2025-03-10 12:41:32,268 - INFO - CLOSED long at 2060.99 | PnL: -0.18% | $-1.09 +2025-03-10 12:41:32,269 - INFO - OPENED SHORT at 2060.99 | Stop loss: 2071.2949499999995 | Take profit: 2030.0751499999997 +2025-03-10 12:41:32,611 - INFO - CLOSED short at 2057.8 | PnL: 0.15% | $0.21 +2025-03-10 12:41:32,907 - INFO - OPENED LONG at 2064.32 | Stop loss: 2053.9984 | Take profit: 2095.2848 +2025-03-10 12:41:33,331 - INFO - CLOSED long at 2068.65 | PnL: 0.21% | $0.43 +2025-03-10 12:41:33,332 - INFO - OPENED SHORT at 2068.65 | Stop loss: 2078.99325 | Take profit: 2037.6202500000002 +2025-03-10 12:41:33,447 - INFO - CLOSED short at 2067.9 | PnL: 0.04% | $-0.25 +2025-03-10 12:41:33,728 - INFO - OPENED LONG at 2075.1 | Stop loss: 2064.7245 | Take profit: 2106.2264999999998 +2025-03-10 12:41:33,828 - INFO - CLOSED long at 2072.33 | PnL: -0.13% | $-0.91 +2025-03-10 12:41:34,033 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.5455 | Take profit: 2101.9635 +2025-03-10 12:41:34,132 - INFO - CLOSED long at 2070.79 | PnL: -0.01% | $-0.41 +2025-03-10 12:41:34,388 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.2445 | Take profit: 2037.8665 +2025-03-10 12:41:34,441 - INFO - CLOSED short at 2070.7 | PnL: -0.09% | $-0.72 +2025-03-10 12:41:34,722 - INFO - OPENED SHORT at 2067.51 | Stop loss: 2077.84755 | Take profit: 2036.49735 +2025-03-10 12:41:34,831 - INFO - CLOSED short at 2066.39 | PnL: 0.05% | $-0.17 +2025-03-10 12:41:34,832 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.0580499999996 | Take profit: 2097.3858499999997 +2025-03-10 12:41:34,931 - INFO - CLOSED long at 2066.19 | PnL: -0.01% | $-0.42 +2025-03-10 12:41:35,313 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.93295 | Take profit: 2037.5611500000002 +2025-03-10 12:41:35,412 - INFO - CLOSED short at 2070.4 | PnL: -0.09% | $-0.71 +2025-03-10 12:41:35,413 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0480000000002 | Take profit: 2101.4559999999997 +2025-03-10 12:41:35,516 - INFO - CLOSED long at 2071.4 | PnL: 0.05% | $-0.19 +2025-03-10 12:41:35,516 - INFO - OPENED SHORT at 2071.4 | Stop loss: 2081.757 | Take profit: 2040.329 +2025-03-10 12:41:35,624 - INFO - CLOSED short at 2071.36 | PnL: 0.00% | $-0.37 +2025-03-10 12:41:35,678 - INFO - OPENED SHORT at 2072.75 | Stop loss: 2083.11375 | Take profit: 2041.65875 +2025-03-10 12:41:35,728 - INFO - CLOSED short at 2073.11 | PnL: -0.02% | $-0.44 +2025-03-10 12:41:35,729 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.74445 | Take profit: 2104.20665 +2025-03-10 12:41:35,785 - INFO - CLOSED long at 2072.7 | PnL: -0.02% | $-0.45 +2025-03-10 12:41:35,848 - INFO - OPENED LONG at 2072.15 | Stop loss: 2061.7892500000003 | Take profit: 2103.23225 +2025-03-10 12:41:35,904 - INFO - CLOSED long at 2074.29 | PnL: 0.10% | $0.01 +2025-03-10 12:41:35,959 - INFO - OPENED SHORT at 2073.9 | Stop loss: 2084.2695 | Take profit: 2042.7915 +2025-03-10 12:41:36,013 - INFO - CLOSED short at 2071.92 | PnL: 0.10% | $-0.02 +2025-03-10 12:41:36,067 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.752 | Take profit: 2039.344 +2025-03-10 12:41:36,125 - INFO - CLOSED short at 2071.11 | PnL: -0.03% | $-0.50 +2025-03-10 12:41:36,125 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.75445 | Take profit: 2102.17665 +2025-03-10 12:41:36,327 - INFO - CLOSED long at 2067.0 | PnL: -0.20% | $-1.10 +2025-03-10 12:41:36,327 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3349999999996 | Take profit: 2035.995 +2025-03-10 12:41:36,381 - INFO - CLOSED short at 2067.79 | PnL: -0.04% | $-0.50 +2025-03-10 12:41:36,382 - INFO - OPENED LONG at 2067.79 | Stop loss: 2057.45105 | Take profit: 2098.80685 +2025-03-10 12:41:36,431 - INFO - CLOSED long at 2067.46 | PnL: -0.02% | $-0.42 +2025-03-10 12:41:36,431 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.7972999999997 | Take profit: 2036.4481 +2025-03-10 12:41:36,697 - INFO - CLOSED short at 2067.89 | PnL: -0.02% | $-0.43 +2025-03-10 12:41:36,698 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.55055 | Take profit: 2098.9083499999997 +2025-03-10 12:41:37,006 - INFO - CLOSED long at 2069.2 | PnL: 0.06% | $-0.13 +2025-03-10 12:41:37,007 - INFO - OPENED SHORT at 2069.2 | Stop loss: 2079.546 | Take profit: 2038.1619999999998 +2025-03-10 12:41:37,783 - INFO - CLOSED short at 2066.39 | PnL: 0.14% | $0.13 +2025-03-10 12:41:37,932 - INFO - OPENED SHORT at 2067.8 | Stop loss: 2078.139 | Take profit: 2036.7830000000001 +2025-03-10 12:41:38,148 - INFO - CLOSED short at 2064.99 | PnL: 0.14% | $0.13 +2025-03-10 12:41:38,264 - INFO - OPENED LONG at 2066.15 | Stop loss: 2055.81925 | Take profit: 2097.14225 +2025-03-10 12:41:38,314 - INFO - CLOSED long at 2065.26 | PnL: -0.04% | $-0.51 +2025-03-10 12:41:38,314 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.5863 | Take profit: 2034.2811000000002 +2025-03-10 12:41:38,414 - INFO - CLOSED short at 2062.65 | PnL: 0.13% | $0.09 +2025-03-10 12:41:38,698 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.6352 | Take profit: 2095.9343999999996 +2025-03-10 12:41:39,039 - INFO - CLOSED long at 2064.08 | PnL: -0.04% | $-0.51 +2025-03-10 12:41:39,255 - INFO - OPENED LONG at 2063.5 | Stop loss: 2053.1825 | Take profit: 2094.4525 +2025-03-10 12:41:39,410 - INFO - CLOSED long at 2060.65 | PnL: -0.14% | $-0.84 +2025-03-10 12:41:39,411 - INFO - OPENED SHORT at 2060.65 | Stop loss: 2070.95325 | Take profit: 2029.74025 +2025-03-10 12:41:39,513 - INFO - CLOSED short at 2059.3 | PnL: 0.07% | $-0.12 +2025-03-10 12:41:39,568 - INFO - OPENED LONG at 2060.31 | Stop loss: 2050.00845 | Take profit: 2091.21465 +2025-03-10 12:41:39,670 - INFO - CLOSED long at 2064.7 | PnL: 0.21% | $0.40 +2025-03-10 12:41:39,719 - INFO - OPENED SHORT at 2062.61 | Stop loss: 2072.92305 | Take profit: 2031.6708500000002 +2025-03-10 12:41:39,927 - INFO - CLOSED short at 2061.9 | PnL: 0.03% | $-0.23 +2025-03-10 12:41:39,976 - INFO - OPENED SHORT at 2064.1 | Stop loss: 2074.4204999999997 | Take profit: 2033.1384999999998 +2025-03-10 12:41:40,415 - INFO - CLOSED short at 2062.6 | PnL: 0.07% | $-0.10 +2025-03-10 12:41:40,517 - INFO - OPENED LONG at 2061.7 | Stop loss: 2051.3914999999997 | Take profit: 2092.6254999999996 +2025-03-10 12:41:40,570 - INFO - CLOSED long at 2060.7 | PnL: -0.05% | $-0.52 +2025-03-10 12:41:40,625 - INFO - OPENED LONG at 2061.09 | Stop loss: 2050.7845500000003 | Take profit: 2092.00635 +2025-03-10 12:41:40,687 - INFO - CLOSED long at 2059.61 | PnL: -0.07% | $-0.60 +2025-03-10 12:41:40,688 - INFO - OPENED SHORT at 2059.61 | Stop loss: 2069.90805 | Take profit: 2028.71585 +2025-03-10 12:41:40,833 - INFO - CLOSED short at 2058.89 | PnL: 0.03% | $-0.23 +2025-03-10 12:41:40,989 - INFO - OPENED LONG at 2057.4 | Stop loss: 2047.113 | Take profit: 2088.261 +2025-03-10 12:41:41,341 - INFO - CLOSED long at 2058.15 | PnL: 0.04% | $-0.22 +2025-03-10 12:41:41,388 - INFO - OPENED SHORT at 2059.8 | Stop loss: 2070.099 | Take profit: 2028.9030000000002 +2025-03-10 12:41:41,693 - INFO - CLOSED short at 2063.4 | PnL: -0.17% | $-0.95 +2025-03-10 12:41:41,787 - INFO - OPENED LONG at 2066.01 | Stop loss: 2055.67995 | Take profit: 2097.00015 +2025-03-10 12:41:41,984 - INFO - CLOSED long at 2066.34 | PnL: 0.02% | $-0.29 +2025-03-10 12:41:42,238 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.44105 | Take profit: 2100.8368499999997 +2025-03-10 12:41:42,385 - INFO - CLOSED long at 2078.01 | PnL: 0.40% | $1.01 +2025-03-10 12:41:42,386 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.40005 | Take profit: 2046.8398500000003 +2025-03-10 12:41:42,529 - INFO - CLOSED short at 2071.04 | PnL: 0.34% | $0.81 +2025-03-10 12:41:42,575 - INFO - OPENED LONG at 2070.01 | Stop loss: 2059.65995 | Take profit: 2101.06015 +2025-03-10 12:41:42,762 - INFO - CLOSED long at 2068.15 | PnL: -0.09% | $-0.66 +2025-03-10 12:41:42,808 - INFO - OPENED SHORT at 2068.39 | Stop loss: 2078.73195 | Take profit: 2037.3641499999999 +2025-03-10 12:41:42,902 - INFO - CLOSED short at 2069.03 | PnL: -0.03% | $-0.45 +2025-03-10 12:41:43,134 - INFO - OPENED LONG at 2069.87 | Stop loss: 2059.52065 | Take profit: 2100.9180499999998 +2025-03-10 12:41:43,313 - INFO - CLOSED long at 2065.66 | PnL: -0.20% | $-1.04 +2025-03-10 12:41:43,314 - INFO - OPENED SHORT at 2065.66 | Stop loss: 2075.9882999999995 | Take profit: 2034.6751 +2025-03-10 12:41:43,409 - INFO - CLOSED short at 2063.97 | PnL: 0.08% | $-0.06 +2025-03-10 12:41:43,453 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8224999999998 | Take profit: 2033.5325 +2025-03-10 12:41:43,498 - INFO - CLOSED short at 2065.3 | PnL: -0.04% | $-0.47 +2025-03-10 12:41:43,499 - INFO - OPENED LONG at 2065.3 | Stop loss: 2054.9735 | Take profit: 2096.2795 +2025-03-10 12:41:43,600 - INFO - CLOSED long at 2064.31 | PnL: -0.05% | $-0.50 +2025-03-10 12:41:43,646 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8275 | Take profit: 2034.5175 +2025-03-10 12:41:43,693 - INFO - CLOSED short at 2067.53 | PnL: -0.10% | $-0.66 +2025-03-10 12:41:43,694 - INFO - OPENED LONG at 2067.53 | Stop loss: 2057.1923500000003 | Take profit: 2098.54295 +2025-03-10 12:41:43,988 - INFO - CLOSED long at 2071.59 | PnL: 0.20% | $0.32 +2025-03-10 12:41:44,036 - INFO - OPENED LONG at 2070.2 | Stop loss: 2059.8489999999997 | Take profit: 2101.2529999999997 +2025-03-10 12:41:44,238 - INFO - CLOSED long at 2070.7 | PnL: 0.02% | $-0.25 +2025-03-10 12:41:44,285 - INFO - OPENED SHORT at 2070.8 | Stop loss: 2081.154 | Take profit: 2039.738 +2025-03-10 12:41:44,335 - INFO - CLOSED short at 2070.35 | PnL: 0.02% | $-0.26 +2025-03-10 12:41:44,336 - INFO - OPENED LONG at 2070.35 | Stop loss: 2059.99825 | Take profit: 2101.40525 +2025-03-10 12:41:44,384 - INFO - CLOSED long at 2070.61 | PnL: 0.01% | $-0.29 +2025-03-10 12:41:44,525 - INFO - OPENED SHORT at 2068.67 | Stop loss: 2079.0133499999997 | Take profit: 2037.63995 +2025-03-10 12:41:44,716 - INFO - CLOSED short at 2074.37 | PnL: -0.28% | $-1.24 +2025-03-10 12:41:44,716 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.99815 | Take profit: 2105.48555 +2025-03-10 12:41:44,896 - INFO - CLOSED long at 2073.99 | PnL: -0.02% | $-0.38 +2025-03-10 12:41:44,896 - INFO - OPENED SHORT at 2073.99 | Stop loss: 2084.3599499999996 | Take profit: 2042.8801499999997 +2025-03-10 12:41:44,990 - INFO - CLOSED short at 2075.29 | PnL: -0.06% | $-0.53 +2025-03-10 12:41:45,193 - INFO - OPENED SHORT at 2072.09 | Stop loss: 2082.45045 | Take profit: 2041.0086500000002 +2025-03-10 12:41:45,278 - INFO - CLOSED short at 2067.7 | PnL: 0.21% | $0.36 +2025-03-10 12:41:45,278 - INFO - OPENED LONG at 2067.7 | Stop loss: 2057.3615 | Take profit: 2098.7155 +2025-03-10 12:41:45,460 - INFO - CLOSED long at 2066.89 | PnL: -0.04% | $-0.45 +2025-03-10 12:41:45,551 - INFO - OPENED LONG at 2065.45 | Stop loss: 2055.12275 | Take profit: 2096.4317499999997 +2025-03-10 12:41:45,885 - INFO - CLOSED long at 2065.7 | PnL: 0.01% | $-0.28 +2025-03-10 12:41:45,935 - INFO - OPENED LONG at 2065.8 | Stop loss: 2055.471 | Take profit: 2096.787 +2025-03-10 12:41:46,039 - INFO - CLOSED long at 2066.09 | PnL: 0.01% | $-0.27 +2025-03-10 12:41:46,039 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.42045 | Take profit: 2035.0986500000001 +2025-03-10 12:41:46,138 - INFO - CLOSED short at 2062.34 | PnL: 0.18% | $0.26 +2025-03-10 12:41:46,138 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.0283 | Take profit: 2093.2751 +2025-03-10 12:41:46,248 - INFO - CLOSED long at 2066.1 | PnL: 0.18% | $0.26 +2025-03-10 12:41:46,249 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4304999999995 | Take profit: 2035.1084999999998 +2025-03-10 12:41:46,297 - INFO - CLOSED short at 2065.06 | PnL: 0.05% | $-0.16 +2025-03-10 12:41:46,297 - INFO - OPENED LONG at 2065.06 | Stop loss: 2054.7347 | Take profit: 2096.0359 +2025-03-10 12:41:46,402 - INFO - CLOSED long at 2064.5 | PnL: -0.03% | $-0.41 +2025-03-10 12:41:46,550 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3965 | Take profit: 2091.6105 +2025-03-10 12:41:46,597 - INFO - CLOSED long at 2060.2 | PnL: -0.02% | $-0.40 +2025-03-10 12:41:46,919 - INFO - OPENED SHORT at 2049.5 | Stop loss: 2059.7475 | Take profit: 2018.7575 +2025-03-10 12:41:46,972 - INFO - CLOSED short at 2051.99 | PnL: -0.12% | $-0.70 +2025-03-10 12:41:47,020 - INFO - OPENED LONG at 2058.3 | Stop loss: 2048.0085000000004 | Take profit: 2089.1745 +2025-03-10 12:41:47,158 - INFO - CLOSED long at 2057.89 | PnL: -0.02% | $-0.38 +2025-03-10 12:41:47,159 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1794499999996 | Take profit: 2027.02165 +2025-03-10 12:41:47,304 - INFO - CLOSED short at 2065.1 | PnL: -0.35% | $-1.41 +2025-03-10 12:41:47,304 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.7745 | Take profit: 2096.0764999999997 +2025-03-10 12:41:47,605 - INFO - CLOSED long at 2066.59 | PnL: 0.07% | $-0.09 +2025-03-10 12:41:47,726 - INFO - OPENED LONG at 2061.21 | Stop loss: 2050.90395 | Take profit: 2092.12815 +2025-03-10 12:41:48,012 - INFO - CLOSED long at 2065.72 | PnL: 0.22% | $0.36 +2025-03-10 12:41:48,225 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.1590499999998 | Take profit: 2038.7628499999998 +2025-03-10 12:41:48,283 - INFO - CLOSED short at 2070.41 | PnL: -0.03% | $-0.40 +2025-03-10 12:41:48,284 - INFO - OPENED LONG at 2070.41 | Stop loss: 2060.05795 | Take profit: 2101.4661499999997 +2025-03-10 12:41:48,390 - INFO - CLOSED long at 2074.05 | PnL: 0.18% | $0.23 +2025-03-10 12:41:48,390 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.42025 | Take profit: 2042.9392500000001 +2025-03-10 12:41:48,495 - INFO - CLOSED short at 2071.89 | PnL: 0.10% | $0.01 +2025-03-10 12:41:48,551 - INFO - OPENED SHORT at 2071.8 | Stop loss: 2082.159 | Take profit: 2040.7230000000002 +2025-03-10 12:41:48,599 - INFO - CLOSED short at 2074.9 | PnL: -0.15% | $-0.77 +2025-03-10 12:41:48,599 - INFO - OPENED LONG at 2074.9 | Stop loss: 2064.5255 | Take profit: 2106.0235 +2025-03-10 12:41:48,913 - INFO - TAKE PROFIT hit for long at 2106.0235 | PnL: 1.50% | $4.26 +2025-03-10 12:41:49,369 - INFO - OPENED SHORT at 2134.78 | Stop loss: 2145.4539 | Take profit: 2102.7583 +2025-03-10 12:41:49,498 - INFO - CLOSED short at 2128.69 | PnL: 0.29% | $0.60 +2025-03-10 12:41:49,798 - INFO - OPENED LONG at 2118.52 | Stop loss: 2107.9274 | Take profit: 2150.2978 +2025-03-10 12:41:49,846 - INFO - CLOSED long at 2119.14 | PnL: 0.03% | $-0.23 +2025-03-10 12:41:49,944 - INFO - OPENED LONG at 2115.28 | Stop loss: 2104.7036000000003 | Take profit: 2147.0092 +2025-03-10 12:41:49,993 - INFO - CLOSED long at 2107.43 | PnL: -0.37% | $-1.52 +2025-03-10 12:41:49,994 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 12:41:50,138 - INFO - CLOSED short at 2112.09 | PnL: -0.22% | $-1.02 +2025-03-10 12:41:50,139 - INFO - OPENED LONG at 2112.09 | Stop loss: 2101.52955 | Take profit: 2143.77135 +2025-03-10 12:41:50,347 - INFO - CLOSED long at 2112.99 | PnL: 0.04% | $-0.18 +2025-03-10 12:41:50,553 - INFO - OPENED LONG at 2110.9 | Stop loss: 2100.3455 | Take profit: 2142.5634999999997 +2025-03-10 12:41:50,644 - INFO - CLOSED long at 2106.49 | PnL: -0.21% | $-0.96 +2025-03-10 12:41:50,644 - INFO - OPENED SHORT at 2106.49 | Stop loss: 2117.0224499999995 | Take profit: 2074.89265 +2025-03-10 12:41:50,694 - INFO - CLOSED short at 2108.06 | PnL: -0.07% | $-0.54 +2025-03-10 12:41:50,695 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.5197 | Take profit: 2139.6809 +2025-03-10 12:41:50,854 - INFO - STOP LOSS hit for long at 2097.5197 | PnL: -0.50% | $-1.84 +2025-03-10 12:41:51,157 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.4055000000003 | Take profit: 2130.3835 +2025-03-10 12:41:51,210 - INFO - CLOSED long at 2100.69 | PnL: 0.09% | $-0.04 +2025-03-10 12:41:51,401 - INFO - OPENED SHORT at 2103.86 | Stop loss: 2114.3793 | Take profit: 2072.3021 +2025-03-10 12:41:51,552 - INFO - CLOSED short at 2099.59 | PnL: 0.20% | $0.31 +2025-03-10 12:41:51,598 - INFO - OPENED LONG at 2100.02 | Stop loss: 2089.5199 | Take profit: 2131.5202999999997 +2025-03-10 12:41:51,689 - INFO - CLOSED long at 2095.29 | PnL: -0.23% | $-0.98 +2025-03-10 12:41:51,735 - INFO - OPENED SHORT at 2093.46 | Stop loss: 2103.9273 | Take profit: 2062.0581 +2025-03-10 12:41:51,786 - INFO - CLOSED short at 2093.33 | PnL: 0.01% | $-0.28 +2025-03-10 12:41:51,787 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.86335 | Take profit: 2124.72995 +2025-03-10 12:41:52,099 - INFO - CLOSED long at 2083.28 | PnL: -0.48% | $-1.71 +2025-03-10 12:41:52,147 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.9978 | Take profit: 2119.7666 +2025-03-10 12:41:52,202 - INFO - CLOSED long at 2083.97 | PnL: -0.21% | $-0.90 +2025-03-10 12:41:52,253 - INFO - OPENED SHORT at 2085.3 | Stop loss: 2095.7264999999998 | Take profit: 2054.0205 +2025-03-10 12:41:52,474 - INFO - CLOSED short at 2081.25 | PnL: 0.19% | $0.27 +2025-03-10 12:41:52,474 - INFO - OPENED LONG at 2081.25 | Stop loss: 2070.84375 | Take profit: 2112.46875 +2025-03-10 12:41:52,722 - INFO - CLOSED long at 2085.8 | PnL: 0.22% | $0.34 +2025-03-10 12:41:52,769 - INFO - OPENED LONG at 2084.72 | Stop loss: 2074.2963999999997 | Take profit: 2115.9907999999996 +2025-03-10 12:41:52,871 - INFO - CLOSED long at 2085.85 | PnL: 0.05% | $-0.13 +2025-03-10 12:41:53,028 - INFO - OPENED SHORT at 2088.1 | Stop loss: 2098.5404999999996 | Take profit: 2056.7785 +2025-03-10 12:41:53,140 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 16.7% in downtrends | Avg Win=$0.53, Avg Loss=$-0.54 +2025-03-10 12:41:53,141 - INFO - Episode 1: Reward=-77.07, Balance=$71.57, Win Rate=24.0%, Trades=100, Episode PnL=$-10.07, Total PnL=$-61.21, Max Drawdown=28.9%, Pred Accuracy=99.6% +2025-03-10 12:41:53,309 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:41:53,310 - INFO - New best reward model saved: -77.07 +2025-03-10 12:41:53,451 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:41:53,451 - INFO - New best PnL model saved: $-10.07 +2025-03-10 12:41:53,476 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:41:53,801 - INFO - OPENED SHORT at 2059.03 | Stop loss: 2069.32515 | Take profit: 2028.1445500000002 +2025-03-10 12:41:53,953 - INFO - CLOSED short at 2060.51 | PnL: -0.07% | $-0.69 +2025-03-10 12:41:53,954 - INFO - OPENED LONG at 2060.51 | Stop loss: 2050.2074500000003 | Take profit: 2091.41765 +2025-03-10 12:41:54,009 - INFO - CLOSED long at 2057.52 | PnL: -0.15% | $-0.97 +2025-03-10 12:41:54,010 - INFO - OPENED SHORT at 2057.52 | Stop loss: 2067.8075999999996 | Take profit: 2026.6571999999999 +2025-03-10 12:41:54,107 - INFO - CLOSED short at 2057.59 | PnL: -0.00% | $-0.41 +2025-03-10 12:41:54,108 - INFO - OPENED LONG at 2057.59 | Stop loss: 2047.3020500000002 | Take profit: 2088.45385 +2025-03-10 12:41:54,324 - INFO - CLOSED long at 2055.2 | PnL: -0.12% | $-0.85 +2025-03-10 12:41:54,325 - INFO - OPENED SHORT at 2055.2 | Stop loss: 2065.4759999999997 | Take profit: 2024.3719999999998 +2025-03-10 12:41:54,430 - INFO - CLOSED short at 2056.4 | PnL: -0.06% | $-0.62 +2025-03-10 12:41:54,484 - INFO - OPENED LONG at 2055.39 | Stop loss: 2045.11305 | Take profit: 2086.2208499999997 +2025-03-10 12:41:54,541 - INFO - CLOSED long at 2053.56 | PnL: -0.09% | $-0.73 +2025-03-10 12:41:54,542 - INFO - OPENED SHORT at 2053.56 | Stop loss: 2063.8277999999996 | Take profit: 2022.7566 +2025-03-10 12:41:54,592 - INFO - CLOSED short at 2052.7 | PnL: 0.04% | $-0.22 +2025-03-10 12:41:54,592 - INFO - OPENED LONG at 2052.7 | Stop loss: 2042.4364999999998 | Take profit: 2083.4904999999994 +2025-03-10 12:41:54,643 - INFO - CLOSED long at 2051.66 | PnL: -0.05% | $-0.58 +2025-03-10 12:41:54,643 - INFO - OPENED SHORT at 2051.66 | Stop loss: 2061.9183 | Take profit: 2020.8850999999997 +2025-03-10 12:41:54,785 - INFO - CLOSED short at 2052.25 | PnL: -0.03% | $-0.49 +2025-03-10 12:41:55,112 - INFO - OPENED SHORT at 2049.61 | Stop loss: 2059.85805 | Take profit: 2018.8658500000001 +2025-03-10 12:41:55,259 - INFO - CLOSED short at 2047.39 | PnL: 0.11% | $0.03 +2025-03-10 12:41:55,555 - INFO - OPENED SHORT at 2045.79 | Stop loss: 2056.0189499999997 | Take profit: 2015.10315 +2025-03-10 12:41:55,909 - INFO - CLOSED short at 2051.11 | PnL: -0.26% | $-1.36 +2025-03-10 12:41:56,050 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.0385 | Take profit: 2083.0845 +2025-03-10 12:41:56,152 - INFO - CLOSED long at 2057.01 | PnL: 0.23% | $0.48 +2025-03-10 12:41:56,204 - INFO - OPENED LONG at 2056.89 | Stop loss: 2046.6055499999998 | Take profit: 2087.7433499999997 +2025-03-10 12:41:56,309 - INFO - CLOSED long at 2060.13 | PnL: 0.16% | $0.22 +2025-03-10 12:41:56,309 - INFO - OPENED SHORT at 2060.13 | Stop loss: 2070.43065 | Take profit: 2029.2280500000002 +2025-03-10 12:41:56,411 - INFO - CLOSED short at 2061.49 | PnL: -0.07% | $-0.62 +2025-03-10 12:41:56,412 - INFO - OPENED LONG at 2061.49 | Stop loss: 2051.18255 | Take profit: 2092.4123499999996 +2025-03-10 12:41:56,581 - INFO - CLOSED long at 2063.59 | PnL: 0.10% | $0.01 +2025-03-10 12:41:56,631 - INFO - OPENED SHORT at 2061.61 | Stop loss: 2071.9180499999998 | Take profit: 2030.68585 +2025-03-10 12:41:56,791 - INFO - CLOSED short at 2060.99 | PnL: 0.03% | $-0.26 +2025-03-10 12:41:56,839 - INFO - OPENED LONG at 2058.3 | Stop loss: 2048.0085000000004 | Take profit: 2089.1745 +2025-03-10 12:41:57,136 - INFO - CLOSED long at 2057.8 | PnL: -0.02% | $-0.46 +2025-03-10 12:41:57,337 - INFO - OPENED LONG at 2061.79 | Stop loss: 2051.48105 | Take profit: 2092.71685 +2025-03-10 12:41:57,428 - INFO - CLOSED long at 2064.32 | PnL: 0.12% | $0.08 +2025-03-10 12:41:57,529 - INFO - OPENED LONG at 2070.58 | Stop loss: 2060.2271 | Take profit: 2101.6386999999995 +2025-03-10 12:41:57,578 - INFO - CLOSED long at 2068.11 | PnL: -0.12% | $-0.81 +2025-03-10 12:41:57,579 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.45055 | Take profit: 2037.08835 +2025-03-10 12:41:57,627 - INFO - CLOSED short at 2068.29 | PnL: -0.01% | $-0.40 +2025-03-10 12:41:57,628 - INFO - OPENED LONG at 2068.29 | Stop loss: 2057.94855 | Take profit: 2099.3143499999996 +2025-03-10 12:41:57,830 - INFO - CLOSED long at 2069.6 | PnL: 0.06% | $-0.13 +2025-03-10 12:41:57,981 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.5605 | Take profit: 2098.9184999999998 +2025-03-10 12:41:58,131 - INFO - CLOSED long at 2071.44 | PnL: 0.17% | $0.26 +2025-03-10 12:41:58,285 - INFO - OPENED LONG at 2072.91 | Stop loss: 2062.5454499999996 | Take profit: 2104.0036499999997 +2025-03-10 12:41:58,392 - INFO - CLOSED long at 2071.38 | PnL: -0.07% | $-0.64 +2025-03-10 12:41:58,392 - INFO - OPENED SHORT at 2071.38 | Stop loss: 2081.7369 | Take profit: 2040.3093000000001 +2025-03-10 12:41:58,602 - INFO - CLOSED short at 2072.8 | PnL: -0.07% | $-0.61 +2025-03-10 12:41:59,006 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.6866999999997 | Take profit: 2038.2999000000002 +2025-03-10 12:41:59,260 - INFO - CLOSED short at 2069.01 | PnL: 0.02% | $-0.30 +2025-03-10 12:41:59,261 - INFO - OPENED LONG at 2069.01 | Stop loss: 2058.6649500000003 | Take profit: 2100.04515 +2025-03-10 12:41:59,366 - INFO - CLOSED long at 2065.99 | PnL: -0.15% | $-0.88 +2025-03-10 12:41:59,367 - INFO - OPENED SHORT at 2065.99 | Stop loss: 2076.3199499999996 | Take profit: 2035.0001499999998 +2025-03-10 12:41:59,521 - INFO - CLOSED short at 2065.08 | PnL: 0.04% | $-0.20 +2025-03-10 12:41:59,668 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.5555 | Take profit: 2099.9335 +2025-03-10 12:41:59,713 - INFO - CLOSED long at 2068.51 | PnL: -0.02% | $-0.42 +2025-03-10 12:41:59,714 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.85255 | Take profit: 2037.4823500000002 +2025-03-10 12:41:59,758 - INFO - CLOSED short at 2068.59 | PnL: -0.00% | $-0.37 +2025-03-10 12:41:59,758 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.24705 | Take profit: 2099.61885 +2025-03-10 12:42:00,052 - INFO - CLOSED long at 2071.36 | PnL: 0.13% | $0.12 +2025-03-10 12:42:00,052 - INFO - OPENED SHORT at 2071.36 | Stop loss: 2081.7167999999997 | Take profit: 2040.2896 +2025-03-10 12:42:00,410 - INFO - CLOSED short at 2071.92 | PnL: -0.03% | $-0.45 +2025-03-10 12:42:00,411 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.5604 | Take profit: 2102.9988 +2025-03-10 12:42:00,747 - INFO - CLOSED long at 2067.0 | PnL: -0.24% | $-1.18 +2025-03-10 12:42:00,861 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.7972999999997 | Take profit: 2036.4481 +2025-03-10 12:42:01,005 - INFO - CLOSED short at 2063.61 | PnL: 0.19% | $0.30 +2025-03-10 12:42:01,007 - INFO - OPENED LONG at 2063.61 | Stop loss: 2053.2919500000003 | Take profit: 2094.56415 +2025-03-10 12:42:01,323 - INFO - CLOSED long at 2067.86 | PnL: 0.21% | $0.37 +2025-03-10 12:42:01,434 - INFO - OPENED SHORT at 2069.2 | Stop loss: 2079.546 | Take profit: 2038.1619999999998 +2025-03-10 12:42:01,483 - INFO - CLOSED short at 2070.3 | PnL: -0.05% | $-0.53 +2025-03-10 12:42:01,637 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0480000000002 | Take profit: 2101.4559999999997 +2025-03-10 12:42:01,885 - INFO - CLOSED long at 2067.11 | PnL: -0.16% | $-0.90 +2025-03-10 12:42:01,974 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.068 | Take profit: 2097.3959999999997 +2025-03-10 12:42:02,227 - INFO - CLOSED long at 2070.04 | PnL: 0.18% | $0.26 +2025-03-10 12:42:02,434 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2194 | Take profit: 2036.8618000000001 +2025-03-10 12:42:02,917 - INFO - CLOSED short at 2061.3 | PnL: 0.32% | $0.75 +2025-03-10 12:42:03,319 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4003999999995 | Take profit: 2033.1188 +2025-03-10 12:42:03,369 - INFO - CLOSED short at 2062.71 | PnL: 0.07% | $-0.12 +2025-03-10 12:42:03,470 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8224999999998 | Take profit: 2033.5325 +2025-03-10 12:42:03,760 - INFO - CLOSED short at 2059.3 | PnL: 0.25% | $0.53 +2025-03-10 12:42:03,761 - INFO - OPENED LONG at 2059.3 | Stop loss: 2049.0035000000003 | Take profit: 2090.1895 +2025-03-10 12:42:04,083 - INFO - CLOSED long at 2060.3 | PnL: 0.05% | $-0.18 +2025-03-10 12:42:04,084 - INFO - OPENED SHORT at 2060.3 | Stop loss: 2070.6014999999998 | Take profit: 2029.3955 +2025-03-10 12:42:04,136 - INFO - CLOSED short at 2061.13 | PnL: -0.04% | $-0.49 +2025-03-10 12:42:04,191 - INFO - OPENED LONG at 2061.9 | Stop loss: 2051.5905000000002 | Take profit: 2092.8285 +2025-03-10 12:42:04,244 - INFO - CLOSED long at 2064.1 | PnL: 0.11% | $0.02 +2025-03-10 12:42:04,399 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.70695 | Take profit: 2032.43915 +2025-03-10 12:42:04,453 - INFO - CLOSED short at 2064.79 | PnL: -0.07% | $-0.58 +2025-03-10 12:42:04,501 - INFO - OPENED SHORT at 2065.89 | Stop loss: 2076.2194499999996 | Take profit: 2034.9016499999998 +2025-03-10 12:42:04,920 - INFO - CLOSED short at 2059.61 | PnL: 0.30% | $0.70 +2025-03-10 12:42:04,921 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.3119500000003 | Take profit: 2090.5041499999998 +2025-03-10 12:42:05,174 - INFO - CLOSED long at 2059.46 | PnL: -0.01% | $-0.37 +2025-03-10 12:42:05,174 - INFO - OPENED SHORT at 2059.46 | Stop loss: 2069.7572999999998 | Take profit: 2028.5681 +2025-03-10 12:42:05,232 - INFO - CLOSED short at 2057.4 | PnL: 0.10% | $0.00 +2025-03-10 12:42:05,232 - INFO - OPENED LONG at 2057.4 | Stop loss: 2047.113 | Take profit: 2088.261 +2025-03-10 12:42:05,581 - INFO - CLOSED long at 2058.15 | PnL: 0.04% | $-0.22 +2025-03-10 12:42:05,627 - INFO - OPENED SHORT at 2059.8 | Stop loss: 2070.099 | Take profit: 2028.9030000000002 +2025-03-10 12:42:05,725 - INFO - CLOSED short at 2061.5 | PnL: -0.08% | $-0.63 +2025-03-10 12:42:05,726 - INFO - OPENED LONG at 2061.5 | Stop loss: 2051.1925 | Take profit: 2092.4224999999997 +2025-03-10 12:42:05,913 - INFO - CLOSED long at 2063.4 | PnL: 0.09% | $-0.03 +2025-03-10 12:42:05,913 - INFO - OPENED SHORT at 2063.4 | Stop loss: 2073.717 | Take profit: 2032.449 +2025-03-10 12:42:06,211 - INFO - CLOSED short at 2066.34 | PnL: -0.14% | $-0.83 +2025-03-10 12:42:06,602 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.40005 | Take profit: 2046.8398500000003 +2025-03-10 12:42:06,970 - INFO - CLOSED short at 2070.0 | PnL: 0.39% | $0.97 +2025-03-10 12:42:07,287 - INFO - OPENED LONG at 2068.79 | Stop loss: 2058.44605 | Take profit: 2099.82185 +2025-03-10 12:42:07,336 - INFO - CLOSED long at 2072.99 | PnL: 0.20% | $0.35 +2025-03-10 12:42:07,337 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.3549499999995 | Take profit: 2041.8951499999998 +2025-03-10 12:42:07,439 - INFO - CLOSED short at 2069.87 | PnL: 0.15% | $0.17 +2025-03-10 12:42:07,440 - INFO - OPENED LONG at 2069.87 | Stop loss: 2059.52065 | Take profit: 2100.9180499999998 +2025-03-10 12:42:07,497 - INFO - CLOSED long at 2067.33 | PnL: -0.12% | $-0.77 +2025-03-10 12:42:07,603 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0284999999994 | Take profit: 2034.7144999999998 +2025-03-10 12:42:07,806 - INFO - CLOSED short at 2064.5 | PnL: 0.06% | $-0.14 +2025-03-10 12:42:07,851 - INFO - OPENED LONG at 2065.3 | Stop loss: 2054.9735 | Take profit: 2096.2795 +2025-03-10 12:42:08,305 - INFO - CLOSED long at 2068.59 | PnL: 0.16% | $0.20 +2025-03-10 12:42:08,305 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.93295 | Take profit: 2037.5611500000002 +2025-03-10 12:42:08,399 - INFO - CLOSED short at 2070.2 | PnL: -0.08% | $-0.61 +2025-03-10 12:42:08,399 - INFO - OPENED LONG at 2070.2 | Stop loss: 2059.8489999999997 | Take profit: 2101.2529999999997 +2025-03-10 12:42:08,545 - INFO - CLOSED long at 2069.69 | PnL: -0.02% | $-0.42 +2025-03-10 12:42:08,546 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.03845 | Take profit: 2038.64465 +2025-03-10 12:42:08,632 - INFO - CLOSED short at 2070.8 | PnL: -0.05% | $-0.52 +2025-03-10 12:42:08,677 - INFO - OPENED LONG at 2070.35 | Stop loss: 2059.99825 | Take profit: 2101.40525 +2025-03-10 12:42:08,728 - INFO - CLOSED long at 2070.61 | PnL: 0.01% | $-0.29 +2025-03-10 12:42:08,728 - INFO - OPENED SHORT at 2070.61 | Stop loss: 2080.96305 | Take profit: 2039.55085 +2025-03-10 12:42:08,776 - INFO - CLOSED short at 2071.99 | PnL: -0.07% | $-0.56 +2025-03-10 12:42:08,776 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.6300499999998 | Take profit: 2103.0698499999994 +2025-03-10 12:42:08,975 - INFO - CLOSED long at 2069.78 | PnL: -0.11% | $-0.69 +2025-03-10 12:42:09,446 - INFO - OPENED SHORT at 2076.9 | Stop loss: 2087.2844999999998 | Take profit: 2045.7465 +2025-03-10 12:42:09,502 - INFO - CLOSED short at 2075.61 | PnL: 0.06% | $-0.12 +2025-03-10 12:42:09,503 - INFO - OPENED LONG at 2075.61 | Stop loss: 2065.2319500000003 | Take profit: 2106.74415 +2025-03-10 12:42:09,595 - INFO - CLOSED long at 2072.09 | PnL: -0.17% | $-0.89 +2025-03-10 12:42:09,866 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.068 | Take profit: 2097.3959999999997 +2025-03-10 12:42:09,975 - INFO - CLOSED long at 2067.88 | PnL: 0.07% | $-0.09 +2025-03-10 12:42:10,032 - INFO - OPENED SHORT at 2065.45 | Stop loss: 2075.7772499999996 | Take profit: 2034.46825 +2025-03-10 12:42:10,241 - INFO - CLOSED short at 2070.1 | PnL: -0.23% | $-1.06 +2025-03-10 12:42:10,241 - INFO - OPENED LONG at 2070.1 | Stop loss: 2059.7495 | Take profit: 2101.1514999999995 +2025-03-10 12:42:10,299 - INFO - CLOSED long at 2067.19 | PnL: -0.14% | $-0.77 +2025-03-10 12:42:10,300 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.5259499999997 | Take profit: 2036.18215 +2025-03-10 12:42:10,780 - INFO - CLOSED short at 2066.1 | PnL: 0.05% | $-0.15 +2025-03-10 12:42:10,781 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7695 | Take profit: 2097.0914999999995 +2025-03-10 12:42:10,838 - INFO - CLOSED long at 2065.06 | PnL: -0.05% | $-0.48 +2025-03-10 12:42:10,838 - INFO - OPENED SHORT at 2065.06 | Stop loss: 2075.3853 | Take profit: 2034.0840999999998 +2025-03-10 12:42:11,188 - INFO - CLOSED short at 2059.2 | PnL: 0.28% | $0.58 +2025-03-10 12:42:11,189 - INFO - OPENED LONG at 2059.2 | Stop loss: 2048.904 | Take profit: 2090.0879999999997 +2025-03-10 12:42:11,443 - INFO - CLOSED long at 2049.21 | PnL: -0.49% | $-1.86 +2025-03-10 12:42:11,603 - INFO - OPENED LONG at 2058.3 | Stop loss: 2048.0085000000004 | Take profit: 2089.1745 +2025-03-10 12:42:11,656 - INFO - CLOSED long at 2056.85 | PnL: -0.07% | $-0.53 +2025-03-10 12:42:11,656 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.1342499999996 | Take profit: 2025.99725 +2025-03-10 12:42:11,704 - INFO - CLOSED short at 2057.11 | PnL: -0.01% | $-0.35 +2025-03-10 12:42:11,705 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.82445 | Take profit: 2087.96665 +2025-03-10 12:42:11,958 - INFO - CLOSED long at 2062.43 | PnL: 0.26% | $0.49 +2025-03-10 12:42:12,454 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3965 | Take profit: 2091.6105 +2025-03-10 12:42:12,549 - INFO - CLOSED long at 2062.54 | PnL: 0.09% | $-0.03 +2025-03-10 12:42:12,652 - INFO - OPENED SHORT at 2070.31 | Stop loss: 2080.66155 | Take profit: 2039.25535 +2025-03-10 12:42:12,701 - INFO - CLOSED short at 2070.24 | PnL: 0.00% | $-0.30 +2025-03-10 12:42:12,703 - INFO - OPENED LONG at 2070.24 | Stop loss: 2059.8887999999997 | Take profit: 2101.2935999999995 +2025-03-10 12:42:12,844 - INFO - CLOSED long at 2070.41 | PnL: 0.01% | $-0.28 +2025-03-10 12:42:12,845 - INFO - OPENED SHORT at 2070.41 | Stop loss: 2080.76205 | Take profit: 2039.3538499999997 +2025-03-10 12:42:12,896 - INFO - CLOSED short at 2073.49 | PnL: -0.15% | $-0.76 +2025-03-10 12:42:13,096 - INFO - OPENED LONG at 2071.8 | Stop loss: 2061.4410000000003 | Take profit: 2102.877 +2025-03-10 12:42:13,195 - INFO - CLOSED long at 2076.08 | PnL: 0.21% | $0.32 +2025-03-10 12:42:13,479 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2376999999997 | Take profit: 2107.4469 +2025-03-10 12:42:13,524 - INFO - CLOSED short at 2131.78 | PnL: 0.36% | $0.80 +2025-03-10 12:42:13,525 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.1211000000003 | Take profit: 2163.7567 +2025-03-10 12:42:13,616 - INFO - CLOSED long at 2137.59 | PnL: 0.27% | $0.53 +2025-03-10 12:42:13,616 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.2779499999997 | Take profit: 2105.52615 +2025-03-10 12:42:13,716 - INFO - CLOSED short at 2141.3 | PnL: -0.17% | $-0.85 +2025-03-10 12:42:13,973 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.6635 | Take profit: 2159.2095 +2025-03-10 12:42:14,272 - INFO - CLOSED long at 2121.4 | PnL: -0.28% | $-1.15 +2025-03-10 12:42:14,321 - INFO - OPENED LONG at 2118.52 | Stop loss: 2107.9274 | Take profit: 2150.2978 +2025-03-10 12:42:14,490 - INFO - CLOSED long at 2115.28 | PnL: -0.15% | $-0.76 +2025-03-10 12:42:14,739 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.5147499999994 | Take profit: 2081.25575 +2025-03-10 12:42:14,785 - INFO - CLOSED short at 2112.46 | PnL: 0.02% | $-0.23 +2025-03-10 12:42:14,785 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.8977 | Take profit: 2144.1468999999997 +2025-03-10 12:42:14,945 - INFO - CLOSED long at 2120.81 | PnL: 0.40% | $0.88 +2025-03-10 12:42:14,946 - INFO - OPENED SHORT at 2120.81 | Stop loss: 2131.41405 | Take profit: 2088.9978499999997 +2025-03-10 12:42:14,992 - INFO - CLOSED short at 2116.48 | PnL: 0.20% | $0.31 +2025-03-10 12:42:14,994 - INFO - OPENED LONG at 2116.48 | Stop loss: 2105.8976 | Take profit: 2148.2272 +2025-03-10 12:42:15,299 - INFO - STOP LOSS hit for long at 2105.8976 | PnL: -0.50% | $-1.81 +2025-03-10 12:42:15,556 - INFO - OPENED SHORT at 2102.19 | Stop loss: 2112.70095 | Take profit: 2070.65715 +2025-03-10 12:42:15,792 - INFO - CLOSED short at 2104.83 | PnL: -0.13% | $-0.67 +2025-03-10 12:42:15,931 - INFO - OPENED SHORT at 2103.86 | Stop loss: 2114.3793 | Take profit: 2072.3021 +2025-03-10 12:42:16,021 - INFO - CLOSED short at 2101.51 | PnL: 0.11% | $0.03 +2025-03-10 12:42:16,022 - INFO - OPENED LONG at 2101.51 | Stop loss: 2091.0024500000004 | Take profit: 2133.03265 +2025-03-10 12:42:16,209 - INFO - CLOSED long at 2095.29 | PnL: -0.30% | $-1.16 +2025-03-10 12:42:16,691 - INFO - OPENED LONG at 2083.97 | Stop loss: 2073.5501499999996 | Take profit: 2115.2295499999996 +2025-03-10 12:42:16,785 - INFO - CLOSED long at 2082.44 | PnL: -0.07% | $-0.50 +2025-03-10 12:42:17,025 - INFO - OPENED LONG at 2085.09 | Stop loss: 2074.66455 | Take profit: 2116.36635 +2025-03-10 12:42:17,282 - INFO - CLOSED long at 2085.83 | PnL: 0.04% | $-0.18 +2025-03-10 12:42:17,284 - INFO - OPENED SHORT at 2085.83 | Stop loss: 2096.25915 | Take profit: 2054.54255 +2025-03-10 12:42:17,333 - INFO - CLOSED short at 2085.85 | PnL: -0.00% | $-0.29 +2025-03-10 12:42:17,334 - INFO - OPENED LONG at 2085.85 | Stop loss: 2075.4207499999998 | Take profit: 2117.13775 +2025-03-10 12:42:17,536 - INFO - CLOSED long at 2089.96 | PnL: 0.20% | $0.28 +2025-03-10 12:42:17,592 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 32.1% in downtrends | Avg Win=$0.36, Avg Loss=$-0.57 +2025-03-10 12:42:17,593 - INFO - Episode 2: Reward=-60.07, Balance=$71.26, Win Rate=29.2%, Trades=96, Episode PnL=$-17.31, Total PnL=$-89.95, Max Drawdown=28.7%, Pred Accuracy=99.0% +2025-03-10 12:42:17,748 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:42:17,749 - INFO - New best reward model saved: -60.07 +2025-03-10 12:42:17,883 - INFO - Model saved to models/trading_agent_best_winrate.pt +2025-03-10 12:42:17,884 - INFO - New best win rate model saved: 29.2% +2025-03-10 12:42:17,905 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:42:18,573 - INFO - OPENED SHORT at 2057.9 | Stop loss: 2068.1895 | Take profit: 2027.0315 +2025-03-10 12:42:18,718 - INFO - CLOSED short at 2055.2 | PnL: 0.13% | $0.12 +2025-03-10 12:42:18,855 - INFO - OPENED LONG at 2055.39 | Stop loss: 2045.11305 | Take profit: 2086.2208499999997 +2025-03-10 12:42:18,902 - INFO - CLOSED long at 2053.56 | PnL: -0.09% | $-0.76 +2025-03-10 12:42:18,960 - INFO - OPENED SHORT at 2052.7 | Stop loss: 2062.9634999999994 | Take profit: 2021.9094999999998 +2025-03-10 12:42:19,060 - INFO - CLOSED short at 2052.16 | PnL: 0.03% | $-0.29 +2025-03-10 12:42:19,112 - INFO - OPENED LONG at 2053.1 | Stop loss: 2042.8345 | Take profit: 2083.8965 +2025-03-10 12:42:19,272 - INFO - CLOSED long at 2050.44 | PnL: -0.13% | $-0.91 +2025-03-10 12:42:19,272 - INFO - OPENED SHORT at 2050.44 | Stop loss: 2060.6922 | Take profit: 2019.6834000000001 +2025-03-10 12:42:19,737 - INFO - CLOSED short at 2046.58 | PnL: 0.19% | $0.35 +2025-03-10 12:42:19,738 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3471 | Take profit: 2077.2787 +2025-03-10 12:42:19,828 - INFO - CLOSED long at 2047.2 | PnL: 0.03% | $-0.27 +2025-03-10 12:42:19,829 - INFO - OPENED SHORT at 2047.2 | Stop loss: 2057.4359999999997 | Take profit: 2016.492 +2025-03-10 12:42:19,926 - INFO - CLOSED short at 2045.99 | PnL: 0.06% | $-0.16 +2025-03-10 12:42:20,336 - INFO - OPENED SHORT at 2051.11 | Stop loss: 2061.36555 | Take profit: 2020.34335 +2025-03-10 12:42:20,494 - INFO - CLOSED short at 2052.3 | PnL: -0.06% | $-0.62 +2025-03-10 12:42:20,592 - INFO - OPENED LONG at 2057.01 | Stop loss: 2046.7249500000003 | Take profit: 2087.86515 +2025-03-10 12:42:20,788 - INFO - CLOSED long at 2059.7 | PnL: 0.13% | $0.12 +2025-03-10 12:42:20,882 - INFO - OPENED SHORT at 2063.29 | Stop loss: 2073.6064499999998 | Take profit: 2032.3406499999999 +2025-03-10 12:42:20,925 - INFO - CLOSED short at 2064.61 | PnL: -0.06% | $-0.64 +2025-03-10 12:42:21,272 - INFO - OPENED LONG at 2058.3 | Stop loss: 2048.0085000000004 | Take profit: 2089.1745 +2025-03-10 12:42:21,438 - INFO - CLOSED long at 2062.89 | PnL: 0.22% | $0.48 +2025-03-10 12:42:21,598 - INFO - OPENED LONG at 2057.8 | Stop loss: 2047.5110000000002 | Take profit: 2088.667 +2025-03-10 12:42:21,967 - INFO - CLOSED long at 2065.86 | PnL: 0.39% | $1.14 +2025-03-10 12:42:22,182 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:42:22,474 - INFO - CLOSED short at 2068.99 | PnL: -0.05% | $-0.60 +2025-03-10 12:42:22,475 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.6450499999996 | Take profit: 2100.02485 +2025-03-10 12:42:22,710 - INFO - CLOSED long at 2071.44 | PnL: 0.12% | $0.07 +2025-03-10 12:42:22,880 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.2745499999996 | Take profit: 2041.8163499999998 +2025-03-10 12:42:23,005 - INFO - CLOSED short at 2071.38 | PnL: 0.07% | $-0.10 +2025-03-10 12:42:23,326 - INFO - OPENED SHORT at 2070.28 | Stop loss: 2080.6313999999998 | Take profit: 2039.2258000000002 +2025-03-10 12:42:23,858 - INFO - CLOSED short at 2067.6 | PnL: 0.13% | $0.12 +2025-03-10 12:42:23,858 - INFO - OPENED LONG at 2067.6 | Stop loss: 2057.2619999999997 | Take profit: 2098.6139999999996 +2025-03-10 12:42:24,240 - INFO - CLOSED long at 2065.08 | PnL: -0.12% | $-0.87 +2025-03-10 12:42:24,443 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.85255 | Take profit: 2037.4823500000002 +2025-03-10 12:42:24,494 - INFO - CLOSED short at 2068.59 | PnL: -0.00% | $-0.40 +2025-03-10 12:42:24,639 - INFO - OPENED LONG at 2069.96 | Stop loss: 2059.6102 | Take profit: 2101.0094 +2025-03-10 12:42:24,687 - INFO - CLOSED long at 2071.4 | PnL: 0.07% | $-0.12 +2025-03-10 12:42:24,831 - INFO - OPENED SHORT at 2072.75 | Stop loss: 2083.11375 | Take profit: 2041.65875 +2025-03-10 12:42:24,927 - INFO - CLOSED short at 2072.7 | PnL: 0.00% | $-0.38 +2025-03-10 12:42:24,928 - INFO - OPENED LONG at 2072.7 | Stop loss: 2062.3365 | Take profit: 2103.7904999999996 +2025-03-10 12:42:24,974 - INFO - CLOSED long at 2072.15 | PnL: -0.03% | $-0.49 +2025-03-10 12:42:24,975 - INFO - OPENED SHORT at 2072.15 | Stop loss: 2082.51075 | Take profit: 2041.0677500000002 +2025-03-10 12:42:25,018 - INFO - CLOSED short at 2074.29 | PnL: -0.10% | $-0.78 +2025-03-10 12:42:25,019 - INFO - OPENED LONG at 2074.29 | Stop loss: 2063.91855 | Take profit: 2105.40435 +2025-03-10 12:42:25,071 - INFO - CLOSED long at 2073.9 | PnL: -0.02% | $-0.45 +2025-03-10 12:42:25,072 - INFO - OPENED SHORT at 2073.9 | Stop loss: 2084.2695 | Take profit: 2042.7915 +2025-03-10 12:42:25,323 - INFO - CLOSED short at 2069.35 | PnL: 0.22% | $0.45 +2025-03-10 12:42:25,715 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.5863 | Take profit: 2034.2811000000002 +2025-03-10 12:42:26,018 - INFO - CLOSED short at 2067.59 | PnL: -0.11% | $-0.81 +2025-03-10 12:42:26,072 - INFO - OPENED LONG at 2069.2 | Stop loss: 2058.854 | Take profit: 2100.238 +2025-03-10 12:42:26,271 - INFO - CLOSED long at 2070.4 | PnL: 0.06% | $-0.16 +2025-03-10 12:42:26,272 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.752 | Take profit: 2039.344 +2025-03-10 12:42:26,418 - INFO - CLOSED short at 2068.69 | PnL: 0.08% | $-0.07 +2025-03-10 12:42:26,516 - INFO - OPENED LONG at 2067.11 | Stop loss: 2056.7744500000003 | Take profit: 2098.11665 +2025-03-10 12:42:26,759 - INFO - CLOSED long at 2066.39 | PnL: -0.03% | $-0.51 +2025-03-10 12:42:26,814 - INFO - OPENED LONG at 2064.47 | Stop loss: 2054.14765 | Take profit: 2095.4370499999995 +2025-03-10 12:42:27,466 - INFO - CLOSED long at 2061.78 | PnL: -0.13% | $-0.86 +2025-03-10 12:42:27,467 - INFO - OPENED SHORT at 2061.78 | Stop loss: 2072.0889 | Take profit: 2030.8533000000002 +2025-03-10 12:42:27,651 - INFO - CLOSED short at 2061.3 | PnL: 0.02% | $-0.28 +2025-03-10 12:42:27,652 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9935 | Take profit: 2092.2195 +2025-03-10 12:42:28,368 - INFO - CLOSED long at 2064.5 | PnL: 0.16% | $0.20 +2025-03-10 12:42:28,369 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8224999999998 | Take profit: 2033.5325 +2025-03-10 12:42:28,582 - INFO - CLOSED short at 2060.65 | PnL: 0.19% | $0.32 +2025-03-10 12:42:28,783 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.109 | Take profit: 2030.873 +2025-03-10 12:42:28,832 - INFO - CLOSED short at 2064.7 | PnL: -0.14% | $-0.89 +2025-03-10 12:42:28,884 - INFO - OPENED SHORT at 2062.61 | Stop loss: 2072.92305 | Take profit: 2031.6708500000002 +2025-03-10 12:42:28,931 - INFO - CLOSED short at 2060.91 | PnL: 0.08% | $-0.06 +2025-03-10 12:42:28,931 - INFO - OPENED LONG at 2060.91 | Stop loss: 2050.60545 | Take profit: 2091.82365 +2025-03-10 12:42:28,980 - INFO - CLOSED long at 2060.3 | PnL: -0.03% | $-0.48 +2025-03-10 12:42:29,340 - INFO - OPENED SHORT at 2064.79 | Stop loss: 2075.11395 | Take profit: 2033.8181499999998 +2025-03-10 12:42:29,447 - INFO - CLOSED short at 2063.53 | PnL: 0.06% | $-0.14 +2025-03-10 12:42:29,448 - INFO - OPENED LONG at 2063.53 | Stop loss: 2053.2123500000002 | Take profit: 2094.48295 +2025-03-10 12:42:29,546 - INFO - CLOSED long at 2062.6 | PnL: -0.05% | $-0.53 +2025-03-10 12:42:29,646 - INFO - OPENED SHORT at 2061.7 | Stop loss: 2072.0084999999995 | Take profit: 2030.7744999999998 +2025-03-10 12:42:29,792 - INFO - CLOSED short at 2059.61 | PnL: 0.10% | $0.00 +2025-03-10 12:42:29,837 - INFO - OPENED SHORT at 2059.16 | Stop loss: 2069.4557999999997 | Take profit: 2028.2725999999998 +2025-03-10 12:42:29,934 - INFO - CLOSED short at 2058.89 | PnL: 0.01% | $-0.32 +2025-03-10 12:42:29,935 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.59555 | Take profit: 2089.7733499999995 +2025-03-10 12:42:30,132 - INFO - CLOSED long at 2058.28 | PnL: -0.03% | $-0.47 +2025-03-10 12:42:30,632 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.292 | Take profit: 2092.524 +2025-03-10 12:42:30,676 - INFO - CLOSED long at 2061.3 | PnL: -0.01% | $-0.41 +2025-03-10 12:42:30,677 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6065 | Take profit: 2030.3805000000002 +2025-03-10 12:42:30,867 - INFO - CLOSED short at 2066.01 | PnL: -0.23% | $-1.18 +2025-03-10 12:42:30,957 - INFO - OPENED SHORT at 2064.49 | Stop loss: 2074.8124499999994 | Take profit: 2033.5226499999997 +2025-03-10 12:42:31,104 - INFO - CLOSED short at 2066.79 | PnL: -0.11% | $-0.75 +2025-03-10 12:42:31,104 - INFO - OPENED LONG at 2066.79 | Stop loss: 2056.45605 | Take profit: 2097.7918499999996 +2025-03-10 12:42:31,248 - INFO - CLOSED long at 2065.69 | PnL: -0.05% | $-0.54 +2025-03-10 12:42:31,346 - INFO - OPENED LONG at 2072.0 | Stop loss: 2061.64 | Take profit: 2103.08 +2025-03-10 12:42:31,798 - INFO - CLOSED long at 2070.0 | PnL: -0.10% | $-0.68 +2025-03-10 12:42:32,126 - INFO - OPENED SHORT at 2068.79 | Stop loss: 2079.13395 | Take profit: 2037.75815 +2025-03-10 12:42:32,435 - INFO - CLOSED short at 2065.7 | PnL: 0.15% | $0.17 +2025-03-10 12:42:32,436 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3714999999997 | Take profit: 2096.6854999999996 +2025-03-10 12:42:32,577 - INFO - CLOSED long at 2063.97 | PnL: -0.08% | $-0.64 +2025-03-10 12:42:32,880 - INFO - OPENED SHORT at 2067.53 | Stop loss: 2077.86765 | Take profit: 2036.5170500000002 +2025-03-10 12:42:32,981 - INFO - CLOSED short at 2065.31 | PnL: 0.11% | $0.03 +2025-03-10 12:42:33,139 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.93295 | Take profit: 2037.5611500000002 +2025-03-10 12:42:33,360 - INFO - CLOSED short at 2070.9 | PnL: -0.11% | $-0.73 +2025-03-10 12:42:33,361 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.5455 | Take profit: 2101.9635 +2025-03-10 12:42:33,421 - INFO - CLOSED long at 2069.69 | PnL: -0.06% | $-0.54 +2025-03-10 12:42:33,526 - INFO - OPENED SHORT at 2070.8 | Stop loss: 2081.154 | Take profit: 2039.738 +2025-03-10 12:42:33,835 - INFO - CLOSED short at 2070.67 | PnL: 0.01% | $-0.32 +2025-03-10 12:42:33,885 - INFO - OPENED LONG at 2069.78 | Stop loss: 2059.4311000000002 | Take profit: 2100.8267 +2025-03-10 12:42:33,940 - INFO - CLOSED long at 2071.61 | PnL: 0.09% | $-0.04 +2025-03-10 12:42:33,989 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.99815 | Take profit: 2105.48555 +2025-03-10 12:42:34,039 - INFO - CLOSED long at 2075.07 | PnL: 0.03% | $-0.22 +2025-03-10 12:42:34,528 - INFO - OPENED SHORT at 2069.97 | Stop loss: 2080.3198499999994 | Take profit: 2038.9204499999998 +2025-03-10 12:42:35,119 - INFO - CLOSED short at 2067.19 | PnL: 0.13% | $0.12 +2025-03-10 12:42:35,120 - INFO - OPENED LONG at 2067.19 | Stop loss: 2056.85405 | Take profit: 2098.19785 +2025-03-10 12:42:35,701 - INFO - CLOSED long at 2064.11 | PnL: -0.15% | $-0.84 +2025-03-10 12:42:35,701 - INFO - OPENED SHORT at 2064.11 | Stop loss: 2074.43055 | Take profit: 2033.1483500000002 +2025-03-10 12:42:35,929 - INFO - CLOSED short at 2060.2 | PnL: 0.19% | $0.30 +2025-03-10 12:42:35,978 - INFO - OPENED SHORT at 2059.2 | Stop loss: 2069.4959999999996 | Take profit: 2028.312 +2025-03-10 12:42:36,026 - INFO - CLOSED short at 2058.09 | PnL: 0.05% | $-0.15 +2025-03-10 12:42:36,071 - INFO - OPENED LONG at 2058.65 | Stop loss: 2048.35675 | Take profit: 2089.5297499999997 +2025-03-10 12:42:36,118 - INFO - CLOSED long at 2056.77 | PnL: -0.09% | $-0.64 +2025-03-10 12:42:36,119 - INFO - OPENED SHORT at 2056.77 | Stop loss: 2067.05385 | Take profit: 2025.91845 +2025-03-10 12:42:36,227 - INFO - CLOSED short at 2049.21 | PnL: 0.37% | $0.89 +2025-03-10 12:42:36,331 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7300499999997 | Take profit: 2082.7698499999997 +2025-03-10 12:42:36,571 - INFO - CLOSED long at 2062.83 | PnL: 0.53% | $1.44 +2025-03-10 12:42:37,010 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4003999999995 | Take profit: 2033.1188 +2025-03-10 12:42:37,196 - INFO - CLOSED short at 2061.84 | PnL: 0.11% | $0.03 +2025-03-10 12:42:37,896 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.4603999999995 | Take profit: 2044.9388 +2025-03-10 12:42:37,993 - INFO - CLOSED short at 2085.56 | PnL: -0.46% | $-1.90 +2025-03-10 12:42:38,380 - INFO - OPENED LONG at 2137.59 | Stop loss: 2126.90205 | Take profit: 2169.65385 +2025-03-10 12:42:38,437 - INFO - CLOSED long at 2141.41 | PnL: 0.18% | $0.26 +2025-03-10 12:42:38,438 - INFO - OPENED SHORT at 2141.41 | Stop loss: 2152.11705 | Take profit: 2109.28885 +2025-03-10 12:42:38,545 - INFO - CLOSED short at 2142.68 | PnL: -0.06% | $-0.53 +2025-03-10 12:42:38,545 - INFO - OPENED LONG at 2142.68 | Stop loss: 2131.9665999999997 | Take profit: 2174.8201999999997 +2025-03-10 12:42:38,736 - INFO - STOP LOSS hit for long at 2131.9665999999997 | PnL: -0.50% | $-1.99 +2025-03-10 12:42:38,855 - INFO - OPENED SHORT at 2128.69 | Stop loss: 2139.3334499999996 | Take profit: 2096.75965 +2025-03-10 12:42:38,955 - INFO - CLOSED short at 2120.15 | PnL: 0.40% | $0.98 +2025-03-10 12:42:39,012 - INFO - OPENED LONG at 2117.24 | Stop loss: 2106.6537999999996 | Take profit: 2148.9985999999994 +2025-03-10 12:42:39,318 - INFO - CLOSED long at 2115.28 | PnL: -0.09% | $-0.63 +2025-03-10 12:42:39,590 - INFO - OPENED LONG at 2112.95 | Stop loss: 2102.38525 | Take profit: 2144.64425 +2025-03-10 12:42:39,746 - INFO - CLOSED long at 2112.99 | PnL: 0.00% | $-0.32 +2025-03-10 12:42:39,799 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.20595 | Take profit: 2152.6221499999997 +2025-03-10 12:42:39,893 - INFO - CLOSED long at 2114.8 | PnL: -0.28% | $-1.24 +2025-03-10 12:42:39,894 - INFO - OPENED SHORT at 2114.8 | Stop loss: 2125.374 | Take profit: 2083.078 +2025-03-10 12:42:39,985 - INFO - CLOSED short at 2108.71 | PnL: 0.29% | $0.60 +2025-03-10 12:42:40,090 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.5197 | Take profit: 2139.6809 +2025-03-10 12:42:40,136 - INFO - CLOSED long at 2103.33 | PnL: -0.22% | $-1.04 +2025-03-10 12:42:40,137 - INFO - OPENED SHORT at 2103.33 | Stop loss: 2113.8466499999995 | Take profit: 2071.78005 +2025-03-10 12:42:40,287 - INFO - CLOSED short at 2099.53 | PnL: 0.18% | $0.26 +2025-03-10 12:42:40,337 - INFO - OPENED LONG at 2098.1 | Stop loss: 2087.6095 | Take profit: 2129.5714999999996 +2025-03-10 12:42:40,440 - INFO - CLOSED long at 2102.29 | PnL: 0.20% | $0.32 +2025-03-10 12:42:40,722 - INFO - OPENED SHORT at 2106.39 | Stop loss: 2116.9219499999995 | Take profit: 2074.7941499999997 +2025-03-10 12:42:40,774 - INFO - CLOSED short at 2100.74 | PnL: 0.27% | $0.54 +2025-03-10 12:42:40,774 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.2362999999996 | Take profit: 2132.2510999999995 +2025-03-10 12:42:40,949 - INFO - CLOSED long at 2101.51 | PnL: 0.04% | $-0.20 +2025-03-10 12:42:41,106 - INFO - OPENED LONG at 2098.39 | Stop loss: 2087.89805 | Take profit: 2129.8658499999997 +2025-03-10 12:42:41,204 - INFO - CLOSED long at 2093.46 | PnL: -0.23% | $-1.08 +2025-03-10 12:42:41,256 - INFO - OPENED SHORT at 2093.33 | Stop loss: 2103.7966499999998 | Take profit: 2061.93005 +2025-03-10 12:42:41,372 - INFO - CLOSED short at 2091.1 | PnL: 0.11% | $0.02 +2025-03-10 12:42:41,427 - INFO - OPENED SHORT at 2094.72 | Stop loss: 2105.1935999999996 | Take profit: 2063.2992 +2025-03-10 12:42:41,477 - INFO - CLOSED short at 2094.08 | PnL: 0.03% | $-0.22 +2025-03-10 12:42:41,524 - INFO - OPENED LONG at 2088.35 | Stop loss: 2077.90825 | Take profit: 2119.67525 +2025-03-10 12:42:41,575 - INFO - CLOSED long at 2083.28 | PnL: -0.24% | $-1.08 +2025-03-10 12:42:41,960 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.65625 | Take profit: 2050.03125 +2025-03-10 12:42:42,065 - INFO - CLOSED short at 2085.09 | PnL: -0.18% | $-0.89 +2025-03-10 12:42:42,174 - INFO - OPENED LONG at 2086.57 | Stop loss: 2076.13715 | Take profit: 2117.86855 +2025-03-10 12:42:42,640 - INFO - CLOSED long at 2088.1 | PnL: 0.07% | $-0.08 +2025-03-10 12:42:42,641 - INFO - OPENED SHORT at 2088.1 | Stop loss: 2098.5404999999996 | Take profit: 2056.7785 +2025-03-10 12:42:42,768 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 31.2% in downtrends | Avg Win=$0.37, Avg Loss=$-0.58 +2025-03-10 12:42:42,770 - INFO - Episode 3: Reward=-46.90, Balance=$76.99, Win Rate=30.9%, Trades=81, Episode PnL=$-12.78, Total PnL=$-112.96, Max Drawdown=23.0%, Pred Accuracy=99.2% +2025-03-10 12:42:42,920 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:42:42,921 - INFO - New best reward model saved: -46.90 +2025-03-10 12:42:43,060 - INFO - Model saved to models/trading_agent_best_winrate.pt +2025-03-10 12:42:43,060 - INFO - New best win rate model saved: 30.9% +2025-03-10 12:42:43,087 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:42:43,561 - INFO - OPENED SHORT at 2060.1 | Stop loss: 2070.4004999999997 | Take profit: 2029.1985 +2025-03-10 12:42:43,662 - INFO - CLOSED short at 2057.52 | PnL: 0.13% | $0.10 +2025-03-10 12:42:44,142 - INFO - OPENED SHORT at 2055.39 | Stop loss: 2065.66695 | Take profit: 2024.5591499999998 +2025-03-10 12:42:44,190 - INFO - CLOSED short at 2053.56 | PnL: 0.09% | $-0.04 +2025-03-10 12:42:44,191 - INFO - OPENED LONG at 2053.56 | Stop loss: 2043.2921999999999 | Take profit: 2084.3633999999997 +2025-03-10 12:42:44,296 - INFO - CLOSED long at 2051.66 | PnL: -0.09% | $-0.77 +2025-03-10 12:42:44,297 - INFO - OPENED SHORT at 2051.66 | Stop loss: 2061.9183 | Take profit: 2020.8850999999997 +2025-03-10 12:42:44,462 - INFO - CLOSED short at 2052.25 | PnL: -0.03% | $-0.51 +2025-03-10 12:42:44,509 - INFO - OPENED SHORT at 2050.71 | Stop loss: 2060.96355 | Take profit: 2019.94935 +2025-03-10 12:42:44,562 - INFO - CLOSED short at 2050.44 | PnL: 0.01% | $-0.34 +2025-03-10 12:42:44,807 - INFO - OPENED SHORT at 2049.61 | Stop loss: 2059.85805 | Take profit: 2018.8658500000001 +2025-03-10 12:42:44,865 - INFO - CLOSED short at 2049.24 | PnL: 0.02% | $-0.32 +2025-03-10 12:42:44,912 - INFO - OPENED LONG at 2048.48 | Stop loss: 2038.2376 | Take profit: 2079.2072 +2025-03-10 12:42:44,958 - INFO - CLOSED long at 2047.39 | PnL: -0.05% | $-0.60 +2025-03-10 12:42:45,054 - INFO - OPENED SHORT at 2047.4 | Stop loss: 2057.6369999999997 | Take profit: 2016.689 +2025-03-10 12:42:45,406 - INFO - CLOSED short at 2048.51 | PnL: -0.05% | $-0.60 +2025-03-10 12:42:45,406 - INFO - OPENED LONG at 2048.51 | Stop loss: 2038.2674500000003 | Take profit: 2079.23765 +2025-03-10 12:42:45,512 - INFO - CLOSED long at 2050.24 | PnL: 0.08% | $-0.06 +2025-03-10 12:42:45,569 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6405499999998 | Take profit: 2080.6383499999997 +2025-03-10 12:42:45,617 - INFO - CLOSED long at 2051.11 | PnL: 0.06% | $-0.16 +2025-03-10 12:42:45,618 - INFO - OPENED SHORT at 2051.11 | Stop loss: 2061.36555 | Take profit: 2020.34335 +2025-03-10 12:42:46,089 - INFO - STOP LOSS hit for short at 2061.36555 | PnL: -0.50% | $-2.32 +2025-03-10 12:42:46,518 - INFO - OPENED SHORT at 2060.0 | Stop loss: 2070.2999999999997 | Take profit: 2029.1 +2025-03-10 12:42:46,696 - INFO - CLOSED short at 2059.49 | PnL: 0.02% | $-0.28 +2025-03-10 12:42:46,697 - INFO - OPENED LONG at 2059.49 | Stop loss: 2049.1925499999998 | Take profit: 2090.3823499999994 +2025-03-10 12:42:46,748 - INFO - CLOSED long at 2057.8 | PnL: -0.08% | $-0.69 +2025-03-10 12:42:46,749 - INFO - OPENED SHORT at 2057.8 | Stop loss: 2068.089 | Take profit: 2026.9330000000002 +2025-03-10 12:42:47,126 - INFO - STOP LOSS hit for short at 2068.089 | PnL: -0.50% | $-2.24 +2025-03-10 12:42:47,223 - INFO - OPENED LONG at 2068.29 | Stop loss: 2057.94855 | Take profit: 2099.3143499999996 +2025-03-10 12:42:47,273 - INFO - CLOSED long at 2067.89 | PnL: -0.02% | $-0.44 +2025-03-10 12:42:47,326 - INFO - OPENED LONG at 2071.63 | Stop loss: 2061.27185 | Take profit: 2102.7044499999997 +2025-03-10 12:42:47,442 - INFO - CLOSED long at 2069.6 | PnL: -0.10% | $-0.72 +2025-03-10 12:42:47,750 - INFO - OPENED SHORT at 2071.44 | Stop loss: 2081.7972 | Take profit: 2040.3684 +2025-03-10 12:42:47,848 - INFO - CLOSED short at 2075.1 | PnL: -0.18% | $-1.00 +2025-03-10 12:42:47,850 - INFO - OPENED LONG at 2075.1 | Stop loss: 2064.7245 | Take profit: 2106.2264999999998 +2025-03-10 12:42:48,062 - INFO - CLOSED long at 2071.41 | PnL: -0.18% | $-0.99 +2025-03-10 12:42:48,305 - INFO - OPENED SHORT at 2070.79 | Stop loss: 2081.1439499999997 | Take profit: 2039.72815 +2025-03-10 12:42:48,353 - INFO - CLOSED short at 2070.28 | PnL: 0.02% | $-0.27 +2025-03-10 12:42:48,353 - INFO - OPENED LONG at 2070.28 | Stop loss: 2059.9286 | Take profit: 2101.3342 +2025-03-10 12:42:48,657 - INFO - CLOSED long at 2069.34 | PnL: -0.05% | $-0.51 +2025-03-10 12:42:48,744 - INFO - OPENED SHORT at 2068.8 | Stop loss: 2079.144 | Take profit: 2037.7680000000003 +2025-03-10 12:42:48,931 - INFO - CLOSED short at 2066.39 | PnL: 0.12% | $0.06 +2025-03-10 12:42:49,179 - INFO - OPENED LONG at 2066.18 | Stop loss: 2055.8491 | Take profit: 2097.1726999999996 +2025-03-10 12:42:49,370 - INFO - CLOSED long at 2068.59 | PnL: 0.12% | $0.06 +2025-03-10 12:42:49,459 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0480000000002 | Take profit: 2101.4559999999997 +2025-03-10 12:42:49,803 - INFO - CLOSED long at 2072.7 | PnL: 0.11% | $0.04 +2025-03-10 12:42:49,803 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.0634999999997 | Take profit: 2041.6094999999998 +2025-03-10 12:42:49,900 - INFO - CLOSED short at 2074.29 | PnL: -0.08% | $-0.62 +2025-03-10 12:42:49,901 - INFO - OPENED LONG at 2074.29 | Stop loss: 2063.91855 | Take profit: 2105.40435 +2025-03-10 12:42:49,997 - INFO - CLOSED long at 2071.92 | PnL: -0.11% | $-0.74 +2025-03-10 12:42:49,998 - INFO - OPENED SHORT at 2071.92 | Stop loss: 2082.2796 | Take profit: 2040.8412 +2025-03-10 12:42:50,328 - INFO - CLOSED short at 2067.79 | PnL: 0.20% | $0.34 +2025-03-10 12:42:50,613 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:42:50,662 - INFO - CLOSED short at 2068.58 | PnL: -0.03% | $-0.46 +2025-03-10 12:42:50,819 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.1992999999998 | Take profit: 2036.8421 +2025-03-10 12:42:51,025 - INFO - CLOSED short at 2071.59 | PnL: -0.18% | $-0.96 +2025-03-10 12:42:51,026 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.23205 | Take profit: 2102.66385 +2025-03-10 12:42:51,264 - INFO - CLOSED long at 2068.69 | PnL: -0.14% | $-0.82 +2025-03-10 12:42:51,265 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.03345 | Take profit: 2037.65965 +2025-03-10 12:42:51,312 - INFO - CLOSED short at 2067.84 | PnL: 0.04% | $-0.20 +2025-03-10 12:42:51,493 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4304999999995 | Take profit: 2035.1084999999998 +2025-03-10 12:42:51,637 - INFO - CLOSED short at 2064.47 | PnL: 0.08% | $-0.07 +2025-03-10 12:42:51,638 - INFO - OPENED LONG at 2064.47 | Stop loss: 2054.14765 | Take profit: 2095.4370499999995 +2025-03-10 12:42:51,948 - INFO - CLOSED long at 2064.99 | PnL: 0.03% | $-0.25 +2025-03-10 12:42:51,948 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.3149499999995 | Take profit: 2034.0151499999997 +2025-03-10 12:42:52,089 - INFO - CLOSED short at 2065.26 | PnL: -0.01% | $-0.38 +2025-03-10 12:42:52,090 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9337 | Take profit: 2096.2389 +2025-03-10 12:42:52,198 - INFO - CLOSED long at 2062.65 | PnL: -0.13% | $-0.75 +2025-03-10 12:42:52,299 - INFO - OPENED SHORT at 2059.59 | Stop loss: 2069.88795 | Take profit: 2028.6961500000002 +2025-03-10 12:42:52,506 - INFO - CLOSED short at 2066.24 | PnL: -0.32% | $-1.40 +2025-03-10 12:42:52,692 - INFO - OPENED SHORT at 2064.45 | Stop loss: 2074.7722499999995 | Take profit: 2033.4832499999998 +2025-03-10 12:42:52,736 - INFO - CLOSED short at 2064.08 | PnL: 0.02% | $-0.27 +2025-03-10 12:42:52,828 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.57555 | Take profit: 2093.83335 +2025-03-10 12:42:53,023 - INFO - CLOSED long at 2060.9 | PnL: -0.10% | $-0.64 +2025-03-10 12:42:53,068 - INFO - OPENED SHORT at 2060.65 | Stop loss: 2070.95325 | Take profit: 2029.74025 +2025-03-10 12:42:53,647 - INFO - CLOSED short at 2065.36 | PnL: -0.23% | $-1.05 +2025-03-10 12:42:53,833 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.5605499999997 | Take profit: 2096.8783499999995 +2025-03-10 12:42:53,981 - INFO - CLOSED long at 2062.6 | PnL: -0.16% | $-0.82 +2025-03-10 12:42:54,219 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.3119500000003 | Take profit: 2090.5041499999998 +2025-03-10 12:42:54,269 - INFO - CLOSED long at 2059.16 | PnL: -0.02% | $-0.38 +2025-03-10 12:42:54,493 - INFO - OPENED LONG at 2059.46 | Stop loss: 2049.1627 | Take profit: 2090.3518999999997 +2025-03-10 12:42:54,889 - INFO - CLOSED long at 2056.71 | PnL: -0.13% | $-0.73 +2025-03-10 12:42:55,243 - INFO - OPENED SHORT at 2062.69 | Stop loss: 2073.0034499999997 | Take profit: 2031.74965 +2025-03-10 12:42:55,481 - INFO - CLOSED short at 2064.49 | PnL: -0.09% | $-0.58 +2025-03-10 12:42:55,775 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.01845 | Take profit: 2034.7046500000001 +2025-03-10 12:42:55,982 - INFO - STOP LOSS hit for short at 2076.01845 | PnL: -0.50% | $-1.84 +2025-03-10 12:42:56,262 - INFO - OPENED LONG at 2073.23 | Stop loss: 2062.86385 | Take profit: 2104.32845 +2025-03-10 12:42:56,369 - INFO - CLOSED long at 2068.15 | PnL: -0.25% | $-1.03 +2025-03-10 12:42:56,423 - INFO - OPENED SHORT at 2068.39 | Stop loss: 2078.73195 | Take profit: 2037.3641499999999 +2025-03-10 12:42:56,667 - INFO - CLOSED short at 2072.99 | PnL: -0.22% | $-0.95 +2025-03-10 12:42:56,765 - INFO - OPENED SHORT at 2069.87 | Stop loss: 2080.21935 | Take profit: 2038.8219499999998 +2025-03-10 12:42:57,172 - INFO - CLOSED short at 2065.3 | PnL: 0.22% | $0.35 +2025-03-10 12:42:57,173 - INFO - OPENED LONG at 2065.3 | Stop loss: 2054.9735 | Take profit: 2096.2795 +2025-03-10 12:42:57,410 - INFO - CLOSED long at 2065.29 | PnL: -0.00% | $-0.29 +2025-03-10 12:42:57,410 - INFO - OPENED SHORT at 2065.29 | Stop loss: 2075.6164499999995 | Take profit: 2034.31065 +2025-03-10 12:42:57,456 - INFO - CLOSED short at 2065.31 | PnL: -0.00% | $-0.29 +2025-03-10 12:42:57,545 - INFO - OPENED LONG at 2066.5 | Stop loss: 2056.1675 | Take profit: 2097.4975 +2025-03-10 12:42:57,589 - INFO - CLOSED long at 2068.59 | PnL: 0.10% | $0.00 +2025-03-10 12:42:57,640 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.9479499999998 | Take profit: 2040.5161500000002 +2025-03-10 12:42:58,000 - INFO - CLOSED short at 2070.61 | PnL: 0.05% | $-0.15 +2025-03-10 12:42:58,048 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.6300499999998 | Take profit: 2103.0698499999994 +2025-03-10 12:42:58,099 - INFO - CLOSED long at 2068.19 | PnL: -0.18% | $-0.82 +2025-03-10 12:42:58,099 - INFO - OPENED SHORT at 2068.19 | Stop loss: 2078.53095 | Take profit: 2037.16715 +2025-03-10 12:42:58,146 - INFO - CLOSED short at 2068.67 | PnL: -0.02% | $-0.35 +2025-03-10 12:42:58,416 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.44535 | Take profit: 2043.94395 +2025-03-10 12:42:58,588 - INFO - CLOSED short at 2073.99 | PnL: 0.05% | $-0.14 +2025-03-10 12:42:58,589 - INFO - OPENED LONG at 2073.99 | Stop loss: 2063.62005 | Take profit: 2105.0998499999996 +2025-03-10 12:42:58,749 - INFO - CLOSED long at 2076.9 | PnL: 0.14% | $0.11 +2025-03-10 12:42:59,007 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.0384999999997 | Take profit: 2036.6844999999998 +2025-03-10 12:42:59,180 - INFO - CLOSED short at 2066.4 | PnL: 0.06% | $-0.11 +2025-03-10 12:42:59,228 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.55555 | Take profit: 2097.89335 +2025-03-10 12:42:59,738 - INFO - CLOSED long at 2065.8 | PnL: -0.05% | $-0.43 +2025-03-10 12:42:59,932 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.0283 | Take profit: 2093.2751 +2025-03-10 12:43:00,031 - INFO - CLOSED long at 2066.1 | PnL: 0.18% | $0.23 +2025-03-10 12:43:00,032 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4304999999995 | Take profit: 2035.1084999999998 +2025-03-10 12:43:00,232 - INFO - CLOSED short at 2066.33 | PnL: -0.01% | $-0.32 +2025-03-10 12:43:00,233 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.99835 | Take profit: 2097.3249499999997 +2025-03-10 12:43:00,338 - INFO - CLOSED long at 2060.7 | PnL: -0.27% | $-1.05 +2025-03-10 12:43:00,391 - INFO - OPENED LONG at 2060.2 | Stop loss: 2049.899 | Take profit: 2091.1029999999996 +2025-03-10 12:43:00,452 - INFO - CLOSED long at 2059.2 | PnL: -0.05% | $-0.41 +2025-03-10 12:43:00,453 - INFO - OPENED SHORT at 2059.2 | Stop loss: 2069.4959999999996 | Take profit: 2028.312 +2025-03-10 12:43:00,550 - INFO - CLOSED short at 2058.65 | PnL: 0.03% | $-0.20 +2025-03-10 12:43:00,551 - INFO - OPENED LONG at 2058.65 | Stop loss: 2048.35675 | Take profit: 2089.5297499999997 +2025-03-10 12:43:00,702 - INFO - CLOSED long at 2049.21 | PnL: -0.46% | $-1.54 +2025-03-10 12:43:00,702 - INFO - OPENED SHORT at 2049.21 | Stop loss: 2059.45605 | Take profit: 2018.47185 +2025-03-10 12:43:00,795 - INFO - CLOSED short at 2051.99 | PnL: -0.14% | $-0.64 +2025-03-10 12:43:00,796 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7300499999997 | Take profit: 2082.7698499999997 +2025-03-10 12:43:00,885 - INFO - CLOSED long at 2056.85 | PnL: 0.24% | $0.37 +2025-03-10 12:43:01,851 - INFO - OPENED LONG at 2070.31 | Stop loss: 2059.95845 | Take profit: 2101.3646499999995 +2025-03-10 12:43:01,900 - INFO - CLOSED long at 2070.24 | PnL: -0.00% | $-0.28 +2025-03-10 12:43:01,954 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9933 | Take profit: 2100.3801 +2025-03-10 12:43:02,087 - INFO - CLOSED long at 2073.49 | PnL: 0.20% | $0.27 +2025-03-10 12:43:02,088 - INFO - OPENED SHORT at 2073.49 | Stop loss: 2083.8574499999995 | Take profit: 2042.3876499999997 +2025-03-10 12:43:02,134 - INFO - CLOSED short at 2074.05 | PnL: -0.03% | $-0.34 +2025-03-10 12:43:02,135 - INFO - OPENED LONG at 2074.05 | Stop loss: 2063.6797500000002 | Take profit: 2105.16075 +2025-03-10 12:43:02,705 - INFO - TAKE PROFIT hit for long at 2105.16075 | PnL: 1.50% | $3.74 +2025-03-10 12:43:02,879 - INFO - OPENED SHORT at 2133.95 | Stop loss: 2144.6197499999994 | Take profit: 2101.9407499999998 +2025-03-10 12:43:03,044 - INFO - CLOSED short at 2141.3 | PnL: -0.34% | $-1.25 +2025-03-10 12:43:03,100 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.3933999999995 | Take profit: 2110.5398 +2025-03-10 12:43:03,572 - INFO - CLOSED short at 2119.93 | PnL: 1.06% | $2.66 +2025-03-10 12:43:03,572 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3303499999997 | Take profit: 2151.7289499999997 +2025-03-10 12:43:03,619 - INFO - CLOSED long at 2121.4 | PnL: 0.07% | $-0.09 +2025-03-10 12:43:03,904 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.047 | Take profit: 2142.2589999999996 +2025-03-10 12:43:03,948 - INFO - CLOSED long at 2109.05 | PnL: -0.07% | $-0.50 +2025-03-10 12:43:04,095 - INFO - OPENED SHORT at 2112.46 | Stop loss: 2123.0222999999996 | Take profit: 2080.7731 +2025-03-10 12:43:04,141 - INFO - CLOSED short at 2113.24 | PnL: -0.04% | $-0.39 +2025-03-10 12:43:04,142 - INFO - OPENED LONG at 2113.24 | Stop loss: 2102.6737999999996 | Take profit: 2144.9385999999995 +2025-03-10 12:43:04,336 - INFO - CLOSED long at 2114.8 | PnL: 0.07% | $-0.07 +2025-03-10 12:43:04,422 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.16645 | Take profit: 2140.3406499999996 +2025-03-10 12:43:04,659 - INFO - CLOSED long at 2090.0 | PnL: -0.89% | $-2.80 +2025-03-10 12:43:04,660 - INFO - OPENED SHORT at 2090.0 | Stop loss: 2100.45 | Take profit: 2058.65 +2025-03-10 12:43:04,705 - INFO - CLOSED short at 2099.53 | PnL: -0.46% | $-1.51 +2025-03-10 12:43:04,706 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0323500000004 | Take profit: 2131.02295 +2025-03-10 12:43:05,381 - INFO - CLOSED long at 2100.02 | PnL: 0.02% | $-0.20 +2025-03-10 12:43:05,494 - INFO - OPENED SHORT at 2095.29 | Stop loss: 2105.7664499999996 | Take profit: 2063.86065 +2025-03-10 12:43:05,546 - INFO - CLOSED short at 2093.46 | PnL: 0.09% | $-0.03 +2025-03-10 12:43:05,947 - INFO - OPENED SHORT at 2088.44 | Stop loss: 2098.8822 | Take profit: 2057.1134 +2025-03-10 12:43:06,047 - INFO - CLOSED short at 2085.3 | PnL: 0.15% | $0.13 +2025-03-10 12:43:06,196 - INFO - OPENED LONG at 2080.38 | Stop loss: 2069.9781000000003 | Take profit: 2111.5857 +2025-03-10 12:43:06,347 - INFO - CLOSED long at 2085.09 | PnL: 0.23% | $0.34 +2025-03-10 12:43:06,348 - INFO - OPENED SHORT at 2085.09 | Stop loss: 2095.51545 | Take profit: 2053.81365 +2025-03-10 12:43:06,398 - INFO - CLOSED short at 2083.59 | PnL: 0.07% | $-0.07 +2025-03-10 12:43:06,399 - INFO - OPENED LONG at 2083.59 | Stop loss: 2073.17205 | Take profit: 2114.8438499999997 +2025-03-10 12:43:06,552 - INFO - CLOSED long at 2084.72 | PnL: 0.05% | $-0.12 +2025-03-10 12:43:06,552 - INFO - OPENED SHORT at 2084.72 | Stop loss: 2095.1435999999994 | Take profit: 2053.4491999999996 +2025-03-10 12:43:06,906 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 13.0% in downtrends | Avg Win=$0.59, Avg Loss=$-0.63 +2025-03-10 12:43:06,907 - INFO - Episode 4: Reward=165.81, Balance=$66.59, Win Rate=18.3%, Trades=82, Episode PnL=$-20.06, Total PnL=$-146.36, Max Drawdown=33.7%, Pred Accuracy=99.6% +2025-03-10 12:43:07,062 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:43:07,062 - INFO - New best reward model saved: 165.81 +2025-03-10 12:43:07,094 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:43:07,490 - INFO - OPENED SHORT at 2059.4 | Stop loss: 2069.6969999999997 | Take profit: 2028.509 +2025-03-10 12:43:07,602 - INFO - CLOSED short at 2060.51 | PnL: -0.05% | $-0.62 +2025-03-10 12:43:07,648 - INFO - OPENED LONG at 2057.52 | Stop loss: 2047.2323999999999 | Take profit: 2088.3828 +2025-03-10 12:43:08,283 - INFO - CLOSED long at 2051.66 | PnL: -0.28% | $-1.53 +2025-03-10 12:43:08,339 - INFO - OPENED LONG at 2052.16 | Stop loss: 2041.8991999999998 | Take profit: 2082.9423999999995 +2025-03-10 12:43:08,443 - INFO - CLOSED long at 2052.25 | PnL: 0.00% | $-0.37 +2025-03-10 12:43:08,444 - INFO - OPENED SHORT at 2052.25 | Stop loss: 2062.5112499999996 | Take profit: 2021.46625 +2025-03-10 12:43:08,765 - INFO - CLOSED short at 2051.99 | PnL: 0.01% | $-0.34 +2025-03-10 12:43:08,817 - INFO - OPENED LONG at 2049.61 | Stop loss: 2039.3619500000002 | Take profit: 2080.35415 +2025-03-10 12:43:09,166 - INFO - CLOSED long at 2045.99 | PnL: -0.18% | $-1.07 +2025-03-10 12:43:09,167 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.2199499999997 | Take profit: 2015.30015 +2025-03-10 12:43:09,260 - INFO - CLOSED short at 2045.79 | PnL: 0.01% | $-0.35 +2025-03-10 12:43:09,260 - INFO - OPENED LONG at 2045.79 | Stop loss: 2035.56105 | Take profit: 2076.4768499999996 +2025-03-10 12:43:09,469 - INFO - CLOSED long at 2050.0 | PnL: 0.21% | $0.41 +2025-03-10 12:43:09,469 - INFO - OPENED SHORT at 2050.0 | Stop loss: 2060.25 | Take profit: 2019.25 +2025-03-10 12:43:09,883 - INFO - CLOSED short at 2057.01 | PnL: -0.34% | $-1.70 +2025-03-10 12:43:09,883 - INFO - OPENED LONG at 2057.01 | Stop loss: 2046.7249500000003 | Take profit: 2087.86515 +2025-03-10 12:43:09,934 - INFO - CLOSED long at 2056.89 | PnL: -0.01% | $-0.40 +2025-03-10 12:43:10,122 - INFO - OPENED SHORT at 2061.49 | Stop loss: 2071.7974499999996 | Take profit: 2030.5676499999997 +2025-03-10 12:43:10,168 - INFO - CLOSED short at 2063.29 | PnL: -0.09% | $-0.70 +2025-03-10 12:43:10,168 - INFO - OPENED LONG at 2063.29 | Stop loss: 2052.97355 | Take profit: 2094.23935 +2025-03-10 12:43:10,210 - INFO - CLOSED long at 2064.61 | PnL: 0.06% | $-0.13 +2025-03-10 12:43:10,259 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.27205 | Take profit: 2094.54385 +2025-03-10 12:43:11,040 - INFO - CLOSED long at 2061.79 | PnL: -0.09% | $-0.70 +2025-03-10 12:43:11,090 - INFO - OPENED SHORT at 2061.18 | Stop loss: 2071.4858999999997 | Take profit: 2030.2622999999999 +2025-03-10 12:43:11,141 - INFO - CLOSED short at 2064.32 | PnL: -0.15% | $-0.93 +2025-03-10 12:43:11,142 - INFO - OPENED LONG at 2064.32 | Stop loss: 2053.9984 | Take profit: 2095.2848 +2025-03-10 12:43:11,277 - INFO - CLOSED long at 2068.11 | PnL: 0.18% | $0.31 +2025-03-10 12:43:11,808 - INFO - OPENED LONG at 2070.26 | Stop loss: 2059.9087000000004 | Take profit: 2101.3139 +2025-03-10 12:43:11,856 - INFO - CLOSED long at 2071.44 | PnL: 0.06% | $-0.16 +2025-03-10 12:43:12,028 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.2745499999996 | Take profit: 2041.8163499999998 +2025-03-10 12:43:12,082 - INFO - CLOSED short at 2072.33 | PnL: 0.03% | $-0.26 +2025-03-10 12:43:12,856 - INFO - OPENED SHORT at 2069.19 | Stop loss: 2079.53595 | Take profit: 2038.1521500000001 +2025-03-10 12:43:13,160 - INFO - CLOSED short at 2065.99 | PnL: 0.15% | $0.20 +2025-03-10 12:43:13,160 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.66005 | Take profit: 2096.9798499999997 +2025-03-10 12:43:13,211 - INFO - CLOSED long at 2066.19 | PnL: 0.01% | $-0.33 +2025-03-10 12:43:13,267 - INFO - OPENED SHORT at 2066.29 | Stop loss: 2076.6214499999996 | Take profit: 2035.29565 +2025-03-10 12:43:13,371 - INFO - CLOSED short at 2066.18 | PnL: 0.01% | $-0.35 +2025-03-10 12:43:13,476 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.5555 | Take profit: 2099.9335 +2025-03-10 12:43:13,582 - INFO - CLOSED long at 2068.59 | PnL: -0.01% | $-0.42 +2025-03-10 12:43:13,582 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.93295 | Take profit: 2037.5611500000002 +2025-03-10 12:43:13,686 - INFO - CLOSED short at 2070.4 | PnL: -0.09% | $-0.68 +2025-03-10 12:43:13,741 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.3098 | Take profit: 2038.9106 +2025-03-10 12:43:14,303 - INFO - CLOSED short at 2070.4 | PnL: -0.02% | $-0.44 +2025-03-10 12:43:14,400 - INFO - OPENED LONG at 2069.46 | Stop loss: 2059.1127 | Take profit: 2100.5018999999998 +2025-03-10 12:43:14,488 - INFO - CLOSED long at 2068.32 | PnL: -0.06% | $-0.55 +2025-03-10 12:43:14,642 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.7972999999997 | Take profit: 2036.4481 +2025-03-10 12:43:14,742 - INFO - CLOSED short at 2065.49 | PnL: 0.10% | $-0.02 +2025-03-10 12:43:14,742 - INFO - OPENED LONG at 2065.49 | Stop loss: 2055.1625499999996 | Take profit: 2096.4723499999996 +2025-03-10 12:43:14,885 - INFO - CLOSED long at 2067.89 | PnL: 0.12% | $0.06 +2025-03-10 12:43:15,398 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0480000000002 | Take profit: 2101.4559999999997 +2025-03-10 12:43:15,444 - INFO - CLOSED long at 2070.73 | PnL: 0.02% | $-0.30 +2025-03-10 12:43:15,548 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.03345 | Take profit: 2037.65965 +2025-03-10 12:43:15,595 - INFO - CLOSED short at 2067.84 | PnL: 0.04% | $-0.21 +2025-03-10 12:43:15,595 - INFO - OPENED LONG at 2067.84 | Stop loss: 2057.5008000000003 | Take profit: 2098.8576 +2025-03-10 12:43:15,693 - INFO - CLOSED long at 2067.86 | PnL: 0.00% | $-0.35 +2025-03-10 12:43:15,693 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.1992999999998 | Take profit: 2036.8421 +2025-03-10 12:43:15,985 - INFO - CLOSED short at 2070.04 | PnL: -0.11% | $-0.72 +2025-03-10 12:43:16,686 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9935 | Take profit: 2092.2195 +2025-03-10 12:43:16,783 - INFO - CLOSED long at 2064.96 | PnL: 0.18% | $0.27 +2025-03-10 12:43:16,785 - INFO - OPENED SHORT at 2064.96 | Stop loss: 2075.2848 | Take profit: 2033.9856 +2025-03-10 12:43:16,888 - INFO - CLOSED short at 2067.1 | PnL: -0.10% | $-0.71 +2025-03-10 12:43:16,889 - INFO - OPENED LONG at 2067.1 | Stop loss: 2056.7644999999998 | Take profit: 2098.1065 +2025-03-10 12:43:17,186 - INFO - CLOSED long at 2062.89 | PnL: -0.20% | $-1.06 +2025-03-10 12:43:17,387 - INFO - OPENED LONG at 2060.9 | Stop loss: 2050.5955 | Take profit: 2091.8134999999997 +2025-03-10 12:43:17,492 - INFO - CLOSED long at 2058.89 | PnL: -0.10% | $-0.68 +2025-03-10 12:43:17,657 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.491 | Take profit: 2092.727 +2025-03-10 12:43:17,893 - INFO - CLOSED long at 2060.3 | PnL: -0.07% | $-0.59 +2025-03-10 12:43:17,945 - INFO - OPENED LONG at 2061.13 | Stop loss: 2050.8243500000003 | Take profit: 2092.04695 +2025-03-10 12:43:18,318 - INFO - CLOSED long at 2065.89 | PnL: 0.23% | $0.44 +2025-03-10 12:43:18,425 - INFO - OPENED LONG at 2063.0 | Stop loss: 2052.685 | Take profit: 2093.9449999999997 +2025-03-10 12:43:18,485 - INFO - CLOSED long at 2062.6 | PnL: -0.02% | $-0.41 +2025-03-10 12:43:18,485 - INFO - OPENED SHORT at 2062.6 | Stop loss: 2072.9129999999996 | Take profit: 2031.6609999999998 +2025-03-10 12:43:18,542 - INFO - CLOSED short at 2061.89 | PnL: 0.03% | $-0.22 +2025-03-10 12:43:18,543 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5805499999997 | Take profit: 2092.8183499999996 +2025-03-10 12:43:18,651 - INFO - CLOSED long at 2060.7 | PnL: -0.06% | $-0.53 +2025-03-10 12:43:18,652 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:43:18,884 - INFO - CLOSED short at 2059.02 | PnL: 0.08% | $-0.06 +2025-03-10 12:43:18,942 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.1844499999997 | Take profit: 2028.0066499999998 +2025-03-10 12:43:18,999 - INFO - CLOSED short at 2059.96 | PnL: -0.05% | $-0.51 +2025-03-10 12:43:19,050 - INFO - OPENED SHORT at 2059.46 | Stop loss: 2069.7572999999998 | Take profit: 2028.5681 +2025-03-10 12:43:19,737 - INFO - CLOSED short at 2062.69 | PnL: -0.16% | $-0.86 +2025-03-10 12:43:19,737 - INFO - OPENED LONG at 2062.69 | Stop loss: 2052.37655 | Take profit: 2093.63035 +2025-03-10 12:43:19,832 - INFO - CLOSED long at 2066.36 | PnL: 0.18% | $0.26 +2025-03-10 12:43:19,833 - INFO - OPENED SHORT at 2066.36 | Stop loss: 2076.6918 | Take profit: 2035.3646 +2025-03-10 12:43:20,403 - INFO - CLOSED short at 2072.0 | PnL: -0.27% | $-1.23 +2025-03-10 12:43:20,403 - INFO - OPENED LONG at 2072.0 | Stop loss: 2061.64 | Take profit: 2103.08 +2025-03-10 12:43:21,254 - INFO - CLOSED long at 2071.49 | PnL: -0.02% | $-0.41 +2025-03-10 12:43:21,255 - INFO - OPENED SHORT at 2071.49 | Stop loss: 2081.8474499999998 | Take profit: 2040.4176499999999 +2025-03-10 12:43:21,303 - INFO - CLOSED short at 2069.87 | PnL: 0.08% | $-0.07 +2025-03-10 12:43:21,303 - INFO - OPENED LONG at 2069.87 | Stop loss: 2059.52065 | Take profit: 2100.9180499999998 +2025-03-10 12:43:21,508 - INFO - CLOSED long at 2065.66 | PnL: -0.20% | $-0.98 +2025-03-10 12:43:21,508 - INFO - OPENED SHORT at 2065.66 | Stop loss: 2075.9882999999995 | Take profit: 2034.6751 +2025-03-10 12:43:22,015 - INFO - CLOSED short at 2065.31 | PnL: 0.02% | $-0.27 +2025-03-10 12:43:22,016 - INFO - OPENED LONG at 2065.31 | Stop loss: 2054.9834499999997 | Take profit: 2096.2896499999997 +2025-03-10 12:43:22,064 - INFO - CLOSED long at 2066.8 | PnL: 0.07% | $-0.09 +2025-03-10 12:43:22,065 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.134 | Take profit: 2035.7980000000002 +2025-03-10 12:43:22,216 - INFO - CLOSED short at 2071.59 | PnL: -0.23% | $-1.06 +2025-03-10 12:43:22,268 - INFO - OPENED LONG at 2070.2 | Stop loss: 2059.8489999999997 | Take profit: 2101.2529999999997 +2025-03-10 12:43:22,469 - INFO - CLOSED long at 2070.7 | PnL: 0.02% | $-0.24 +2025-03-10 12:43:22,824 - INFO - OPENED LONG at 2070.67 | Stop loss: 2060.31665 | Take profit: 2101.7300499999997 +2025-03-10 12:43:23,133 - INFO - CLOSED long at 2073.27 | PnL: 0.13% | $0.08 +2025-03-10 12:43:23,180 - INFO - OPENED SHORT at 2073.99 | Stop loss: 2084.3599499999996 | Take profit: 2042.8801499999997 +2025-03-10 12:43:23,286 - INFO - CLOSED short at 2075.29 | PnL: -0.06% | $-0.51 +2025-03-10 12:43:23,288 - INFO - OPENED LONG at 2075.29 | Stop loss: 2064.9135499999998 | Take profit: 2106.4193499999997 +2025-03-10 12:43:23,480 - INFO - CLOSED long at 2072.09 | PnL: -0.15% | $-0.79 +2025-03-10 12:43:23,481 - INFO - OPENED SHORT at 2072.09 | Stop loss: 2082.45045 | Take profit: 2041.0086500000002 +2025-03-10 12:43:23,530 - INFO - CLOSED short at 2069.97 | PnL: 0.10% | $0.01 +2025-03-10 12:43:23,723 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.068 | Take profit: 2097.3959999999997 +2025-03-10 12:43:24,707 - INFO - CLOSED long at 2065.06 | PnL: -0.06% | $-0.51 +2025-03-10 12:43:24,708 - INFO - OPENED SHORT at 2065.06 | Stop loss: 2075.3853 | Take profit: 2034.0840999999998 +2025-03-10 12:43:25,028 - INFO - CLOSED short at 2060.2 | PnL: 0.24% | $0.41 +2025-03-10 12:43:25,236 - INFO - OPENED LONG at 2056.77 | Stop loss: 2046.48615 | Take profit: 2087.62155 +2025-03-10 12:43:25,335 - INFO - CLOSED long at 2049.21 | PnL: -0.37% | $-1.44 +2025-03-10 12:43:25,660 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.6005499999999 | Take profit: 2088.7583499999996 +2025-03-10 12:43:26,298 - INFO - CLOSED long at 2060.7 | PnL: 0.14% | $0.11 +2025-03-10 12:43:26,298 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:43:26,412 - INFO - CLOSED short at 2062.54 | PnL: -0.09% | $-0.57 +2025-03-10 12:43:26,413 - INFO - OPENED LONG at 2062.54 | Stop loss: 2052.2273 | Take profit: 2093.4781 +2025-03-10 12:43:26,463 - INFO - CLOSED long at 2065.72 | PnL: 0.15% | $0.16 +2025-03-10 12:43:26,464 - INFO - OPENED SHORT at 2065.72 | Stop loss: 2076.0485999999996 | Take profit: 2034.7341999999999 +2025-03-10 12:43:26,571 - INFO - CLOSED short at 2070.24 | PnL: -0.22% | $-0.96 +2025-03-10 12:43:26,572 - INFO - OPENED LONG at 2070.24 | Stop loss: 2059.8887999999997 | Take profit: 2101.2935999999995 +2025-03-10 12:43:27,133 - INFO - CLOSED long at 2077.61 | PnL: 0.36% | $0.76 +2025-03-10 12:43:27,134 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2087.9980499999997 | Take profit: 2046.44585 +2025-03-10 12:43:27,239 - INFO - STOP LOSS hit for short at 2087.9980499999997 | PnL: -0.50% | $-1.80 +2025-03-10 12:43:27,402 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2376999999997 | Take profit: 2107.4469 +2025-03-10 12:43:27,503 - INFO - CLOSED short at 2133.95 | PnL: 0.26% | $0.47 +2025-03-10 12:43:27,503 - INFO - OPENED LONG at 2133.95 | Stop loss: 2123.28025 | Take profit: 2165.9592499999994 +2025-03-10 12:43:27,720 - INFO - CLOSED long at 2142.68 | PnL: 0.41% | $0.91 +2025-03-10 12:43:27,720 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.3933999999995 | Take profit: 2110.5398 +2025-03-10 12:43:27,769 - INFO - CLOSED short at 2140.01 | PnL: 0.12% | $0.07 +2025-03-10 12:43:27,770 - INFO - OPENED LONG at 2140.01 | Stop loss: 2129.3099500000003 | Take profit: 2172.11015 +2025-03-10 12:43:27,874 - INFO - CLOSED long at 2126.99 | PnL: -0.61% | $-2.12 +2025-03-10 12:43:27,875 - INFO - OPENED SHORT at 2126.99 | Stop loss: 2137.6249499999994 | Take profit: 2095.08515 +2025-03-10 12:43:28,030 - INFO - CLOSED short at 2121.09 | PnL: 0.28% | $0.52 +2025-03-10 12:43:28,030 - INFO - OPENED LONG at 2121.09 | Stop loss: 2110.48455 | Take profit: 2152.9063499999997 +2025-03-10 12:43:28,184 - INFO - CLOSED long at 2119.93 | PnL: -0.05% | $-0.45 +2025-03-10 12:43:28,235 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.793 | Take profit: 2153.221 +2025-03-10 12:43:28,281 - INFO - CLOSED long at 2118.52 | PnL: -0.14% | $-0.69 +2025-03-10 12:43:28,282 - INFO - OPENED SHORT at 2118.52 | Stop loss: 2129.1126 | Take profit: 2086.7422 +2025-03-10 12:43:28,386 - INFO - CLOSED short at 2119.07 | PnL: -0.03% | $-0.36 +2025-03-10 12:43:28,387 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.47465 | Take profit: 2150.85605 +2025-03-10 12:43:28,432 - INFO - CLOSED long at 2115.28 | PnL: -0.18% | $-0.80 +2025-03-10 12:43:28,433 - INFO - OPENED SHORT at 2115.28 | Stop loss: 2125.8564 | Take profit: 2083.5508 +2025-03-10 12:43:29,057 - INFO - CLOSED short at 2110.9 | PnL: 0.21% | $0.30 +2025-03-10 12:43:29,105 - INFO - OPENED SHORT at 2108.71 | Stop loss: 2119.25355 | Take profit: 2077.07935 +2025-03-10 12:43:29,347 - INFO - CLOSED short at 2100.5 | PnL: 0.39% | $0.82 +2025-03-10 12:43:29,348 - INFO - OPENED LONG at 2100.5 | Stop loss: 2089.9975 | Take profit: 2132.0074999999997 +2025-03-10 12:43:29,481 - INFO - CLOSED long at 2099.53 | PnL: -0.05% | $-0.42 +2025-03-10 12:43:29,482 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.02765 | Take profit: 2068.0370500000004 +2025-03-10 12:43:29,807 - INFO - CLOSED short at 2100.69 | PnL: -0.06% | $-0.44 +2025-03-10 12:43:30,019 - INFO - OPENED LONG at 2103.86 | Stop loss: 2093.3407 | Take profit: 2135.4179 +2025-03-10 12:43:30,179 - INFO - CLOSED long at 2099.59 | PnL: -0.20% | $-0.86 +2025-03-10 12:43:30,179 - INFO - OPENED SHORT at 2099.59 | Stop loss: 2110.08795 | Take profit: 2068.0961500000003 +2025-03-10 12:43:30,391 - INFO - CLOSED short at 2093.46 | PnL: 0.29% | $0.54 +2025-03-10 12:43:30,497 - INFO - OPENED LONG at 2092.46 | Stop loss: 2081.9977 | Take profit: 2123.8469 +2025-03-10 12:43:30,648 - INFO - CLOSED long at 2094.08 | PnL: 0.08% | $-0.06 +2025-03-10 12:43:30,700 - INFO - OPENED SHORT at 2088.35 | Stop loss: 2098.79175 | Take profit: 2057.02475 +2025-03-10 12:43:30,792 - INFO - CLOSED short at 2088.44 | PnL: -0.00% | $-0.30 +2025-03-10 12:43:30,793 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.9978 | Take profit: 2119.7666 +2025-03-10 12:43:30,932 - INFO - CLOSED long at 2082.44 | PnL: -0.29% | $-1.09 +2025-03-10 12:43:30,932 - INFO - OPENED SHORT at 2082.44 | Stop loss: 2092.8522 | Take profit: 2051.2034 +2025-03-10 12:43:31,020 - INFO - CLOSED short at 2080.38 | PnL: 0.10% | $-0.00 +2025-03-10 12:43:31,065 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.65625 | Take profit: 2050.03125 +2025-03-10 12:43:31,429 - INFO - CLOSED short at 2085.83 | PnL: -0.22% | $-0.89 +2025-03-10 12:43:31,429 - INFO - OPENED LONG at 2085.83 | Stop loss: 2075.40085 | Take profit: 2117.1174499999997 +2025-03-10 12:43:31,487 - INFO - CLOSED long at 2085.85 | PnL: 0.00% | $-0.27 +2025-03-10 12:43:31,488 - INFO - OPENED SHORT at 2085.85 | Stop loss: 2096.2792499999996 | Take profit: 2054.56225 +2025-03-10 12:43:31,753 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 20.8% in downtrends | Avg Win=$0.36, Avg Loss=$-0.61 +2025-03-10 12:43:31,754 - INFO - Episode 5: Reward=-64.86, Balance=$68.17, Win Rate=23.8%, Trades=84, Episode PnL=$-13.75, Total PnL=$-178.19, Max Drawdown=30.7%, Pred Accuracy=99.5% +2025-03-10 12:43:31,788 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:43:32,120 - INFO - OPENED SHORT at 2059.03 | Stop loss: 2069.32515 | Take profit: 2028.1445500000002 +2025-03-10 12:43:32,426 - INFO - CLOSED short at 2057.59 | PnL: 0.07% | $-0.12 +2025-03-10 12:43:32,479 - INFO - OPENED SHORT at 2057.9 | Stop loss: 2068.1895 | Take profit: 2027.0315 +2025-03-10 12:43:32,844 - INFO - CLOSED short at 2053.56 | PnL: 0.21% | $0.44 +2025-03-10 12:43:32,844 - INFO - OPENED LONG at 2053.56 | Stop loss: 2043.2921999999999 | Take profit: 2084.3633999999997 +2025-03-10 12:43:33,120 - INFO - CLOSED long at 2050.71 | PnL: -0.14% | $-0.96 +2025-03-10 12:43:33,121 - INFO - OPENED SHORT at 2050.71 | Stop loss: 2060.96355 | Take profit: 2019.94935 +2025-03-10 12:43:33,729 - INFO - CLOSED short at 2047.2 | PnL: 0.17% | $0.28 +2025-03-10 12:43:33,788 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.2199499999997 | Take profit: 2015.30015 +2025-03-10 12:43:33,836 - INFO - CLOSED short at 2045.99 | PnL: 0.00% | $-0.40 +2025-03-10 12:43:33,837 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.76005 | Take profit: 2076.67985 +2025-03-10 12:43:34,103 - INFO - CLOSED long at 2050.0 | PnL: 0.20% | $0.38 +2025-03-10 12:43:34,243 - INFO - OPENED SHORT at 2051.11 | Stop loss: 2061.36555 | Take profit: 2020.34335 +2025-03-10 12:43:34,298 - INFO - CLOSED short at 2053.26 | PnL: -0.10% | $-0.82 +2025-03-10 12:43:34,398 - INFO - OPENED SHORT at 2052.3 | Stop loss: 2062.5615 | Take profit: 2021.5155000000002 +2025-03-10 12:43:34,780 - INFO - CLOSED short at 2061.49 | PnL: -0.45% | $-2.17 +2025-03-10 12:43:34,780 - INFO - OPENED LONG at 2061.49 | Stop loss: 2051.18255 | Take profit: 2092.4123499999996 +2025-03-10 12:43:34,951 - INFO - CLOSED long at 2063.59 | PnL: 0.10% | $0.01 +2025-03-10 12:43:35,368 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.57555 | Take profit: 2093.83335 +2025-03-10 12:43:35,420 - INFO - CLOSED long at 2060.31 | PnL: -0.13% | $-0.87 +2025-03-10 12:43:35,620 - INFO - OPENED SHORT at 2057.94 | Stop loss: 2068.2297 | Take profit: 2027.0709 +2025-03-10 12:43:35,932 - INFO - STOP LOSS hit for short at 2068.2297 | PnL: -0.50% | $-2.30 +2025-03-10 12:43:36,234 - INFO - OPENED SHORT at 2069.6 | Stop loss: 2079.948 | Take profit: 2038.5559999999998 +2025-03-10 12:43:36,490 - INFO - CLOSED short at 2070.26 | PnL: -0.03% | $-0.49 +2025-03-10 12:43:36,492 - INFO - OPENED LONG at 2070.26 | Stop loss: 2059.9087000000004 | Take profit: 2101.3139 +2025-03-10 12:43:36,591 - INFO - CLOSED long at 2073.73 | PnL: 0.17% | $0.25 +2025-03-10 12:43:37,076 - INFO - OPENED SHORT at 2070.28 | Stop loss: 2080.6313999999998 | Take profit: 2039.2258000000002 +2025-03-10 12:43:37,642 - INFO - CLOSED short at 2066.39 | PnL: 0.19% | $0.33 +2025-03-10 12:43:37,685 - INFO - OPENED SHORT at 2065.99 | Stop loss: 2076.3199499999996 | Take profit: 2035.0001499999998 +2025-03-10 12:43:38,213 - INFO - CLOSED short at 2069.96 | PnL: -0.19% | $-1.09 +2025-03-10 12:43:38,769 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0480000000002 | Take profit: 2101.4559999999997 +2025-03-10 12:43:38,959 - INFO - CLOSED long at 2068.32 | PnL: -0.10% | $-0.74 +2025-03-10 12:43:38,962 - INFO - OPENED SHORT at 2068.32 | Stop loss: 2078.6616 | Take profit: 2037.2952 +2025-03-10 12:43:39,413 - INFO - CLOSED short at 2068.58 | PnL: -0.01% | $-0.41 +2025-03-10 12:43:39,512 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.6866999999997 | Take profit: 2038.2999000000002 +2025-03-10 12:43:39,614 - INFO - CLOSED short at 2067.59 | PnL: 0.08% | $-0.06 +2025-03-10 12:43:39,614 - INFO - OPENED LONG at 2067.59 | Stop loss: 2057.25205 | Take profit: 2098.60385 +2025-03-10 12:43:39,761 - INFO - CLOSED long at 2071.59 | PnL: 0.19% | $0.34 +2025-03-10 12:43:39,761 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.9479499999998 | Take profit: 2040.5161500000002 +2025-03-10 12:43:39,864 - INFO - CLOSED short at 2070.4 | PnL: 0.06% | $-0.16 +2025-03-10 12:43:39,864 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0480000000002 | Take profit: 2101.4559999999997 +2025-03-10 12:43:39,909 - INFO - CLOSED long at 2070.73 | PnL: 0.02% | $-0.31 +2025-03-10 12:43:39,909 - INFO - OPENED SHORT at 2070.73 | Stop loss: 2081.0836499999996 | Take profit: 2039.66905 +2025-03-10 12:43:39,955 - INFO - CLOSED short at 2068.5 | PnL: 0.11% | $0.03 +2025-03-10 12:43:39,956 - INFO - OPENED LONG at 2068.5 | Stop loss: 2058.1575 | Take profit: 2099.5274999999997 +2025-03-10 12:43:40,011 - INFO - CLOSED long at 2068.69 | PnL: 0.01% | $-0.33 +2025-03-10 12:43:40,123 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.44555 | Take profit: 2036.10335 +2025-03-10 12:43:40,524 - INFO - CLOSED short at 2067.8 | PnL: -0.03% | $-0.48 +2025-03-10 12:43:40,524 - INFO - OPENED LONG at 2067.8 | Stop loss: 2057.4610000000002 | Take profit: 2098.817 +2025-03-10 12:43:40,581 - INFO - CLOSED long at 2068.18 | PnL: 0.02% | $-0.30 +2025-03-10 12:43:40,582 - INFO - OPENED SHORT at 2068.18 | Stop loss: 2078.5208999999995 | Take profit: 2037.1572999999999 +2025-03-10 12:43:40,629 - INFO - CLOSED short at 2065.69 | PnL: 0.12% | $0.07 +2025-03-10 12:43:40,629 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.36155 | Take profit: 2096.67535 +2025-03-10 12:43:41,001 - INFO - CLOSED long at 2061.78 | PnL: -0.19% | $-1.04 +2025-03-10 12:43:41,245 - INFO - OPENED LONG at 2066.24 | Stop loss: 2055.9087999999997 | Take profit: 2097.2335999999996 +2025-03-10 12:43:41,341 - INFO - CLOSED long at 2065.54 | PnL: -0.03% | $-0.48 +2025-03-10 12:43:41,385 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.42045 | Take profit: 2035.0986500000001 +2025-03-10 12:43:41,624 - INFO - CLOSED short at 2064.5 | PnL: 0.08% | $-0.08 +2025-03-10 12:43:41,625 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1775 | Take profit: 2095.4674999999997 +2025-03-10 12:43:42,201 - INFO - CLOSED long at 2060.3 | PnL: -0.20% | $-1.07 +2025-03-10 12:43:42,202 - INFO - OPENED SHORT at 2060.3 | Stop loss: 2070.6014999999998 | Take profit: 2029.3955 +2025-03-10 12:43:42,387 - INFO - CLOSED short at 2065.36 | PnL: -0.25% | $-1.21 +2025-03-10 12:43:42,387 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.0332000000003 | Take profit: 2096.3404 +2025-03-10 12:43:42,771 - INFO - CLOSED long at 2061.89 | PnL: -0.17% | $-0.92 +2025-03-10 12:43:42,860 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3965 | Take profit: 2091.6105 +2025-03-10 12:43:43,007 - INFO - CLOSED long at 2059.16 | PnL: -0.07% | $-0.60 +2025-03-10 12:43:43,008 - INFO - OPENED SHORT at 2059.16 | Stop loss: 2069.4557999999997 | Take profit: 2028.2725999999998 +2025-03-10 12:43:43,146 - INFO - CLOSED short at 2059.96 | PnL: -0.04% | $-0.47 +2025-03-10 12:43:43,146 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.6602 | Take profit: 2090.8594 +2025-03-10 12:43:43,328 - INFO - CLOSED long at 2056.28 | PnL: -0.18% | $-0.94 +2025-03-10 12:43:43,470 - INFO - OPENED SHORT at 2054.83 | Stop loss: 2065.1041499999997 | Take profit: 2024.0075499999998 +2025-03-10 12:43:43,652 - INFO - CLOSED short at 2061.66 | PnL: -0.33% | $-1.44 +2025-03-10 12:43:44,240 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.6666499999997 | Take profit: 2036.3200499999998 +2025-03-10 12:43:44,285 - INFO - CLOSED short at 2067.01 | PnL: 0.02% | $-0.28 +2025-03-10 12:43:45,339 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.6666499999997 | Take profit: 2036.3200499999998 +2025-03-10 12:43:45,474 - INFO - CLOSED short at 2065.66 | PnL: 0.08% | $-0.06 +2025-03-10 12:43:45,475 - INFO - OPENED LONG at 2065.66 | Stop loss: 2055.3316999999997 | Take profit: 2096.6449 +2025-03-10 12:43:45,527 - INFO - CLOSED long at 2063.95 | PnL: -0.08% | $-0.60 +2025-03-10 12:43:46,321 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.5455 | Take profit: 2101.9635 +2025-03-10 12:43:46,415 - INFO - CLOSED long at 2070.7 | PnL: -0.01% | $-0.36 +2025-03-10 12:43:46,416 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0534999999995 | Take profit: 2039.6394999999998 +2025-03-10 12:43:46,567 - INFO - CLOSED short at 2070.61 | PnL: 0.00% | $-0.31 +2025-03-10 12:43:46,612 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.6300499999998 | Take profit: 2103.0698499999994 +2025-03-10 12:43:46,893 - INFO - CLOSED long at 2074.37 | PnL: 0.11% | $0.05 +2025-03-10 12:43:46,893 - INFO - OPENED SHORT at 2074.37 | Stop loss: 2084.74185 | Take profit: 2043.25445 +2025-03-10 12:43:47,232 - INFO - CLOSED short at 2076.9 | PnL: -0.12% | $-0.71 +2025-03-10 12:43:47,233 - INFO - OPENED LONG at 2076.9 | Stop loss: 2066.5155 | Take profit: 2108.0535 +2025-03-10 12:43:47,638 - INFO - STOP LOSS hit for long at 2066.5155 | PnL: -0.50% | $-1.91 +2025-03-10 12:43:47,684 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.55555 | Take profit: 2097.89335 +2025-03-10 12:43:48,003 - INFO - CLOSED long at 2070.1 | PnL: 0.16% | $0.17 +2025-03-10 12:43:48,003 - INFO - OPENED SHORT at 2070.1 | Stop loss: 2080.4504999999995 | Take profit: 2039.0484999999999 +2025-03-10 12:43:48,099 - INFO - CLOSED short at 2065.5 | PnL: 0.22% | $0.38 +2025-03-10 12:43:48,148 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0284999999994 | Take profit: 2034.7144999999998 +2025-03-10 12:43:48,674 - INFO - CLOSED short at 2066.33 | PnL: -0.03% | $-0.41 +2025-03-10 12:43:49,093 - INFO - OPENED SHORT at 2049.21 | Stop loss: 2059.45605 | Take profit: 2018.47185 +2025-03-10 12:43:49,366 - INFO - CLOSED short at 2057.89 | PnL: -0.42% | $-1.63 +2025-03-10 12:43:49,367 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.6005499999999 | Take profit: 2088.7583499999996 +2025-03-10 12:43:49,419 - INFO - CLOSED long at 2062.83 | PnL: 0.24% | $0.43 +2025-03-10 12:43:49,756 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8274499999998 | Take profit: 2036.4776499999998 +2025-03-10 12:43:50,255 - INFO - CLOSED short at 2070.24 | PnL: -0.13% | $-0.71 +2025-03-10 12:43:50,255 - INFO - OPENED LONG at 2070.24 | Stop loss: 2059.8887999999997 | Take profit: 2101.2935999999995 +2025-03-10 12:43:50,345 - INFO - CLOSED long at 2069.81 | PnL: -0.02% | $-0.37 +2025-03-10 12:43:50,345 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.1590499999998 | Take profit: 2038.7628499999998 +2025-03-10 12:43:50,591 - INFO - CLOSED short at 2071.89 | PnL: -0.10% | $-0.61 +2025-03-10 12:43:50,591 - INFO - OPENED LONG at 2071.89 | Stop loss: 2061.53055 | Take profit: 2102.9683499999996 +2025-03-10 12:43:50,731 - INFO - CLOSED long at 2076.08 | PnL: 0.20% | $0.31 +2025-03-10 12:43:50,732 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.4603999999995 | Take profit: 2044.9388 +2025-03-10 12:43:50,878 - INFO - STOP LOSS hit for short at 2086.4603999999995 | PnL: -0.50% | $-1.81 +2025-03-10 12:43:51,014 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2376999999997 | Take profit: 2107.4469 +2025-03-10 12:43:51,146 - INFO - CLOSED short at 2137.59 | PnL: 0.09% | $-0.03 +2025-03-10 12:43:51,148 - INFO - OPENED LONG at 2137.59 | Stop loss: 2126.90205 | Take profit: 2169.65385 +2025-03-10 12:43:51,427 - INFO - CLOSED long at 2126.99 | PnL: -0.50% | $-1.75 +2025-03-10 12:43:51,428 - INFO - OPENED SHORT at 2126.99 | Stop loss: 2137.6249499999994 | Take profit: 2095.08515 +2025-03-10 12:43:51,471 - INFO - CLOSED short at 2127.3 | PnL: -0.01% | $-0.33 +2025-03-10 12:43:51,472 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.6635 | Take profit: 2159.2095 +2025-03-10 12:43:51,618 - INFO - CLOSED long at 2120.15 | PnL: -0.34% | $-1.24 +2025-03-10 12:43:51,940 - INFO - OPENED LONG at 2115.28 | Stop loss: 2104.7036000000003 | Take profit: 2147.0092 +2025-03-10 12:43:51,983 - INFO - CLOSED long at 2107.43 | PnL: -0.37% | $-1.32 +2025-03-10 12:43:51,983 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 12:43:52,369 - INFO - STOP LOSS hit for short at 2117.9671499999995 | PnL: -0.50% | $-1.65 +2025-03-10 12:43:52,418 - INFO - OPENED LONG at 2116.48 | Stop loss: 2105.8976 | Take profit: 2148.2272 +2025-03-10 12:43:52,515 - INFO - CLOSED long at 2110.9 | PnL: -0.26% | $-0.98 +2025-03-10 12:43:52,558 - INFO - OPENED SHORT at 2108.71 | Stop loss: 2119.25355 | Take profit: 2077.07935 +2025-03-10 12:43:52,651 - INFO - CLOSED short at 2108.06 | PnL: 0.03% | $-0.18 +2025-03-10 12:43:52,652 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.5197 | Take profit: 2139.6809 +2025-03-10 12:43:52,807 - INFO - STOP LOSS hit for long at 2097.5197 | PnL: -0.50% | $-1.58 +2025-03-10 12:43:53,473 - INFO - OPENED SHORT at 2099.59 | Stop loss: 2110.08795 | Take profit: 2068.0961500000003 +2025-03-10 12:43:53,515 - INFO - CLOSED short at 2100.02 | PnL: -0.02% | $-0.31 +2025-03-10 12:43:53,886 - INFO - OPENED LONG at 2094.08 | Stop loss: 2083.6096 | Take profit: 2125.4912 +2025-03-10 12:43:53,981 - INFO - CLOSED long at 2083.28 | PnL: -0.52% | $-1.58 +2025-03-10 12:43:54,645 - INFO - OPENED SHORT at 2085.83 | Stop loss: 2096.25915 | Take profit: 2054.54255 +2025-03-10 12:43:54,686 - INFO - CLOSED short at 2085.85 | PnL: -0.00% | $-0.25 +2025-03-10 12:43:54,686 - INFO - OPENED LONG at 2085.85 | Stop loss: 2075.4207499999998 | Take profit: 2117.13775 +2025-03-10 12:43:54,826 - INFO - CLOSED long at 2088.1 | PnL: 0.11% | $0.02 +2025-03-10 12:43:54,827 - INFO - OPENED SHORT at 2088.1 | Stop loss: 2098.5404999999996 | Take profit: 2056.7785 +2025-03-10 12:43:54,919 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 11.5% in downtrends | Avg Win=$0.23, Avg Loss=$-0.79 +2025-03-10 12:43:54,921 - INFO - Episode 6: Reward=-46.24, Balance=$62.27, Win Rate=22.4%, Trades=67, Episode PnL=$-21.36, Total PnL=$-215.92, Max Drawdown=37.5%, Pred Accuracy=99.3% +2025-03-10 12:43:54,948 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:43:55,282 - INFO - OPENED LONG at 2059.4 | Stop loss: 2049.103 | Take profit: 2090.2909999999997 +2025-03-10 12:43:55,687 - INFO - CLOSED long at 2058.51 | PnL: -0.04% | $-0.57 +2025-03-10 12:43:55,732 - INFO - OPENED LONG at 2055.2 | Stop loss: 2044.9239999999998 | Take profit: 2086.028 +2025-03-10 12:43:55,823 - INFO - CLOSED long at 2056.4 | PnL: 0.06% | $-0.17 +2025-03-10 12:43:56,288 - INFO - OPENED SHORT at 2049.49 | Stop loss: 2059.7374499999996 | Take profit: 2018.7476499999998 +2025-03-10 12:43:56,672 - INFO - CLOSED short at 2046.58 | PnL: 0.14% | $0.17 +2025-03-10 12:43:56,801 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.2199499999997 | Take profit: 2015.30015 +2025-03-10 12:43:56,850 - INFO - CLOSED short at 2045.99 | PnL: 0.00% | $-0.40 +2025-03-10 12:43:56,942 - INFO - OPENED SHORT at 2048.13 | Stop loss: 2058.37065 | Take profit: 2017.40805 +2025-03-10 12:43:56,982 - INFO - CLOSED short at 2047.59 | PnL: 0.03% | $-0.29 +2025-03-10 12:43:56,983 - INFO - OPENED LONG at 2047.59 | Stop loss: 2037.35205 | Take profit: 2078.30385 +2025-03-10 12:43:57,026 - INFO - CLOSED long at 2048.51 | PnL: 0.04% | $-0.22 +2025-03-10 12:43:57,076 - INFO - OPENED LONG at 2050.0 | Stop loss: 2039.75 | Take profit: 2080.75 +2025-03-10 12:43:57,353 - INFO - CLOSED long at 2052.3 | PnL: 0.11% | $0.05 +2025-03-10 12:43:57,779 - INFO - OPENED LONG at 2064.61 | Stop loss: 2054.28695 | Take profit: 2095.57915 +2025-03-10 12:43:57,822 - INFO - CLOSED long at 2063.59 | PnL: -0.05% | $-0.59 +2025-03-10 12:43:58,003 - INFO - OPENED LONG at 2060.99 | Stop loss: 2050.6850499999996 | Take profit: 2091.9048499999994 +2025-03-10 12:43:58,139 - INFO - CLOSED long at 2061.89 | PnL: 0.04% | $-0.22 +2025-03-10 12:43:58,139 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.1994499999996 | Take profit: 2030.9616499999997 +2025-03-10 12:43:58,185 - INFO - CLOSED short at 2062.89 | PnL: -0.05% | $-0.58 +2025-03-10 12:43:58,233 - INFO - OPENED LONG at 2060.31 | Stop loss: 2050.00845 | Take profit: 2091.21465 +2025-03-10 12:43:58,421 - INFO - CLOSED long at 2057.94 | PnL: -0.12% | $-0.84 +2025-03-10 12:43:58,421 - INFO - OPENED SHORT at 2057.94 | Stop loss: 2068.2297 | Take profit: 2027.0709 +2025-03-10 12:43:58,698 - INFO - CLOSED short at 2070.58 | PnL: -0.61% | $-2.75 +2025-03-10 12:43:58,699 - INFO - OPENED LONG at 2070.58 | Stop loss: 2060.2271 | Take profit: 2101.6386999999995 +2025-03-10 12:43:58,830 - INFO - CLOSED long at 2067.89 | PnL: -0.13% | $-0.86 +2025-03-10 12:43:59,166 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.35155 | Take profit: 2098.7053499999997 +2025-03-10 12:43:59,211 - INFO - CLOSED long at 2070.26 | PnL: 0.12% | $0.09 +2025-03-10 12:43:59,212 - INFO - OPENED SHORT at 2070.26 | Stop loss: 2080.6113 | Take profit: 2039.2061 +2025-03-10 12:43:59,741 - INFO - CLOSED short at 2070.79 | PnL: -0.03% | $-0.47 +2025-03-10 12:44:00,154 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.456 | Take profit: 2099.832 +2025-03-10 12:44:00,399 - INFO - CLOSED long at 2065.99 | PnL: -0.14% | $-0.87 +2025-03-10 12:44:00,724 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.5555 | Take profit: 2099.9335 +2025-03-10 12:44:01,163 - INFO - CLOSED long at 2072.75 | PnL: 0.19% | $0.32 +2025-03-10 12:44:01,164 - INFO - OPENED SHORT at 2072.75 | Stop loss: 2083.11375 | Take profit: 2041.65875 +2025-03-10 12:44:01,207 - INFO - CLOSED short at 2073.11 | PnL: -0.02% | $-0.43 +2025-03-10 12:44:01,208 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.74445 | Take profit: 2104.20665 +2025-03-10 12:44:01,348 - INFO - CLOSED long at 2074.29 | PnL: 0.06% | $-0.16 +2025-03-10 12:44:01,729 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3349999999996 | Take profit: 2035.995 +2025-03-10 12:44:02,104 - INFO - CLOSED short at 2068.58 | PnL: -0.08% | $-0.64 +2025-03-10 12:44:02,104 - INFO - OPENED LONG at 2068.58 | Stop loss: 2058.2371 | Take profit: 2099.6086999999998 +2025-03-10 12:44:02,298 - INFO - CLOSED long at 2067.59 | PnL: -0.05% | $-0.54 +2025-03-10 12:44:02,483 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3464999999997 | Take profit: 2101.7604999999994 +2025-03-10 12:44:02,859 - INFO - CLOSED long at 2066.4 | PnL: -0.21% | $-1.11 +2025-03-10 12:44:03,133 - INFO - OPENED SHORT at 2067.8 | Stop loss: 2078.139 | Take profit: 2036.7830000000001 +2025-03-10 12:44:03,230 - INFO - CLOSED short at 2065.69 | PnL: 0.10% | $0.01 +2025-03-10 12:44:03,231 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.36155 | Take profit: 2096.67535 +2025-03-10 12:44:03,462 - INFO - CLOSED long at 2065.26 | PnL: -0.02% | $-0.43 +2025-03-10 12:44:03,463 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.5863 | Take profit: 2034.2811000000002 +2025-03-10 12:44:03,601 - INFO - CLOSED short at 2061.78 | PnL: 0.17% | $0.24 +2025-03-10 12:44:03,644 - INFO - OPENED SHORT at 2059.59 | Stop loss: 2069.88795 | Take profit: 2028.6961500000002 +2025-03-10 12:44:04,205 - INFO - CLOSED short at 2064.5 | PnL: -0.24% | $-1.20 +2025-03-10 12:44:04,205 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1775 | Take profit: 2095.4674999999997 +2025-03-10 12:44:04,249 - INFO - CLOSED long at 2063.5 | PnL: -0.05% | $-0.52 +2025-03-10 12:44:04,250 - INFO - OPENED SHORT at 2063.5 | Stop loss: 2073.8174999999997 | Take profit: 2032.5475 +2025-03-10 12:44:04,388 - INFO - CLOSED short at 2060.65 | PnL: 0.14% | $0.13 +2025-03-10 12:44:05,522 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3965 | Take profit: 2091.6105 +2025-03-10 12:44:05,567 - INFO - CLOSED long at 2061.09 | PnL: 0.02% | $-0.28 +2025-03-10 12:44:05,826 - INFO - OPENED LONG at 2059.46 | Stop loss: 2049.1627 | Take profit: 2090.3518999999997 +2025-03-10 12:44:05,933 - INFO - CLOSED long at 2058.28 | PnL: -0.06% | $-0.55 +2025-03-10 12:44:05,934 - INFO - OPENED SHORT at 2058.28 | Stop loss: 2068.5714 | Take profit: 2027.4058000000002 +2025-03-10 12:44:06,201 - INFO - CLOSED short at 2056.71 | PnL: 0.08% | $-0.08 +2025-03-10 12:44:06,202 - INFO - OPENED LONG at 2056.71 | Stop loss: 2046.42645 | Take profit: 2087.56065 +2025-03-10 12:44:06,298 - INFO - CLOSED long at 2059.8 | PnL: 0.15% | $0.17 +2025-03-10 12:44:06,300 - INFO - OPENED SHORT at 2059.8 | Stop loss: 2070.099 | Take profit: 2028.9030000000002 +2025-03-10 12:44:06,344 - INFO - CLOSED short at 2061.66 | PnL: -0.09% | $-0.66 +2025-03-10 12:44:06,443 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.292 | Take profit: 2092.524 +2025-03-10 12:44:06,489 - INFO - CLOSED long at 2061.3 | PnL: -0.01% | $-0.39 +2025-03-10 12:44:06,971 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.9933499999997 | Take profit: 2098.3399499999996 +2025-03-10 12:44:07,263 - INFO - CLOSED long at 2078.01 | PnL: 0.52% | $1.42 +2025-03-10 12:44:07,263 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.40005 | Take profit: 2046.8398500000003 +2025-03-10 12:44:07,309 - INFO - CLOSED short at 2075.01 | PnL: 0.14% | $0.15 +2025-03-10 12:44:07,310 - INFO - OPENED LONG at 2075.01 | Stop loss: 2064.63495 | Take profit: 2106.13515 +2025-03-10 12:44:07,365 - INFO - CLOSED long at 2072.6 | PnL: -0.12% | $-0.75 +2025-03-10 12:44:07,366 - INFO - OPENED SHORT at 2072.6 | Stop loss: 2082.9629999999997 | Take profit: 2041.511 +2025-03-10 12:44:07,559 - INFO - CLOSED short at 2073.23 | PnL: -0.03% | $-0.45 +2025-03-10 12:44:07,560 - INFO - OPENED LONG at 2073.23 | Stop loss: 2062.86385 | Take profit: 2104.32845 +2025-03-10 12:44:07,712 - INFO - CLOSED long at 2068.39 | PnL: -0.23% | $-1.14 +2025-03-10 12:44:08,915 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.24705 | Take profit: 2099.61885 +2025-03-10 12:44:09,104 - INFO - CLOSED long at 2070.9 | PnL: 0.11% | $0.04 +2025-03-10 12:44:09,336 - INFO - OPENED LONG at 2070.61 | Stop loss: 2060.25695 | Take profit: 2101.6691499999997 +2025-03-10 12:44:09,479 - INFO - CLOSED long at 2068.67 | PnL: -0.09% | $-0.66 +2025-03-10 12:44:09,523 - INFO - OPENED SHORT at 2070.67 | Stop loss: 2081.02335 | Take profit: 2039.60995 +2025-03-10 12:44:09,761 - INFO - CLOSED short at 2074.35 | PnL: -0.18% | $-0.93 +2025-03-10 12:44:09,762 - INFO - OPENED LONG at 2074.35 | Stop loss: 2063.97825 | Take profit: 2105.4652499999997 +2025-03-10 12:44:09,916 - INFO - CLOSED long at 2075.32 | PnL: 0.05% | $-0.18 +2025-03-10 12:44:10,069 - INFO - OPENED LONG at 2075.61 | Stop loss: 2065.2319500000003 | Take profit: 2106.74415 +2025-03-10 12:44:10,406 - INFO - CLOSED long at 2066.4 | PnL: -0.44% | $-1.80 +2025-03-10 12:44:10,497 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2194 | Take profit: 2036.8618000000001 +2025-03-10 12:44:11,031 - INFO - CLOSED short at 2066.09 | PnL: 0.09% | $-0.04 +2025-03-10 12:44:11,031 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.75955 | Take profit: 2097.08135 +2025-03-10 12:44:11,074 - INFO - CLOSED long at 2063.39 | PnL: -0.13% | $-0.75 +2025-03-10 12:44:11,075 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.70695 | Take profit: 2032.43915 +2025-03-10 12:44:11,436 - INFO - CLOSED short at 2066.33 | PnL: -0.14% | $-0.78 +2025-03-10 12:44:11,437 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.99835 | Take profit: 2097.3249499999997 +2025-03-10 12:44:11,542 - INFO - CLOSED long at 2060.7 | PnL: -0.27% | $-1.18 +2025-03-10 12:44:11,543 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:44:11,634 - INFO - CLOSED short at 2059.2 | PnL: 0.07% | $-0.09 +2025-03-10 12:44:11,635 - INFO - OPENED LONG at 2059.2 | Stop loss: 2048.904 | Take profit: 2090.0879999999997 +2025-03-10 12:44:11,727 - INFO - CLOSED long at 2058.65 | PnL: -0.03% | $-0.40 +2025-03-10 12:44:11,729 - INFO - OPENED SHORT at 2058.65 | Stop loss: 2068.94325 | Take profit: 2027.77025 +2025-03-10 12:44:11,824 - INFO - CLOSED short at 2053.01 | PnL: 0.27% | $0.54 +2025-03-10 12:44:12,387 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.86275 | Take profit: 2031.6117500000003 +2025-03-10 12:44:12,436 - INFO - CLOSED short at 2065.12 | PnL: -0.12% | $-0.70 +2025-03-10 12:44:12,485 - INFO - OPENED LONG at 2068.33 | Stop loss: 2057.98835 | Take profit: 2099.35495 +2025-03-10 12:44:13,482 - INFO - CLOSED long at 2074.9 | PnL: 0.32% | $0.68 +2025-03-10 12:44:13,483 - INFO - OPENED SHORT at 2074.9 | Stop loss: 2085.2745 | Take profit: 2043.7765000000002 +2025-03-10 12:44:13,625 - INFO - CLOSED short at 2085.56 | PnL: -0.51% | $-1.92 +2025-03-10 12:44:13,626 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.1322 | Take profit: 2116.8433999999997 +2025-03-10 12:44:13,723 - INFO - CLOSED long at 2103.02 | PnL: 0.84% | $2.25 +2025-03-10 12:44:13,725 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.5350999999996 | Take profit: 2071.4746999999998 +2025-03-10 12:44:13,768 - INFO - CLOSED short at 2130.7 | PnL: -1.32% | $-4.46 +2025-03-10 12:44:13,858 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.1211000000003 | Take profit: 2163.7567 +2025-03-10 12:44:13,997 - INFO - CLOSED long at 2141.41 | PnL: 0.45% | $1.04 +2025-03-10 12:44:14,131 - INFO - OPENED SHORT at 2140.01 | Stop loss: 2150.71005 | Take profit: 2107.90985 +2025-03-10 12:44:14,261 - INFO - CLOSED short at 2127.3 | PnL: 0.59% | $1.49 +2025-03-10 12:44:14,356 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.6954499999997 | Take profit: 2089.27365 +2025-03-10 12:44:14,554 - INFO - CLOSED short at 2121.4 | PnL: -0.01% | $-0.35 +2025-03-10 12:44:14,555 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.793 | Take profit: 2153.221 +2025-03-10 12:44:14,779 - INFO - STOP LOSS hit for long at 2110.793 | PnL: -0.50% | $-1.83 +2025-03-10 12:44:14,921 - INFO - OPENED LONG at 2112.09 | Stop loss: 2101.52955 | Take profit: 2143.77135 +2025-03-10 12:44:14,965 - INFO - CLOSED long at 2112.95 | PnL: 0.04% | $-0.18 +2025-03-10 12:44:14,965 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.5147499999994 | Take profit: 2081.25575 +2025-03-10 12:44:15,550 - INFO - CLOSED short at 2100.5 | PnL: 0.59% | $1.46 +2025-03-10 12:44:15,550 - INFO - OPENED LONG at 2100.5 | Stop loss: 2089.9975 | Take profit: 2132.0074999999997 +2025-03-10 12:44:15,748 - INFO - CLOSED long at 2102.19 | PnL: 0.08% | $-0.06 +2025-03-10 12:44:15,789 - INFO - OPENED LONG at 2102.29 | Stop loss: 2091.77855 | Take profit: 2133.82435 +2025-03-10 12:44:16,356 - INFO - CLOSED long at 2098.39 | PnL: -0.19% | $-0.87 +2025-03-10 12:44:16,357 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.8819499999995 | Take profit: 2066.91415 +2025-03-10 12:44:17,098 - INFO - CLOSED short at 2081.49 | PnL: 0.81% | $2.11 +2025-03-10 12:44:17,196 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.65625 | Take profit: 2050.03125 +2025-03-10 12:44:17,388 - INFO - CLOSED short at 2086.57 | PnL: -0.26% | $-1.10 +2025-03-10 12:44:17,735 - INFO - OPENED SHORT at 2088.1 | Stop loss: 2098.5404999999996 | Take profit: 2056.7785 +2025-03-10 12:44:17,782 - INFO - CLOSED short at 2089.96 | PnL: -0.09% | $-0.57 +2025-03-10 12:44:17,783 - INFO - OPENED LONG at 2089.96 | Stop loss: 2079.5102 | Take profit: 2121.3093999999996 +2025-03-10 12:44:17,843 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 16.7% in downtrends | Avg Win=$0.69, Avg Loss=$-0.76 +2025-03-10 12:44:17,844 - INFO - Episode 7: Reward=-49.89, Balance=$75.36, Win Rate=26.9%, Trades=67, Episode PnL=$-13.97, Total PnL=$-240.56, Max Drawdown=25.8%, Pred Accuracy=99.5% +2025-03-10 12:44:17,880 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:44:18,407 - INFO - OPENED SHORT at 2057.52 | Stop loss: 2067.8075999999996 | Take profit: 2026.6571999999999 +2025-03-10 12:44:18,507 - INFO - CLOSED short at 2057.59 | PnL: -0.00% | $-0.41 +2025-03-10 12:44:18,509 - INFO - OPENED LONG at 2057.59 | Stop loss: 2047.3020500000002 | Take profit: 2088.45385 +2025-03-10 12:44:18,913 - INFO - CLOSED long at 2053.56 | PnL: -0.20% | $-1.18 +2025-03-10 12:44:18,913 - INFO - OPENED SHORT at 2053.56 | Stop loss: 2063.8277999999996 | Take profit: 2022.7566 +2025-03-10 12:44:19,208 - INFO - CLOSED short at 2050.71 | PnL: 0.14% | $0.15 +2025-03-10 12:44:19,209 - INFO - OPENED LONG at 2050.71 | Stop loss: 2040.4564500000001 | Take profit: 2081.4706499999998 +2025-03-10 12:44:19,409 - INFO - CLOSED long at 2049.6 | PnL: -0.05% | $-0.61 +2025-03-10 12:44:19,855 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.76005 | Take profit: 2076.67985 +2025-03-10 12:44:20,235 - INFO - CLOSED long at 2050.24 | PnL: 0.21% | $0.42 +2025-03-10 12:44:20,236 - INFO - OPENED SHORT at 2050.24 | Stop loss: 2060.4911999999995 | Take profit: 2019.4863999999998 +2025-03-10 12:44:20,914 - INFO - STOP LOSS hit for short at 2060.4911999999995 | PnL: -0.50% | $-2.36 +2025-03-10 12:44:21,736 - INFO - OPENED SHORT at 2057.94 | Stop loss: 2068.2297 | Take profit: 2027.0709 +2025-03-10 12:44:22,077 - INFO - STOP LOSS hit for short at 2068.2297 | PnL: -0.50% | $-2.30 +2025-03-10 12:44:22,331 - INFO - OPENED LONG at 2070.99 | Stop loss: 2060.63505 | Take profit: 2102.0548499999995 +2025-03-10 12:44:22,793 - INFO - CLOSED long at 2075.1 | PnL: 0.20% | $0.37 +2025-03-10 12:44:23,073 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.2545 | Take profit: 2039.8365000000001 +2025-03-10 12:44:23,170 - INFO - CLOSED short at 2070.79 | PnL: 0.01% | $-0.36 +2025-03-10 12:44:23,170 - INFO - OPENED LONG at 2070.79 | Stop loss: 2060.43605 | Take profit: 2101.8518499999996 +2025-03-10 12:44:23,299 - INFO - CLOSED long at 2067.2 | PnL: -0.17% | $-1.02 +2025-03-10 12:44:23,583 - INFO - OPENED SHORT at 2068.8 | Stop loss: 2079.144 | Take profit: 2037.7680000000003 +2025-03-10 12:44:24,328 - INFO - CLOSED short at 2069.96 | PnL: -0.06% | $-0.58 +2025-03-10 12:44:24,328 - INFO - OPENED LONG at 2069.96 | Stop loss: 2059.6102 | Take profit: 2101.0094 +2025-03-10 12:44:24,423 - INFO - CLOSED long at 2071.39 | PnL: 0.07% | $-0.11 +2025-03-10 12:44:24,518 - INFO - OPENED LONG at 2072.75 | Stop loss: 2062.38625 | Take profit: 2103.84125 +2025-03-10 12:44:24,698 - INFO - CLOSED long at 2074.29 | PnL: 0.07% | $-0.09 +2025-03-10 12:44:24,698 - INFO - OPENED SHORT at 2074.29 | Stop loss: 2084.6614499999996 | Take profit: 2043.17565 +2025-03-10 12:44:24,799 - INFO - CLOSED short at 2071.92 | PnL: 0.11% | $0.05 +2025-03-10 12:44:24,799 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.5604 | Take profit: 2102.9988 +2025-03-10 12:44:25,048 - INFO - CLOSED long at 2068.32 | PnL: -0.17% | $-1.01 +2025-03-10 12:44:25,881 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3464999999997 | Take profit: 2101.7604999999994 +2025-03-10 12:44:25,981 - INFO - CLOSED long at 2070.73 | PnL: 0.00% | $-0.36 +2025-03-10 12:44:27,369 - INFO - OPENED SHORT at 2065.54 | Stop loss: 2075.8677 | Take profit: 2034.5569 +2025-03-10 12:44:27,688 - INFO - CLOSED short at 2064.5 | PnL: 0.05% | $-0.18 +2025-03-10 12:44:27,689 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1775 | Take profit: 2095.4674999999997 +2025-03-10 12:44:27,932 - INFO - CLOSED long at 2058.89 | PnL: -0.27% | $-1.34 +2025-03-10 12:44:27,933 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.1844499999997 | Take profit: 2028.0066499999998 +2025-03-10 12:44:28,125 - INFO - CLOSED short at 2064.7 | PnL: -0.28% | $-1.36 +2025-03-10 12:44:28,126 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.3765 | Take profit: 2095.6704999999997 +2025-03-10 12:44:28,179 - INFO - CLOSED long at 2062.61 | PnL: -0.10% | $-0.71 +2025-03-10 12:44:28,280 - INFO - OPENED LONG at 2060.3 | Stop loss: 2049.9985 | Take profit: 2091.2045 +2025-03-10 12:44:29,307 - INFO - CLOSED long at 2059.46 | PnL: -0.04% | $-0.49 +2025-03-10 12:44:29,308 - INFO - OPENED SHORT at 2059.46 | Stop loss: 2069.7572999999998 | Take profit: 2028.5681 +2025-03-10 12:44:29,500 - INFO - CLOSED short at 2055.6 | PnL: 0.19% | $0.30 +2025-03-10 12:44:29,501 - INFO - OPENED LONG at 2055.6 | Stop loss: 2045.322 | Take profit: 2086.4339999999997 +2025-03-10 12:44:29,647 - INFO - CLOSED long at 2056.71 | PnL: 0.05% | $-0.16 +2025-03-10 12:44:29,648 - INFO - OPENED SHORT at 2056.71 | Stop loss: 2066.9935499999997 | Take profit: 2025.85935 +2025-03-10 12:44:29,695 - INFO - CLOSED short at 2058.15 | PnL: -0.07% | $-0.59 +2025-03-10 12:44:29,695 - INFO - OPENED LONG at 2058.15 | Stop loss: 2047.85925 | Take profit: 2089.02225 +2025-03-10 12:44:29,881 - INFO - CLOSED long at 2061.6 | PnL: 0.17% | $0.23 +2025-03-10 12:44:29,882 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.908 | Take profit: 2030.676 +2025-03-10 12:44:29,924 - INFO - CLOSED short at 2061.3 | PnL: 0.01% | $-0.29 +2025-03-10 12:44:29,925 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9935 | Take profit: 2092.2195 +2025-03-10 12:44:30,017 - INFO - CLOSED long at 2063.4 | PnL: 0.10% | $0.01 +2025-03-10 12:44:30,158 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5805 | Take profit: 2094.8585 +2025-03-10 12:44:30,253 - INFO - CLOSED long at 2066.33 | PnL: 0.12% | $0.06 +2025-03-10 12:44:30,830 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.3952 | Take profit: 2039.9743999999998 +2025-03-10 12:44:30,871 - INFO - CLOSED short at 2070.01 | PnL: 0.05% | $-0.17 +2025-03-10 12:44:30,872 - INFO - OPENED LONG at 2070.01 | Stop loss: 2059.65995 | Take profit: 2101.06015 +2025-03-10 12:44:31,009 - INFO - CLOSED long at 2070.0 | PnL: -0.00% | $-0.35 +2025-03-10 12:44:31,009 - INFO - OPENED SHORT at 2070.0 | Stop loss: 2080.35 | Take profit: 2038.95 +2025-03-10 12:44:31,417 - INFO - CLOSED short at 2071.49 | PnL: -0.07% | $-0.59 +2025-03-10 12:44:32,175 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.134 | Take profit: 2035.7980000000002 +2025-03-10 12:44:32,312 - INFO - CLOSED short at 2071.59 | PnL: -0.23% | $-1.13 +2025-03-10 12:44:32,313 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.23205 | Take profit: 2102.66385 +2025-03-10 12:44:33,087 - INFO - CLOSED long at 2074.37 | PnL: 0.13% | $0.11 +2025-03-10 12:44:33,088 - INFO - OPENED SHORT at 2074.37 | Stop loss: 2084.74185 | Take profit: 2043.25445 +2025-03-10 12:44:33,133 - INFO - CLOSED short at 2075.07 | PnL: -0.03% | $-0.45 +2025-03-10 12:44:33,133 - INFO - OPENED LONG at 2075.07 | Stop loss: 2064.6946500000004 | Take profit: 2106.19605 +2025-03-10 12:44:33,424 - INFO - CLOSED long at 2076.9 | PnL: 0.09% | $-0.04 +2025-03-10 12:44:33,424 - INFO - OPENED SHORT at 2076.9 | Stop loss: 2087.2844999999998 | Take profit: 2045.7465 +2025-03-10 12:44:33,793 - INFO - CLOSED short at 2066.4 | PnL: 0.51% | $1.35 +2025-03-10 12:44:34,616 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4304999999995 | Take profit: 2035.1084999999998 +2025-03-10 12:44:35,290 - INFO - CLOSED short at 2049.5 | PnL: 0.80% | $2.39 +2025-03-10 12:44:35,291 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.2525 | Take profit: 2080.2425 +2025-03-10 12:44:35,729 - INFO - CLOSED long at 2065.1 | PnL: 0.76% | $2.31 +2025-03-10 12:44:35,730 - INFO - OPENED SHORT at 2065.1 | Stop loss: 2075.4255 | Take profit: 2034.1235 +2025-03-10 12:44:37,024 - INFO - CLOSED short at 2074.9 | PnL: -0.47% | $-2.06 +2025-03-10 12:44:37,025 - INFO - OPENED LONG at 2074.9 | Stop loss: 2064.5255 | Take profit: 2106.0235 +2025-03-10 12:44:37,077 - INFO - CLOSED long at 2076.08 | PnL: 0.06% | $-0.15 +2025-03-10 12:44:37,078 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.4603999999995 | Take profit: 2044.9388 +2025-03-10 12:44:37,224 - INFO - STOP LOSS hit for short at 2086.4603999999995 | PnL: -0.50% | $-2.10 +2025-03-10 12:44:37,909 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.04655 | Take profit: 2160.6203499999997 +2025-03-10 12:44:38,081 - INFO - CLOSED long at 2117.24 | PnL: -0.54% | $-2.17 +2025-03-10 12:44:38,081 - INFO - OPENED SHORT at 2117.24 | Stop loss: 2127.8261999999995 | Take profit: 2085.4813999999997 +2025-03-10 12:44:38,434 - INFO - CLOSED short at 2107.43 | PnL: 0.46% | $1.21 +2025-03-10 12:44:38,434 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 12:44:39,186 - INFO - CLOSED long at 2100.5 | PnL: -0.33% | $-1.45 +2025-03-10 12:44:39,188 - INFO - OPENED SHORT at 2100.5 | Stop loss: 2111.0024999999996 | Take profit: 2068.9925 +2025-03-10 12:44:39,231 - INFO - CLOSED short at 2090.0 | PnL: 0.50% | $1.32 +2025-03-10 12:44:39,330 - INFO - OPENED SHORT at 2098.1 | Stop loss: 2108.5905 | Take profit: 2066.6285 +2025-03-10 12:44:39,599 - INFO - CLOSED short at 2100.69 | PnL: -0.12% | $-0.75 +2025-03-10 12:44:39,691 - INFO - OPENED LONG at 2106.39 | Stop loss: 2095.85805 | Take profit: 2137.9858499999996 +2025-03-10 12:44:39,835 - INFO - CLOSED long at 2104.68 | PnL: -0.08% | $-0.60 +2025-03-10 12:44:39,881 - INFO - OPENED LONG at 2101.51 | Stop loss: 2091.0024500000004 | Take profit: 2133.03265 +2025-03-10 12:44:40,112 - INFO - CLOSED long at 2093.46 | PnL: -0.38% | $-1.60 +2025-03-10 12:44:40,157 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.86335 | Take profit: 2124.72995 +2025-03-10 12:44:40,201 - INFO - CLOSED long at 2092.46 | PnL: -0.04% | $-0.46 +2025-03-10 12:44:40,766 - INFO - OPENED LONG at 2081.25 | Stop loss: 2070.84375 | Take profit: 2112.46875 +2025-03-10 12:44:40,809 - INFO - CLOSED long at 2083.41 | PnL: 0.10% | $0.01 +2025-03-10 12:44:40,809 - INFO - OPENED SHORT at 2083.41 | Stop loss: 2093.8270499999994 | Take profit: 2052.15885 +2025-03-10 12:44:40,959 - INFO - CLOSED short at 2086.57 | PnL: -0.15% | $-0.81 +2025-03-10 12:44:41,007 - INFO - OPENED LONG at 2085.8 | Stop loss: 2075.371 | Take profit: 2117.087 +2025-03-10 12:44:41,385 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 26.3% in downtrends | Avg Win=$0.69, Avg Loss=$-0.84 +2025-03-10 12:44:41,385 - INFO - Episode 8: Reward=202.74, Balance=$79.91, Win Rate=29.4%, Trades=51, Episode PnL=$-12.28, Total PnL=$-260.65, Max Drawdown=20.1%, Pred Accuracy=99.7% +2025-03-10 12:44:41,531 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:44:41,531 - INFO - New best reward model saved: 202.74 +2025-03-10 12:44:41,569 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:44:41,883 - INFO - OPENED LONG at 2059.03 | Stop loss: 2048.7348500000003 | Take profit: 2089.91545 +2025-03-10 12:44:42,355 - INFO - CLOSED long at 2055.2 | PnL: -0.19% | $-1.14 +2025-03-10 12:44:42,548 - INFO - OPENED SHORT at 2053.56 | Stop loss: 2063.8277999999996 | Take profit: 2022.7566 +2025-03-10 12:44:43,034 - INFO - CLOSED short at 2049.6 | PnL: 0.19% | $0.37 +2025-03-10 12:44:43,269 - INFO - OPENED SHORT at 2047.39 | Stop loss: 2057.62695 | Take profit: 2016.6791500000002 +2025-03-10 12:44:43,561 - INFO - CLOSED short at 2045.79 | PnL: 0.08% | $-0.09 +2025-03-10 12:44:43,561 - INFO - OPENED LONG at 2045.79 | Stop loss: 2035.56105 | Take profit: 2076.4768499999996 +2025-03-10 12:44:43,700 - INFO - CLOSED long at 2048.51 | PnL: 0.13% | $0.13 +2025-03-10 12:44:43,890 - INFO - OPENED SHORT at 2051.11 | Stop loss: 2061.36555 | Take profit: 2020.34335 +2025-03-10 12:44:44,379 - INFO - STOP LOSS hit for short at 2061.36555 | PnL: -0.50% | $-2.38 +2025-03-10 12:44:44,423 - INFO - OPENED SHORT at 2063.29 | Stop loss: 2073.6064499999998 | Take profit: 2032.3406499999999 +2025-03-10 12:44:45,012 - INFO - CLOSED short at 2059.49 | PnL: 0.18% | $0.33 +2025-03-10 12:44:45,013 - INFO - OPENED LONG at 2059.49 | Stop loss: 2049.1925499999998 | Take profit: 2090.3823499999994 +2025-03-10 12:44:45,124 - INFO - CLOSED long at 2057.89 | PnL: -0.08% | $-0.69 +2025-03-10 12:44:45,124 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1794499999996 | Take profit: 2027.02165 +2025-03-10 12:44:45,377 - INFO - CLOSED short at 2064.32 | PnL: -0.31% | $-1.59 +2025-03-10 12:44:45,428 - INFO - OPENED SHORT at 2065.86 | Stop loss: 2076.1893 | Take profit: 2034.8721 +2025-03-10 12:44:45,725 - INFO - CLOSED short at 2070.99 | PnL: -0.25% | $-1.32 +2025-03-10 12:44:45,726 - INFO - OPENED LONG at 2070.99 | Stop loss: 2060.63505 | Take profit: 2102.0548499999995 +2025-03-10 12:44:45,889 - INFO - CLOSED long at 2068.99 | PnL: -0.10% | $-0.74 +2025-03-10 12:44:45,890 - INFO - OPENED SHORT at 2068.99 | Stop loss: 2079.3349499999995 | Take profit: 2037.9551499999998 +2025-03-10 12:44:46,402 - INFO - CLOSED short at 2071.41 | PnL: -0.12% | $-0.81 +2025-03-10 12:44:46,450 - INFO - OPENED SHORT at 2069.37 | Stop loss: 2079.71685 | Take profit: 2038.32945 +2025-03-10 12:44:46,705 - INFO - CLOSED short at 2068.02 | PnL: 0.07% | $-0.13 +2025-03-10 12:44:46,705 - INFO - OPENED LONG at 2068.02 | Stop loss: 2057.6799 | Take profit: 2099.0402999999997 +2025-03-10 12:44:46,941 - INFO - CLOSED long at 2069.34 | PnL: 0.06% | $-0.13 +2025-03-10 12:44:47,133 - INFO - OPENED SHORT at 2067.51 | Stop loss: 2077.84755 | Take profit: 2036.49735 +2025-03-10 12:44:47,422 - INFO - CLOSED short at 2065.08 | PnL: 0.12% | $0.06 +2025-03-10 12:44:47,424 - INFO - OPENED LONG at 2065.08 | Stop loss: 2054.7545999999998 | Take profit: 2096.0561999999995 +2025-03-10 12:44:47,634 - INFO - CLOSED long at 2068.51 | PnL: 0.17% | $0.24 +2025-03-10 12:44:47,634 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.85255 | Take profit: 2037.4823500000002 +2025-03-10 12:44:47,779 - INFO - CLOSED short at 2070.4 | PnL: -0.09% | $-0.71 +2025-03-10 12:44:47,779 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0480000000002 | Take profit: 2101.4559999999997 +2025-03-10 12:44:47,992 - INFO - CLOSED long at 2071.36 | PnL: 0.05% | $-0.20 +2025-03-10 12:44:48,100 - INFO - OPENED SHORT at 2073.11 | Stop loss: 2083.47555 | Take profit: 2042.0133500000002 +2025-03-10 12:44:48,263 - INFO - CLOSED short at 2074.29 | PnL: -0.06% | $-0.57 +2025-03-10 12:44:48,419 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.752 | Take profit: 2039.344 +2025-03-10 12:44:48,649 - INFO - CLOSED short at 2067.0 | PnL: 0.16% | $0.23 +2025-03-10 12:44:48,649 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.665 | Take profit: 2098.0049999999997 +2025-03-10 12:44:49,240 - INFO - CLOSED long at 2067.59 | PnL: 0.03% | $-0.26 +2025-03-10 12:44:49,240 - INFO - OPENED SHORT at 2067.59 | Stop loss: 2077.92795 | Take profit: 2036.57615 +2025-03-10 12:44:49,337 - INFO - CLOSED short at 2070.3 | PnL: -0.13% | $-0.84 +2025-03-10 12:44:49,382 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.9479499999998 | Take profit: 2040.5161500000002 +2025-03-10 12:44:49,425 - INFO - CLOSED short at 2070.7 | PnL: 0.04% | $-0.20 +2025-03-10 12:44:49,471 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0480000000002 | Take profit: 2101.4559999999997 +2025-03-10 12:44:49,880 - INFO - CLOSED long at 2065.28 | PnL: -0.25% | $-1.24 +2025-03-10 12:44:49,881 - INFO - OPENED SHORT at 2065.28 | Stop loss: 2075.6064 | Take profit: 2034.3008000000002 +2025-03-10 12:44:49,968 - INFO - CLOSED short at 2064.47 | PnL: 0.04% | $-0.21 +2025-03-10 12:44:49,968 - INFO - OPENED LONG at 2064.47 | Stop loss: 2054.14765 | Take profit: 2095.4370499999995 +2025-03-10 12:44:50,429 - INFO - CLOSED long at 2062.89 | PnL: -0.08% | $-0.62 +2025-03-10 12:44:50,430 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2044499999997 | Take profit: 2031.9466499999999 +2025-03-10 12:44:50,579 - INFO - CLOSED short at 2059.59 | PnL: 0.16% | $0.21 +2025-03-10 12:44:50,579 - INFO - OPENED LONG at 2059.59 | Stop loss: 2049.29205 | Take profit: 2090.48385 +2025-03-10 12:44:50,627 - INFO - CLOSED long at 2061.3 | PnL: 0.08% | $-0.06 +2025-03-10 12:44:50,627 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6065 | Take profit: 2030.3805000000002 +2025-03-10 12:44:50,975 - INFO - CLOSED short at 2064.45 | PnL: -0.15% | $-0.89 +2025-03-10 12:44:50,976 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.1277499999997 | Take profit: 2095.4167499999994 +2025-03-10 12:44:51,383 - INFO - CLOSED long at 2060.65 | PnL: -0.18% | $-0.99 +2025-03-10 12:44:51,672 - INFO - OPENED LONG at 2062.61 | Stop loss: 2052.29695 | Take profit: 2093.54915 +2025-03-10 12:44:51,825 - INFO - CLOSED long at 2061.13 | PnL: -0.07% | $-0.59 +2025-03-10 12:44:51,826 - INFO - OPENED SHORT at 2061.13 | Stop loss: 2071.43565 | Take profit: 2030.21305 +2025-03-10 12:44:51,928 - INFO - CLOSED short at 2064.1 | PnL: -0.14% | $-0.83 +2025-03-10 12:44:51,928 - INFO - OPENED LONG at 2064.1 | Stop loss: 2053.7795 | Take profit: 2095.0615 +2025-03-10 12:44:52,299 - INFO - CLOSED long at 2062.6 | PnL: -0.07% | $-0.58 +2025-03-10 12:44:52,299 - INFO - OPENED SHORT at 2062.6 | Stop loss: 2072.9129999999996 | Take profit: 2031.6609999999998 +2025-03-10 12:44:52,345 - INFO - CLOSED short at 2061.89 | PnL: 0.03% | $-0.22 +2025-03-10 12:44:52,345 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5805499999997 | Take profit: 2092.8183499999996 +2025-03-10 12:44:52,495 - INFO - CLOSED long at 2061.09 | PnL: -0.04% | $-0.46 +2025-03-10 12:44:52,496 - INFO - OPENED SHORT at 2061.09 | Stop loss: 2071.39545 | Take profit: 2030.1736500000002 +2025-03-10 12:44:52,830 - INFO - CLOSED short at 2057.4 | PnL: 0.18% | $0.26 +2025-03-10 12:44:53,273 - INFO - OPENED SHORT at 2061.66 | Stop loss: 2071.9682999999995 | Take profit: 2030.7350999999999 +2025-03-10 12:44:53,569 - INFO - CLOSED short at 2066.36 | PnL: -0.23% | $-1.09 +2025-03-10 12:44:53,569 - INFO - OPENED LONG at 2066.36 | Stop loss: 2056.0282 | Take profit: 2097.3554 +2025-03-10 12:44:53,718 - INFO - CLOSED long at 2064.49 | PnL: -0.09% | $-0.63 +2025-03-10 12:44:53,853 - INFO - OPENED SHORT at 2066.79 | Stop loss: 2077.1239499999997 | Take profit: 2035.7881499999999 +2025-03-10 12:44:54,180 - INFO - STOP LOSS hit for short at 2077.1239499999997 | PnL: -0.50% | $-1.96 +2025-03-10 12:44:54,233 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.38505 | Take profit: 2043.8848500000001 +2025-03-10 12:44:54,322 - INFO - CLOSED short at 2071.04 | PnL: 0.19% | $0.29 +2025-03-10 12:44:54,378 - INFO - OPENED SHORT at 2070.01 | Stop loss: 2080.36005 | Take profit: 2038.9598500000002 +2025-03-10 12:44:54,554 - INFO - CLOSED short at 2068.15 | PnL: 0.09% | $-0.03 +2025-03-10 12:44:54,610 - INFO - OPENED SHORT at 2068.39 | Stop loss: 2078.73195 | Take profit: 2037.3641499999999 +2025-03-10 12:44:54,695 - INFO - CLOSED short at 2069.03 | PnL: -0.03% | $-0.42 +2025-03-10 12:44:54,696 - INFO - OPENED LONG at 2069.03 | Stop loss: 2058.68485 | Take profit: 2100.06545 +2025-03-10 12:44:54,841 - INFO - CLOSED long at 2072.99 | PnL: 0.19% | $0.29 +2025-03-10 12:44:54,885 - INFO - OPENED SHORT at 2071.49 | Stop loss: 2081.8474499999998 | Take profit: 2040.4176499999999 +2025-03-10 12:44:54,970 - INFO - CLOSED short at 2067.33 | PnL: 0.20% | $0.32 +2025-03-10 12:44:55,066 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3714999999997 | Take profit: 2096.6854999999996 +2025-03-10 12:44:55,343 - INFO - CLOSED long at 2064.4 | PnL: -0.06% | $-0.52 +2025-03-10 12:44:55,344 - INFO - OPENED SHORT at 2064.4 | Stop loss: 2074.7219999999998 | Take profit: 2033.434 +2025-03-10 12:44:55,584 - INFO - CLOSED short at 2065.31 | PnL: -0.04% | $-0.46 +2025-03-10 12:44:55,585 - INFO - OPENED LONG at 2065.31 | Stop loss: 2054.9834499999997 | Take profit: 2096.2896499999997 +2025-03-10 12:44:55,987 - INFO - CLOSED long at 2070.7 | PnL: 0.26% | $0.51 +2025-03-10 12:44:55,988 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0534999999995 | Take profit: 2039.6394999999998 +2025-03-10 12:44:56,032 - INFO - CLOSED short at 2070.8 | PnL: -0.00% | $-0.33 +2025-03-10 12:44:56,033 - INFO - OPENED LONG at 2070.8 | Stop loss: 2060.4460000000004 | Take profit: 2101.862 +2025-03-10 12:44:56,307 - INFO - CLOSED long at 2070.67 | PnL: -0.01% | $-0.34 +2025-03-10 12:44:56,623 - INFO - OPENED SHORT at 2074.35 | Stop loss: 2084.7217499999997 | Take profit: 2043.2347499999998 +2025-03-10 12:44:57,183 - INFO - CLOSED short at 2067.9 | PnL: 0.31% | $0.67 +2025-03-10 12:44:57,184 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.5605 | Take profit: 2098.9184999999998 +2025-03-10 12:44:57,565 - INFO - CLOSED long at 2070.1 | PnL: 0.11% | $0.02 +2025-03-10 12:44:57,566 - INFO - OPENED SHORT at 2070.1 | Stop loss: 2080.4504999999995 | Take profit: 2039.0484999999999 +2025-03-10 12:44:58,105 - INFO - CLOSED short at 2065.06 | PnL: 0.24% | $0.46 +2025-03-10 12:44:58,106 - INFO - OPENED LONG at 2065.06 | Stop loss: 2054.7347 | Take profit: 2096.0359 +2025-03-10 12:44:58,154 - INFO - CLOSED long at 2064.11 | PnL: -0.05% | $-0.47 +2025-03-10 12:44:58,315 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.32505 | Take profit: 2032.0648500000002 +2025-03-10 12:44:58,467 - INFO - CLOSED short at 2059.2 | PnL: 0.18% | $0.27 +2025-03-10 12:44:58,468 - INFO - OPENED LONG at 2059.2 | Stop loss: 2048.904 | Take profit: 2090.0879999999997 +2025-03-10 12:44:59,266 - INFO - CLOSED long at 2065.12 | PnL: 0.29% | $0.60 +2025-03-10 12:44:59,456 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4003999999995 | Take profit: 2033.1188 +2025-03-10 12:44:59,548 - INFO - CLOSED short at 2059.9 | PnL: 0.20% | $0.33 +2025-03-10 12:44:59,548 - INFO - OPENED LONG at 2059.9 | Stop loss: 2049.6005 | Take profit: 2090.7985 +2025-03-10 12:44:59,599 - INFO - CLOSED long at 2060.7 | PnL: 0.04% | $-0.20 +2025-03-10 12:44:59,599 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:44:59,695 - INFO - CLOSED short at 2062.54 | PnL: -0.09% | $-0.61 +2025-03-10 12:44:59,696 - INFO - OPENED LONG at 2062.54 | Stop loss: 2052.2273 | Take profit: 2093.4781 +2025-03-10 12:44:59,742 - INFO - CLOSED long at 2065.72 | PnL: 0.15% | $0.17 +2025-03-10 12:44:59,743 - INFO - OPENED SHORT at 2065.72 | Stop loss: 2076.0485999999996 | Take profit: 2034.7341999999999 +2025-03-10 12:44:59,886 - INFO - CLOSED short at 2069.34 | PnL: -0.18% | $-0.88 +2025-03-10 12:45:00,019 - INFO - OPENED SHORT at 2073.49 | Stop loss: 2083.8574499999995 | Take profit: 2042.3876499999997 +2025-03-10 12:45:00,114 - INFO - CLOSED short at 2072.99 | PnL: 0.02% | $-0.24 +2025-03-10 12:45:00,200 - INFO - OPENED SHORT at 2071.8 | Stop loss: 2082.159 | Take profit: 2040.7230000000002 +2025-03-10 12:45:00,391 - INFO - STOP LOSS hit for short at 2082.159 | PnL: -0.50% | $-1.90 +2025-03-10 12:45:00,851 - INFO - OPENED LONG at 2142.68 | Stop loss: 2131.9665999999997 | Take profit: 2174.8201999999997 +2025-03-10 12:45:00,979 - INFO - STOP LOSS hit for long at 2131.9665999999997 | PnL: -0.50% | $-1.85 +2025-03-10 12:45:01,343 - INFO - OPENED LONG at 2118.52 | Stop loss: 2107.9274 | Take profit: 2150.2978 +2025-03-10 12:45:01,536 - INFO - STOP LOSS hit for long at 2107.9274 | PnL: -0.50% | $-1.81 +2025-03-10 12:45:01,585 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.153 | Take profit: 2078.941 +2025-03-10 12:45:01,766 - INFO - CLOSED short at 2112.46 | PnL: -0.09% | $-0.55 +2025-03-10 12:45:01,815 - INFO - OPENED SHORT at 2113.24 | Stop loss: 2123.8061999999995 | Take profit: 2081.5413999999996 +2025-03-10 12:45:02,870 - INFO - CLOSED short at 2103.86 | PnL: 0.44% | $1.00 +2025-03-10 12:45:03,056 - INFO - OPENED LONG at 2100.02 | Stop loss: 2089.5199 | Take profit: 2131.5202999999997 +2025-03-10 12:45:03,290 - INFO - CLOSED long at 2092.46 | PnL: -0.36% | $-1.36 +2025-03-10 12:45:03,679 - INFO - OPENED SHORT at 2083.97 | Stop loss: 2094.3898499999996 | Take profit: 2052.7104499999996 +2025-03-10 12:45:04,062 - INFO - CLOSED short at 2083.59 | PnL: 0.02% | $-0.24 +2025-03-10 12:45:04,445 - INFO - OPENED SHORT at 2088.1 | Stop loss: 2098.5404999999996 | Take profit: 2056.7785 +2025-03-10 12:45:04,538 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 30.8% in downtrends | Avg Win=$0.34, Avg Loss=$-0.73 +2025-03-10 12:45:04,539 - INFO - Episode 9: Reward=202.20, Balance=$72.38, Win Rate=29.9%, Trades=67, Episode PnL=$-17.85, Total PnL=$-288.27, Max Drawdown=27.6%, Pred Accuracy=99.6% +2025-03-10 12:45:04,573 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:45:05,182 - INFO - OPENED LONG at 2057.9 | Stop loss: 2047.6105 | Take profit: 2088.7684999999997 +2025-03-10 12:45:05,376 - INFO - CLOSED long at 2058.59 | PnL: 0.03% | $-0.27 +2025-03-10 12:45:05,376 - INFO - OPENED SHORT at 2058.59 | Stop loss: 2068.8829499999997 | Take profit: 2027.71115 +2025-03-10 12:45:05,659 - INFO - CLOSED short at 2052.16 | PnL: 0.31% | $0.85 +2025-03-10 12:45:05,660 - INFO - OPENED LONG at 2052.16 | Stop loss: 2041.8991999999998 | Take profit: 2082.9423999999995 +2025-03-10 12:45:05,703 - INFO - CLOSED long at 2053.1 | PnL: 0.05% | $-0.22 +2025-03-10 12:45:05,752 - INFO - OPENED SHORT at 2052.25 | Stop loss: 2062.5112499999996 | Take profit: 2021.46625 +2025-03-10 12:45:05,794 - INFO - CLOSED short at 2050.71 | PnL: 0.08% | $-0.10 +2025-03-10 12:45:05,795 - INFO - OPENED LONG at 2050.71 | Stop loss: 2040.4564500000001 | Take profit: 2081.4706499999998 +2025-03-10 12:45:05,846 - INFO - CLOSED long at 2050.44 | PnL: -0.01% | $-0.45 +2025-03-10 12:45:05,846 - INFO - OPENED SHORT at 2050.44 | Stop loss: 2060.6922 | Take profit: 2019.6834000000001 +2025-03-10 12:45:05,988 - INFO - CLOSED short at 2049.6 | PnL: 0.04% | $-0.24 +2025-03-10 12:45:06,588 - INFO - OPENED SHORT at 2047.59 | Stop loss: 2057.82795 | Take profit: 2016.8761499999998 +2025-03-10 12:45:07,161 - INFO - STOP LOSS hit for short at 2057.82795 | PnL: -0.50% | $-2.39 +2025-03-10 12:45:07,388 - INFO - OPENED SHORT at 2064.61 | Stop loss: 2074.93305 | Take profit: 2033.64085 +2025-03-10 12:45:07,617 - INFO - CLOSED short at 2060.99 | PnL: 0.18% | $0.29 +2025-03-10 12:45:07,618 - INFO - OPENED LONG at 2060.99 | Stop loss: 2050.6850499999996 | Take profit: 2091.9048499999994 +2025-03-10 12:45:07,665 - INFO - CLOSED long at 2058.3 | PnL: -0.13% | $-0.90 +2025-03-10 12:45:07,666 - INFO - OPENED SHORT at 2058.3 | Stop loss: 2068.5915 | Take profit: 2027.4255 +2025-03-10 12:45:08,121 - INFO - CLOSED short at 2061.79 | PnL: -0.17% | $-1.04 +2025-03-10 12:45:08,214 - INFO - OPENED LONG at 2064.32 | Stop loss: 2053.9984 | Take profit: 2095.2848 +2025-03-10 12:45:08,258 - INFO - CLOSED long at 2065.86 | PnL: 0.07% | $-0.10 +2025-03-10 12:45:08,259 - INFO - OPENED SHORT at 2065.86 | Stop loss: 2076.1893 | Take profit: 2034.8721 +2025-03-10 12:45:08,804 - INFO - CLOSED short at 2067.69 | PnL: -0.09% | $-0.72 +2025-03-10 12:45:09,711 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9933 | Take profit: 2100.3801 +2025-03-10 12:45:09,949 - INFO - CLOSED long at 2069.01 | PnL: -0.02% | $-0.44 +2025-03-10 12:45:10,307 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.2445 | Take profit: 2037.8665 +2025-03-10 12:45:10,357 - INFO - CLOSED short at 2068.51 | PnL: 0.02% | $-0.31 +2025-03-10 12:45:10,357 - INFO - OPENED LONG at 2068.51 | Stop loss: 2058.1674500000004 | Take profit: 2099.53765 +2025-03-10 12:45:10,962 - INFO - CLOSED long at 2073.9 | PnL: 0.26% | $0.60 +2025-03-10 12:45:11,670 - INFO - OPENED LONG at 2068.58 | Stop loss: 2058.2371 | Take profit: 2099.6086999999998 +2025-03-10 12:45:12,084 - INFO - CLOSED long at 2070.4 | PnL: 0.09% | $-0.05 +2025-03-10 12:45:12,129 - INFO - OPENED SHORT at 2070.73 | Stop loss: 2081.0836499999996 | Take profit: 2039.66905 +2025-03-10 12:45:12,371 - INFO - CLOSED short at 2067.86 | PnL: 0.14% | $0.15 +2025-03-10 12:45:12,371 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.5207 | Take profit: 2098.8779 +2025-03-10 12:45:12,531 - INFO - CLOSED long at 2065.28 | PnL: -0.12% | $-0.85 +2025-03-10 12:45:12,532 - INFO - OPENED SHORT at 2065.28 | Stop loss: 2075.6064 | Take profit: 2034.3008000000002 +2025-03-10 12:45:12,578 - INFO - CLOSED short at 2066.39 | PnL: -0.05% | $-0.58 +2025-03-10 12:45:12,664 - INFO - OPENED LONG at 2070.04 | Stop loss: 2059.6898 | Take profit: 2101.0905999999995 +2025-03-10 12:45:12,721 - INFO - CLOSED long at 2067.8 | PnL: -0.11% | $-0.78 +2025-03-10 12:45:12,721 - INFO - OPENED SHORT at 2067.8 | Stop loss: 2078.139 | Take profit: 2036.7830000000001 +2025-03-10 12:45:12,765 - INFO - CLOSED short at 2068.18 | PnL: -0.02% | $-0.44 +2025-03-10 12:45:12,766 - INFO - OPENED LONG at 2068.18 | Stop loss: 2057.8390999999997 | Take profit: 2099.2027 +2025-03-10 12:45:12,856 - INFO - CLOSED long at 2067.88 | PnL: -0.01% | $-0.42 +2025-03-10 12:45:12,857 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2194 | Take profit: 2036.8618000000001 +2025-03-10 12:45:13,661 - INFO - CLOSED short at 2064.08 | PnL: 0.18% | $0.31 +2025-03-10 12:45:13,711 - INFO - OPENED SHORT at 2062.71 | Stop loss: 2073.02355 | Take profit: 2031.76935 +2025-03-10 12:45:13,756 - INFO - CLOSED short at 2062.89 | PnL: -0.01% | $-0.40 +2025-03-10 12:45:13,799 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8224999999998 | Take profit: 2033.5325 +2025-03-10 12:45:14,103 - INFO - CLOSED short at 2059.3 | PnL: 0.25% | $0.56 +2025-03-10 12:45:14,104 - INFO - OPENED LONG at 2059.3 | Stop loss: 2049.0035000000003 | Take profit: 2090.1895 +2025-03-10 12:45:14,401 - INFO - CLOSED long at 2060.3 | PnL: 0.05% | $-0.19 +2025-03-10 12:45:14,542 - INFO - OPENED SHORT at 2064.1 | Stop loss: 2074.4204999999997 | Take profit: 2033.1384999999998 +2025-03-10 12:45:14,590 - INFO - CLOSED short at 2065.36 | PnL: -0.06% | $-0.59 +2025-03-10 12:45:14,643 - INFO - OPENED SHORT at 2064.33 | Stop loss: 2074.65165 | Take profit: 2033.3650499999999 +2025-03-10 12:45:15,241 - INFO - CLOSED short at 2059.02 | PnL: 0.26% | $0.57 +2025-03-10 12:45:15,241 - INFO - OPENED LONG at 2059.02 | Stop loss: 2048.7249 | Take profit: 2089.9053 +2025-03-10 12:45:15,518 - INFO - CLOSED long at 2056.28 | PnL: -0.13% | $-0.86 +2025-03-10 12:45:15,652 - INFO - OPENED LONG at 2054.83 | Stop loss: 2044.55585 | Take profit: 2085.6524499999996 +2025-03-10 12:45:15,750 - INFO - CLOSED long at 2058.15 | PnL: 0.16% | $0.22 +2025-03-10 12:45:15,751 - INFO - OPENED SHORT at 2058.15 | Stop loss: 2068.4407499999998 | Take profit: 2027.27775 +2025-03-10 12:45:15,881 - INFO - CLOSED short at 2061.5 | PnL: -0.16% | $-0.96 +2025-03-10 12:45:15,930 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.908 | Take profit: 2030.676 +2025-03-10 12:45:16,251 - INFO - CLOSED short at 2064.49 | PnL: -0.14% | $-0.87 +2025-03-10 12:45:16,299 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6616499999996 | Take profit: 2035.33505 +2025-03-10 12:45:16,484 - INFO - CLOSED short at 2067.01 | PnL: -0.03% | $-0.48 +2025-03-10 12:45:16,533 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.01845 | Take profit: 2034.7046500000001 +2025-03-10 12:45:16,716 - INFO - STOP LOSS hit for short at 2076.01845 | PnL: -0.50% | $-2.13 +2025-03-10 12:45:16,759 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.38505 | Take profit: 2043.8848500000001 +2025-03-10 12:45:17,177 - INFO - CLOSED short at 2069.69 | PnL: 0.26% | $0.54 +2025-03-10 12:45:17,747 - INFO - OPENED SHORT at 2063.97 | Stop loss: 2074.2898499999997 | Take profit: 2033.0104499999998 +2025-03-10 12:45:17,847 - INFO - CLOSED short at 2065.3 | PnL: -0.06% | $-0.57 +2025-03-10 12:45:17,847 - INFO - OPENED LONG at 2065.3 | Stop loss: 2054.9735 | Take profit: 2096.2795 +2025-03-10 12:45:17,914 - INFO - CLOSED long at 2064.4 | PnL: -0.04% | $-0.50 +2025-03-10 12:45:17,914 - INFO - OPENED SHORT at 2064.4 | Stop loss: 2074.7219999999998 | Take profit: 2033.434 +2025-03-10 12:45:17,959 - INFO - CLOSED short at 2064.31 | PnL: 0.00% | $-0.33 +2025-03-10 12:45:18,008 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8275 | Take profit: 2034.5175 +2025-03-10 12:45:18,208 - INFO - CLOSED short at 2066.8 | PnL: -0.06% | $-0.56 +2025-03-10 12:45:18,254 - INFO - OPENED LONG at 2066.5 | Stop loss: 2056.1675 | Take profit: 2097.4975 +2025-03-10 12:45:18,304 - INFO - CLOSED long at 2068.59 | PnL: 0.10% | $0.00 +2025-03-10 12:45:18,304 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.93295 | Take profit: 2037.5611500000002 +2025-03-10 12:45:18,350 - INFO - CLOSED short at 2071.59 | PnL: -0.15% | $-0.84 +2025-03-10 12:45:18,451 - INFO - OPENED SHORT at 2071.35 | Stop loss: 2081.70675 | Take profit: 2040.27975 +2025-03-10 12:45:18,583 - INFO - CLOSED short at 2070.7 | PnL: 0.03% | $-0.23 +2025-03-10 12:45:18,917 - INFO - OPENED SHORT at 2070.67 | Stop loss: 2081.02335 | Take profit: 2039.60995 +2025-03-10 12:45:19,711 - INFO - CLOSED short at 2067.0 | PnL: 0.18% | $0.26 +2025-03-10 12:45:19,762 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2394999999997 | Take profit: 2036.8815 +2025-03-10 12:45:20,267 - INFO - CLOSED short at 2065.7 | PnL: 0.11% | $0.02 +2025-03-10 12:45:20,267 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3714999999997 | Take profit: 2096.6854999999996 +2025-03-10 12:45:20,907 - INFO - CLOSED long at 2060.7 | PnL: -0.24% | $-1.16 +2025-03-10 12:45:20,908 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:45:21,480 - INFO - CLOSED short at 2057.11 | PnL: 0.17% | $0.25 +2025-03-10 12:45:21,539 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1794499999996 | Take profit: 2027.02165 +2025-03-10 12:45:21,722 - INFO - CLOSED short at 2062.43 | PnL: -0.22% | $-1.07 +2025-03-10 12:45:21,723 - INFO - OPENED LONG at 2062.43 | Stop loss: 2052.1178499999996 | Take profit: 2093.3664499999995 +2025-03-10 12:45:21,774 - INFO - CLOSED long at 2062.55 | PnL: 0.01% | $-0.31 +2025-03-10 12:45:21,912 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8274499999998 | Take profit: 2036.4776499999998 +2025-03-10 12:45:22,200 - INFO - CLOSED short at 2061.84 | PnL: 0.27% | $0.57 +2025-03-10 12:45:22,342 - INFO - OPENED LONG at 2070.31 | Stop loss: 2059.95845 | Take profit: 2101.3646499999995 +2025-03-10 12:45:22,390 - INFO - CLOSED long at 2070.24 | PnL: -0.00% | $-0.34 +2025-03-10 12:45:22,391 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.5911999999994 | Take profit: 2039.1863999999998 +2025-03-10 12:45:22,783 - INFO - CLOSED short at 2071.8 | PnL: -0.08% | $-0.58 +2025-03-10 12:45:22,931 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2087.9980499999997 | Take profit: 2046.44585 +2025-03-10 12:45:23,031 - INFO - STOP LOSS hit for short at 2087.9980499999997 | PnL: -0.50% | $-1.97 +2025-03-10 12:45:23,169 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8423 | Take profit: 2171.6330999999996 +2025-03-10 12:45:23,598 - INFO - CLOSED long at 2126.99 | PnL: -0.59% | $-2.20 +2025-03-10 12:45:23,598 - INFO - OPENED SHORT at 2126.99 | Stop loss: 2137.6249499999994 | Take profit: 2095.08515 +2025-03-10 12:45:23,698 - INFO - CLOSED short at 2128.69 | PnL: -0.08% | $-0.56 +2025-03-10 12:45:23,699 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.04655 | Take profit: 2160.6203499999997 +2025-03-10 12:45:23,839 - INFO - STOP LOSS hit for long at 2118.04655 | PnL: -0.50% | $-1.85 +2025-03-10 12:45:23,885 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3303499999997 | Take profit: 2151.7289499999997 +2025-03-10 12:45:24,027 - INFO - CLOSED long at 2119.14 | PnL: -0.04% | $-0.41 +2025-03-10 12:45:24,027 - INFO - OPENED SHORT at 2119.14 | Stop loss: 2129.7356999999997 | Take profit: 2087.3529 +2025-03-10 12:45:24,168 - INFO - CLOSED short at 2107.43 | PnL: 0.55% | $1.36 +2025-03-10 12:45:24,169 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8928499999997 | Take profit: 2139.0414499999997 +2025-03-10 12:45:24,218 - INFO - CLOSED long at 2110.6 | PnL: 0.15% | $0.15 +2025-03-10 12:45:24,219 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.153 | Take profit: 2078.941 +2025-03-10 12:45:24,259 - INFO - CLOSED short at 2109.05 | PnL: 0.07% | $-0.08 +2025-03-10 12:45:24,260 - INFO - OPENED LONG at 2109.05 | Stop loss: 2098.50475 | Take profit: 2140.68575 +2025-03-10 12:45:24,309 - INFO - CLOSED long at 2112.09 | PnL: 0.14% | $0.13 +2025-03-10 12:45:24,310 - INFO - OPENED SHORT at 2112.09 | Stop loss: 2122.65045 | Take profit: 2080.4086500000003 +2025-03-10 12:45:24,657 - INFO - CLOSED short at 2114.8 | PnL: -0.13% | $-0.70 +2025-03-10 12:45:24,658 - INFO - OPENED LONG at 2114.8 | Stop loss: 2104.226 | Take profit: 2146.522 +2025-03-10 12:45:24,807 - INFO - CLOSED long at 2106.49 | PnL: -0.39% | $-1.50 +2025-03-10 12:45:24,807 - INFO - OPENED SHORT at 2106.49 | Stop loss: 2117.0224499999995 | Take profit: 2074.89265 +2025-03-10 12:45:24,853 - INFO - CLOSED short at 2108.06 | PnL: -0.07% | $-0.52 +2025-03-10 12:45:24,854 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.5197 | Take profit: 2139.6809 +2025-03-10 12:45:25,000 - INFO - STOP LOSS hit for long at 2097.5197 | PnL: -0.50% | $-1.77 +2025-03-10 12:45:25,479 - INFO - OPENED SHORT at 2100.74 | Stop loss: 2111.2436999999995 | Take profit: 2069.2288999999996 +2025-03-10 12:45:25,716 - INFO - CLOSED short at 2100.02 | PnL: 0.03% | $-0.19 +2025-03-10 12:45:25,717 - INFO - OPENED LONG at 2100.02 | Stop loss: 2089.5199 | Take profit: 2131.5202999999997 +2025-03-10 12:45:25,765 - INFO - CLOSED long at 2098.39 | PnL: -0.08% | $-0.51 +2025-03-10 12:45:25,765 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.8819499999995 | Take profit: 2066.91415 +2025-03-10 12:45:25,905 - INFO - CLOSED short at 2093.33 | PnL: 0.24% | $0.40 +2025-03-10 12:45:25,906 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.86335 | Take profit: 2124.72995 +2025-03-10 12:45:26,000 - INFO - CLOSED long at 2091.1 | PnL: -0.11% | $-0.59 +2025-03-10 12:45:26,000 - INFO - OPENED SHORT at 2091.1 | Stop loss: 2101.5554999999995 | Take profit: 2059.7335 +2025-03-10 12:45:26,185 - INFO - CLOSED short at 2083.28 | PnL: 0.37% | $0.78 +2025-03-10 12:45:26,185 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.8636 | Take profit: 2114.5292 +2025-03-10 12:45:26,330 - INFO - CLOSED long at 2085.3 | PnL: 0.10% | $-0.01 +2025-03-10 12:45:26,332 - INFO - OPENED SHORT at 2085.3 | Stop loss: 2095.7264999999998 | Take profit: 2054.0205 +2025-03-10 12:45:26,696 - INFO - CLOSED short at 2086.57 | PnL: -0.06% | $-0.46 +2025-03-10 12:45:26,697 - INFO - OPENED LONG at 2086.57 | Stop loss: 2076.13715 | Take profit: 2117.86855 +2025-03-10 12:45:26,885 - INFO - CLOSED long at 2085.85 | PnL: -0.03% | $-0.38 +2025-03-10 12:45:26,885 - INFO - OPENED SHORT at 2085.85 | Stop loss: 2096.2792499999996 | Take profit: 2054.56225 +2025-03-10 12:45:26,972 - INFO - CLOSED short at 2088.32 | PnL: -0.12% | $-0.62 +2025-03-10 12:45:26,973 - INFO - OPENED LONG at 2088.32 | Stop loss: 2077.8784 | Take profit: 2119.6448 +2025-03-10 12:45:27,117 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 34.6% in downtrends | Avg Win=$0.42, Avg Loss=$-0.70 +2025-03-10 12:45:27,119 - INFO - Episode 10: Reward=193.96, Balance=$70.46, Win Rate=26.0%, Trades=73, Episode PnL=$-18.05, Total PnL=$-317.82, Max Drawdown=28.2%, Pred Accuracy=99.7% +2025-03-10 12:45:27,246 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 12:45:27,247 - INFO - Checkpoint saved at episode 10 +2025-03-10 12:45:27,278 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:45:27,566 - INFO - OPENED SHORT at 2059.03 | Stop loss: 2069.32515 | Take profit: 2028.1445500000002 +2025-03-10 12:45:28,169 - INFO - CLOSED short at 2055.39 | PnL: 0.18% | $0.31 +2025-03-10 12:45:28,364 - INFO - OPENED SHORT at 2052.16 | Stop loss: 2062.4207999999994 | Take profit: 2021.3775999999998 +2025-03-10 12:45:28,913 - INFO - CLOSED short at 2048.48 | PnL: 0.18% | $0.32 +2025-03-10 12:45:29,101 - INFO - OPENED SHORT at 2047.2 | Stop loss: 2057.4359999999997 | Take profit: 2016.492 +2025-03-10 12:45:29,149 - INFO - CLOSED short at 2045.99 | PnL: 0.06% | $-0.16 +2025-03-10 12:45:29,243 - INFO - OPENED LONG at 2045.79 | Stop loss: 2035.56105 | Take profit: 2076.4768499999996 +2025-03-10 12:45:29,338 - INFO - CLOSED long at 2047.59 | PnL: 0.09% | $-0.05 +2025-03-10 12:45:29,339 - INFO - OPENED SHORT at 2047.59 | Stop loss: 2057.82795 | Take profit: 2016.8761499999998 +2025-03-10 12:45:29,754 - INFO - CLOSED short at 2055.69 | PnL: -0.40% | $-1.99 +2025-03-10 12:45:29,754 - INFO - OPENED LONG at 2055.69 | Stop loss: 2045.41155 | Take profit: 2086.52535 +2025-03-10 12:45:29,862 - INFO - CLOSED long at 2056.89 | PnL: 0.06% | $-0.16 +2025-03-10 12:45:29,862 - INFO - OPENED SHORT at 2056.89 | Stop loss: 2067.1744499999995 | Take profit: 2026.0366499999998 +2025-03-10 12:45:30,323 - INFO - CLOSED short at 2064.69 | PnL: -0.38% | $-1.88 +2025-03-10 12:45:30,372 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.69495 | Take profit: 2093.9551500000002 +2025-03-10 12:45:30,648 - INFO - CLOSED long at 2060.31 | PnL: -0.13% | $-0.89 +2025-03-10 12:45:31,016 - INFO - OPENED LONG at 2064.32 | Stop loss: 2053.9984 | Take profit: 2095.2848 +2025-03-10 12:45:31,578 - INFO - CLOSED long at 2067.69 | PnL: 0.16% | $0.24 +2025-03-10 12:45:31,578 - INFO - OPENED SHORT at 2067.69 | Stop loss: 2078.02845 | Take profit: 2036.67465 +2025-03-10 12:45:32,471 - INFO - CLOSED short at 2069.34 | PnL: -0.08% | $-0.69 +2025-03-10 12:45:32,708 - INFO - OPENED SHORT at 2069.01 | Stop loss: 2079.35505 | Take profit: 2037.9748500000003 +2025-03-10 12:45:32,843 - INFO - CLOSED short at 2066.19 | PnL: 0.14% | $0.14 +2025-03-10 12:45:32,949 - INFO - OPENED SHORT at 2065.08 | Stop loss: 2075.4053999999996 | Take profit: 2034.1037999999999 +2025-03-10 12:45:33,191 - INFO - CLOSED short at 2068.59 | PnL: -0.17% | $-1.03 +2025-03-10 12:45:33,192 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.24705 | Take profit: 2099.61885 +2025-03-10 12:45:33,230 - INFO - CLOSED long at 2069.7 | PnL: 0.05% | $-0.17 +2025-03-10 12:45:33,231 - INFO - OPENED SHORT at 2069.7 | Stop loss: 2080.0484999999994 | Take profit: 2038.6544999999999 +2025-03-10 12:45:33,322 - INFO - CLOSED short at 2069.96 | PnL: -0.01% | $-0.42 +2025-03-10 12:45:33,322 - INFO - OPENED LONG at 2069.96 | Stop loss: 2059.6102 | Take profit: 2101.0094 +2025-03-10 12:45:33,469 - INFO - CLOSED long at 2071.36 | PnL: 0.07% | $-0.12 +2025-03-10 12:45:33,470 - INFO - OPENED SHORT at 2071.36 | Stop loss: 2081.7167999999997 | Take profit: 2040.2896 +2025-03-10 12:45:33,701 - INFO - CLOSED short at 2074.29 | PnL: -0.14% | $-0.90 +2025-03-10 12:45:33,750 - INFO - OPENED SHORT at 2073.9 | Stop loss: 2084.2695 | Take profit: 2042.7915 +2025-03-10 12:45:34,071 - INFO - CLOSED short at 2067.0 | PnL: 0.33% | $0.86 +2025-03-10 12:45:34,072 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.665 | Take profit: 2098.0049999999997 +2025-03-10 12:45:34,128 - INFO - CLOSED long at 2067.79 | PnL: 0.04% | $-0.23 +2025-03-10 12:45:34,128 - INFO - OPENED SHORT at 2067.79 | Stop loss: 2078.12895 | Take profit: 2036.77315 +2025-03-10 12:45:34,596 - INFO - CLOSED short at 2067.86 | PnL: -0.00% | $-0.39 +2025-03-10 12:45:34,598 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.5207 | Take profit: 2098.8779 +2025-03-10 12:45:34,973 - INFO - CLOSED long at 2068.5 | PnL: 0.03% | $-0.26 +2025-03-10 12:45:35,117 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.44555 | Take profit: 2036.10335 +2025-03-10 12:45:35,337 - INFO - CLOSED short at 2065.28 | PnL: 0.09% | $-0.04 +2025-03-10 12:45:35,387 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.0580499999996 | Take profit: 2097.3858499999997 +2025-03-10 12:45:35,488 - INFO - CLOSED long at 2070.04 | PnL: 0.18% | $0.28 +2025-03-10 12:45:35,929 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2044499999997 | Take profit: 2031.9466499999999 +2025-03-10 12:45:36,016 - INFO - CLOSED short at 2061.78 | PnL: 0.05% | $-0.17 +2025-03-10 12:45:36,016 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.4711 | Take profit: 2092.7067 +2025-03-10 12:45:36,448 - INFO - CLOSED long at 2064.45 | PnL: 0.13% | $0.11 +2025-03-10 12:45:36,449 - INFO - OPENED SHORT at 2064.45 | Stop loss: 2074.7722499999995 | Take profit: 2033.4832499999998 +2025-03-10 12:45:36,642 - INFO - CLOSED short at 2064.5 | PnL: -0.00% | $-0.38 +2025-03-10 12:45:36,735 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.908 | Take profit: 2030.676 +2025-03-10 12:45:37,027 - INFO - CLOSED short at 2061.8 | PnL: -0.01% | $-0.41 +2025-03-10 12:45:37,069 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.3765 | Take profit: 2095.6704999999997 +2025-03-10 12:45:37,113 - INFO - CLOSED long at 2062.61 | PnL: -0.10% | $-0.74 +2025-03-10 12:45:37,114 - INFO - OPENED SHORT at 2062.61 | Stop loss: 2072.92305 | Take profit: 2031.6708500000002 +2025-03-10 12:45:37,263 - INFO - CLOSED short at 2061.13 | PnL: 0.07% | $-0.10 +2025-03-10 12:45:37,305 - INFO - OPENED LONG at 2061.9 | Stop loss: 2051.5905000000002 | Take profit: 2092.8285 +2025-03-10 12:45:37,507 - INFO - CLOSED long at 2063.39 | PnL: 0.07% | $-0.10 +2025-03-10 12:45:37,508 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.70695 | Take profit: 2032.43915 +2025-03-10 12:45:37,698 - INFO - CLOSED short at 2063.0 | PnL: 0.02% | $-0.30 +2025-03-10 12:45:37,698 - INFO - OPENED LONG at 2063.0 | Stop loss: 2052.685 | Take profit: 2093.9449999999997 +2025-03-10 12:45:37,800 - INFO - CLOSED long at 2061.89 | PnL: -0.05% | $-0.56 +2025-03-10 12:45:37,801 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.1994499999996 | Take profit: 2030.9616499999997 +2025-03-10 12:45:38,293 - INFO - CLOSED short at 2057.4 | PnL: 0.22% | $0.42 +2025-03-10 12:45:38,338 - INFO - OPENED SHORT at 2058.28 | Stop loss: 2068.5714 | Take profit: 2027.4058000000002 +2025-03-10 12:45:38,876 - INFO - CLOSED short at 2061.3 | PnL: -0.15% | $-0.89 +2025-03-10 12:45:38,877 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9935 | Take profit: 2092.2195 +2025-03-10 12:45:39,256 - INFO - CLOSED long at 2066.34 | PnL: 0.24% | $0.52 +2025-03-10 12:45:39,257 - INFO - OPENED SHORT at 2066.34 | Stop loss: 2076.6717 | Take profit: 2035.3449 +2025-03-10 12:45:39,299 - INFO - CLOSED short at 2066.79 | PnL: -0.02% | $-0.44 +2025-03-10 12:45:39,454 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.01845 | Take profit: 2034.7046500000001 +2025-03-10 12:45:39,645 - INFO - STOP LOSS hit for short at 2076.01845 | PnL: -0.50% | $-2.15 +2025-03-10 12:45:39,692 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.38505 | Take profit: 2043.8848500000001 +2025-03-10 12:45:39,884 - INFO - CLOSED short at 2071.6 | PnL: 0.16% | $0.23 +2025-03-10 12:45:39,884 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.2419999999997 | Take profit: 2102.6739999999995 +2025-03-10 12:45:40,353 - INFO - CLOSED long at 2072.99 | PnL: 0.07% | $-0.12 +2025-03-10 12:45:40,697 - INFO - OPENED LONG at 2063.95 | Stop loss: 2053.6302499999997 | Take profit: 2094.9092499999997 +2025-03-10 12:45:40,739 - INFO - CLOSED long at 2063.97 | PnL: 0.00% | $-0.35 +2025-03-10 12:45:41,459 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.2545 | Take profit: 2039.8365000000001 +2025-03-10 12:45:41,799 - INFO - CLOSED short at 2068.19 | PnL: 0.13% | $0.11 +2025-03-10 12:45:41,985 - INFO - OPENED LONG at 2071.61 | Stop loss: 2061.2519500000003 | Take profit: 2102.68415 +2025-03-10 12:45:42,080 - INFO - CLOSED long at 2075.07 | PnL: 0.17% | $0.23 +2025-03-10 12:45:42,080 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.44535 | Take profit: 2043.94395 +2025-03-10 12:45:42,411 - INFO - CLOSED short at 2075.61 | PnL: -0.03% | $-0.44 +2025-03-10 12:45:42,412 - INFO - OPENED LONG at 2075.61 | Stop loss: 2065.2319500000003 | Take profit: 2106.74415 +2025-03-10 12:45:42,503 - INFO - CLOSED long at 2072.09 | PnL: -0.17% | $-0.94 +2025-03-10 12:45:42,503 - INFO - OPENED SHORT at 2072.09 | Stop loss: 2082.45045 | Take profit: 2041.0086500000002 +2025-03-10 12:45:42,549 - INFO - CLOSED short at 2069.97 | PnL: 0.10% | $0.01 +2025-03-10 12:45:42,601 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.0384999999997 | Take profit: 2036.6844999999998 +2025-03-10 12:45:42,787 - INFO - CLOSED short at 2066.89 | PnL: 0.04% | $-0.21 +2025-03-10 12:45:42,787 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.55555 | Take profit: 2097.89335 +2025-03-10 12:45:42,883 - INFO - CLOSED long at 2065.45 | PnL: -0.07% | $-0.58 +2025-03-10 12:45:42,883 - INFO - OPENED SHORT at 2065.45 | Stop loss: 2075.7772499999996 | Take profit: 2034.46825 +2025-03-10 12:45:43,172 - INFO - CLOSED short at 2065.5 | PnL: -0.00% | $-0.35 +2025-03-10 12:45:43,173 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1725 | Take profit: 2096.4824999999996 +2025-03-10 12:45:43,527 - INFO - CLOSED long at 2063.98 | PnL: -0.07% | $-0.59 +2025-03-10 12:45:43,527 - INFO - OPENED SHORT at 2063.98 | Stop loss: 2074.2999 | Take profit: 2033.0203 +2025-03-10 12:45:44,044 - INFO - CLOSED short at 2058.65 | PnL: 0.26% | $0.54 +2025-03-10 12:45:44,044 - INFO - OPENED LONG at 2058.65 | Stop loss: 2048.35675 | Take profit: 2089.5297499999997 +2025-03-10 12:45:44,088 - INFO - CLOSED long at 2056.77 | PnL: -0.09% | $-0.65 +2025-03-10 12:45:44,089 - INFO - OPENED SHORT at 2056.77 | Stop loss: 2067.05385 | Take profit: 2025.91845 +2025-03-10 12:45:44,178 - INFO - CLOSED short at 2049.21 | PnL: 0.37% | $0.90 +2025-03-10 12:45:44,178 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.96395 | Take profit: 2079.9481499999997 +2025-03-10 12:45:44,274 - INFO - CLOSED long at 2051.99 | PnL: 0.14% | $0.12 +2025-03-10 12:45:44,275 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.2499499999994 | Take profit: 2021.2101499999997 +2025-03-10 12:45:44,512 - INFO - STOP LOSS hit for short at 2062.2499499999994 | PnL: -0.50% | $-2.05 +2025-03-10 12:45:44,603 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.7745 | Take profit: 2096.0764999999997 +2025-03-10 12:45:44,654 - INFO - CLOSED long at 2062.43 | PnL: -0.13% | $-0.77 +2025-03-10 12:45:44,655 - INFO - OPENED SHORT at 2062.43 | Stop loss: 2072.7421499999996 | Take profit: 2031.49355 +2025-03-10 12:45:44,841 - INFO - CLOSED short at 2067.49 | PnL: -0.25% | $-1.14 +2025-03-10 12:45:44,842 - INFO - OPENED LONG at 2067.49 | Stop loss: 2057.15255 | Take profit: 2098.5023499999998 +2025-03-10 12:45:44,938 - INFO - CLOSED long at 2064.08 | PnL: -0.16% | $-0.86 +2025-03-10 12:45:44,939 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4003999999995 | Take profit: 2033.1188 +2025-03-10 12:45:45,129 - INFO - CLOSED short at 2061.84 | PnL: 0.11% | $0.03 +2025-03-10 12:45:45,274 - INFO - OPENED LONG at 2070.31 | Stop loss: 2059.95845 | Take profit: 2101.3646499999995 +2025-03-10 12:45:45,320 - INFO - CLOSED long at 2070.24 | PnL: -0.00% | $-0.33 +2025-03-10 12:45:45,321 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.5911999999994 | Take profit: 2039.1863999999998 +2025-03-10 12:45:45,914 - INFO - STOP LOSS hit for short at 2080.5911999999994 | PnL: -0.50% | $-1.93 +2025-03-10 12:45:46,008 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.5350999999996 | Take profit: 2071.4746999999998 +2025-03-10 12:45:46,057 - INFO - STOP LOSS hit for short at 2113.5350999999996 | PnL: -0.50% | $-1.88 +2025-03-10 12:45:46,107 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2376999999997 | Take profit: 2107.4469 +2025-03-10 12:45:47,096 - INFO - CLOSED short at 2115.28 | PnL: 1.13% | $3.17 +2025-03-10 12:45:47,097 - INFO - OPENED LONG at 2115.28 | Stop loss: 2104.7036000000003 | Take profit: 2147.0092 +2025-03-10 12:45:47,140 - INFO - CLOSED long at 2107.43 | PnL: -0.37% | $-1.50 +2025-03-10 12:45:47,141 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9671499999995 | Take profit: 2075.81855 +2025-03-10 12:45:47,519 - INFO - STOP LOSS hit for short at 2117.9671499999995 | PnL: -0.50% | $-1.88 +2025-03-10 12:45:47,819 - INFO - OPENED SHORT at 2108.06 | Stop loss: 2118.6002999999996 | Take profit: 2076.4391 +2025-03-10 12:45:48,022 - INFO - CLOSED short at 2099.53 | PnL: 0.40% | $0.93 +2025-03-10 12:45:48,073 - INFO - OPENED SHORT at 2098.1 | Stop loss: 2108.5905 | Take profit: 2066.6285 +2025-03-10 12:45:49,292 - INFO - CLOSED short at 2088.44 | PnL: 0.46% | $1.11 +2025-03-10 12:45:49,292 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.9978 | Take profit: 2119.7666 +2025-03-10 12:45:49,443 - INFO - CLOSED long at 2082.44 | PnL: -0.29% | $-1.21 +2025-03-10 12:45:49,587 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.65625 | Take profit: 2050.03125 +2025-03-10 12:45:49,691 - INFO - CLOSED short at 2085.09 | PnL: -0.18% | $-0.88 +2025-03-10 12:45:49,692 - INFO - OPENED LONG at 2085.09 | Stop loss: 2074.66455 | Take profit: 2116.36635 +2025-03-10 12:45:49,787 - INFO - CLOSED long at 2086.57 | PnL: 0.07% | $-0.09 +2025-03-10 12:45:49,787 - INFO - OPENED SHORT at 2086.57 | Stop loss: 2097.00285 | Take profit: 2055.27145 +2025-03-10 12:45:50,109 - INFO - CLOSED short at 2088.32 | PnL: -0.08% | $-0.56 +2025-03-10 12:45:50,280 - INFO - OPENED LONG at 2089.96 | Stop loss: 2079.5102 | Take profit: 2121.3093999999996 +2025-03-10 12:45:50,339 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 26.1% in downtrends | Avg Win=$0.53, Avg Loss=$-0.71 +2025-03-10 12:45:50,340 - INFO - Episode 11: Reward=198.68, Balance=$75.62, Win Rate=29.0%, Trades=69, Episode PnL=$-15.74, Total PnL=$-342.19, Max Drawdown=24.8%, Pred Accuracy=99.6% +2025-03-10 12:45:50,375 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:45:50,943 - INFO - OPENED LONG at 2056.9 | Stop loss: 2046.6155 | Take profit: 2087.7535 +2025-03-10 12:45:51,128 - INFO - CLOSED long at 2057.99 | PnL: 0.05% | $-0.19 +2025-03-10 12:45:51,129 - INFO - OPENED SHORT at 2057.99 | Stop loss: 2068.2799499999996 | Take profit: 2027.1201499999997 +2025-03-10 12:45:51,514 - INFO - CLOSED short at 2052.7 | PnL: 0.26% | $0.63 +2025-03-10 12:45:51,515 - INFO - OPENED LONG at 2052.7 | Stop loss: 2042.4364999999998 | Take profit: 2083.4904999999994 +2025-03-10 12:45:51,571 - INFO - CLOSED long at 2051.66 | PnL: -0.05% | $-0.61 +2025-03-10 12:45:51,572 - INFO - OPENED SHORT at 2051.66 | Stop loss: 2061.9183 | Take profit: 2020.8850999999997 +2025-03-10 12:45:51,734 - INFO - CLOSED short at 2052.25 | PnL: -0.03% | $-0.51 +2025-03-10 12:45:51,901 - INFO - OPENED SHORT at 2049.49 | Stop loss: 2059.7374499999996 | Take profit: 2018.7476499999998 +2025-03-10 12:45:51,952 - INFO - CLOSED short at 2050.2 | PnL: -0.03% | $-0.53 +2025-03-10 12:45:52,067 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7300499999997 | Take profit: 2082.7698499999997 +2025-03-10 12:45:52,126 - INFO - CLOSED long at 2049.61 | PnL: -0.12% | $-0.85 +2025-03-10 12:45:52,127 - INFO - OPENED SHORT at 2049.61 | Stop loss: 2059.85805 | Take profit: 2018.8658500000001 +2025-03-10 12:45:52,421 - INFO - CLOSED short at 2047.4 | PnL: 0.11% | $0.03 +2025-03-10 12:45:52,421 - INFO - OPENED LONG at 2047.4 | Stop loss: 2037.163 | Take profit: 2078.111 +2025-03-10 12:45:52,591 - INFO - CLOSED long at 2045.99 | PnL: -0.07% | $-0.66 +2025-03-10 12:45:52,591 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.2199499999997 | Take profit: 2015.30015 +2025-03-10 12:45:52,919 - INFO - CLOSED short at 2050.24 | PnL: -0.21% | $-1.20 +2025-03-10 12:45:52,919 - INFO - OPENED LONG at 2050.24 | Stop loss: 2039.9887999999999 | Take profit: 2080.9936 +2025-03-10 12:45:53,488 - INFO - CLOSED long at 2060.13 | PnL: 0.48% | $1.47 +2025-03-10 12:45:53,488 - INFO - OPENED SHORT at 2060.13 | Stop loss: 2070.43065 | Take profit: 2029.2280500000002 +2025-03-10 12:45:53,604 - INFO - CLOSED short at 2061.49 | PnL: -0.07% | $-0.65 +2025-03-10 12:45:53,732 - INFO - OPENED SHORT at 2064.61 | Stop loss: 2074.93305 | Take profit: 2033.64085 +2025-03-10 12:45:53,843 - INFO - CLOSED short at 2061.61 | PnL: 0.15% | $0.18 +2025-03-10 12:45:53,844 - INFO - OPENED LONG at 2061.61 | Stop loss: 2051.30195 | Take profit: 2092.53415 +2025-03-10 12:45:53,926 - INFO - CLOSED long at 2064.69 | PnL: 0.15% | $0.19 +2025-03-10 12:45:53,926 - INFO - OPENED SHORT at 2064.69 | Stop loss: 2075.01345 | Take profit: 2033.71965 +2025-03-10 12:45:54,684 - INFO - CLOSED short at 2058.11 | PnL: 0.32% | $0.85 +2025-03-10 12:45:54,957 - INFO - OPENED SHORT at 2070.58 | Stop loss: 2080.9329 | Take profit: 2039.5212999999999 +2025-03-10 12:45:56,109 - INFO - CLOSED short at 2072.8 | PnL: -0.11% | $-0.81 +2025-03-10 12:45:56,110 - INFO - OPENED LONG at 2072.8 | Stop loss: 2062.436 | Take profit: 2103.892 +2025-03-10 12:45:56,156 - INFO - CLOSED long at 2070.79 | PnL: -0.10% | $-0.77 +2025-03-10 12:45:56,382 - INFO - OPENED SHORT at 2070.36 | Stop loss: 2080.7118 | Take profit: 2039.3046000000002 +2025-03-10 12:45:56,594 - INFO - CLOSED short at 2069.19 | PnL: 0.06% | $-0.17 +2025-03-10 12:45:56,595 - INFO - OPENED LONG at 2069.19 | Stop loss: 2058.84405 | Take profit: 2100.2278499999998 +2025-03-10 12:45:56,757 - INFO - CLOSED long at 2067.51 | PnL: -0.08% | $-0.70 +2025-03-10 12:45:56,757 - INFO - OPENED SHORT at 2067.51 | Stop loss: 2077.84755 | Take profit: 2036.49735 +2025-03-10 12:45:56,870 - INFO - CLOSED short at 2066.39 | PnL: 0.05% | $-0.18 +2025-03-10 12:45:56,871 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.0580499999996 | Take profit: 2097.3858499999997 +2025-03-10 12:45:57,019 - INFO - CLOSED long at 2066.29 | PnL: -0.00% | $-0.40 +2025-03-10 12:45:57,019 - INFO - OPENED SHORT at 2066.29 | Stop loss: 2076.6214499999996 | Take profit: 2035.29565 +2025-03-10 12:45:57,278 - INFO - CLOSED short at 2068.51 | PnL: -0.11% | $-0.79 +2025-03-10 12:45:57,601 - INFO - OPENED LONG at 2071.39 | Stop loss: 2061.03305 | Take profit: 2102.4608499999995 +2025-03-10 12:45:57,661 - INFO - CLOSED long at 2071.36 | PnL: -0.00% | $-0.38 +2025-03-10 12:45:57,661 - INFO - OPENED SHORT at 2071.36 | Stop loss: 2081.7167999999997 | Take profit: 2040.2896 +2025-03-10 12:45:57,927 - INFO - CLOSED short at 2074.29 | PnL: -0.14% | $-0.91 +2025-03-10 12:45:58,123 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.752 | Take profit: 2039.344 +2025-03-10 12:45:58,184 - INFO - CLOSED short at 2071.11 | PnL: -0.03% | $-0.50 +2025-03-10 12:45:58,184 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.75445 | Take profit: 2102.17665 +2025-03-10 12:45:58,257 - INFO - CLOSED long at 2069.46 | PnL: -0.08% | $-0.67 +2025-03-10 12:45:58,258 - INFO - OPENED SHORT at 2069.46 | Stop loss: 2079.8073 | Take profit: 2038.4181 +2025-03-10 12:45:58,592 - INFO - CLOSED short at 2066.8 | PnL: 0.13% | $0.10 +2025-03-10 12:45:58,593 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.4660000000003 | Take profit: 2097.802 +2025-03-10 12:45:58,794 - INFO - CLOSED long at 2067.89 | PnL: 0.05% | $-0.17 +2025-03-10 12:45:58,889 - INFO - OPENED SHORT at 2068.8 | Stop loss: 2079.144 | Take profit: 2037.7680000000003 +2025-03-10 12:45:59,042 - INFO - CLOSED short at 2067.59 | PnL: 0.06% | $-0.15 +2025-03-10 12:45:59,043 - INFO - OPENED LONG at 2067.59 | Stop loss: 2057.25205 | Take profit: 2098.60385 +2025-03-10 12:45:59,352 - INFO - CLOSED long at 2070.73 | PnL: 0.15% | $0.19 +2025-03-10 12:45:59,353 - INFO - OPENED SHORT at 2070.73 | Stop loss: 2081.0836499999996 | Take profit: 2039.66905 +2025-03-10 12:45:59,563 - INFO - CLOSED short at 2067.11 | PnL: 0.17% | $0.27 +2025-03-10 12:45:59,768 - INFO - OPENED SHORT at 2065.28 | Stop loss: 2075.6064 | Take profit: 2034.3008000000002 +2025-03-10 12:46:01,179 - INFO - CLOSED short at 2061.6 | PnL: 0.18% | $0.29 +2025-03-10 12:46:01,422 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.6115499999996 | Take profit: 2029.40535 +2025-03-10 12:46:02,171 - INFO - CLOSED short at 2062.6 | PnL: -0.11% | $-0.78 +2025-03-10 12:46:02,219 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.1994499999996 | Take profit: 2030.9616499999997 +2025-03-10 12:46:02,261 - INFO - CLOSED short at 2061.7 | PnL: 0.01% | $-0.33 +2025-03-10 12:46:02,307 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:46:02,589 - INFO - CLOSED short at 2059.96 | PnL: 0.04% | $-0.23 +2025-03-10 12:46:02,589 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.6602 | Take profit: 2090.8594 +2025-03-10 12:46:02,635 - INFO - CLOSED long at 2059.46 | PnL: -0.02% | $-0.45 +2025-03-10 12:46:02,635 - INFO - OPENED SHORT at 2059.46 | Stop loss: 2069.7572999999998 | Take profit: 2028.5681 +2025-03-10 12:46:02,818 - INFO - CLOSED short at 2055.6 | PnL: 0.19% | $0.32 +2025-03-10 12:46:02,819 - INFO - OPENED LONG at 2055.6 | Stop loss: 2045.322 | Take profit: 2086.4339999999997 +2025-03-10 12:46:02,869 - INFO - CLOSED long at 2054.89 | PnL: -0.03% | $-0.49 +2025-03-10 12:46:02,870 - INFO - OPENED SHORT at 2054.89 | Stop loss: 2065.1644499999998 | Take profit: 2024.0666499999998 +2025-03-10 12:46:03,425 - INFO - STOP LOSS hit for short at 2065.1644499999998 | PnL: -0.50% | $-2.17 +2025-03-10 12:46:03,680 - INFO - OPENED SHORT at 2066.34 | Stop loss: 2076.6717 | Take profit: 2035.3449 +2025-03-10 12:46:03,933 - INFO - CLOSED short at 2069.79 | PnL: -0.17% | $-0.94 +2025-03-10 12:46:03,984 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3599999999997 | Take profit: 2040.92 +2025-03-10 12:46:04,078 - INFO - CLOSED short at 2078.01 | PnL: -0.29% | $-1.36 +2025-03-10 12:46:04,079 - INFO - OPENED LONG at 2078.01 | Stop loss: 2067.6199500000002 | Take profit: 2109.18015 +2025-03-10 12:46:04,176 - INFO - CLOSED long at 2072.6 | PnL: -0.26% | $-1.24 +2025-03-10 12:46:04,176 - INFO - OPENED SHORT at 2072.6 | Stop loss: 2082.9629999999997 | Take profit: 2041.511 +2025-03-10 12:46:04,306 - INFO - CLOSED short at 2071.6 | PnL: 0.05% | $-0.18 +2025-03-10 12:46:04,307 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.2419999999997 | Take profit: 2102.6739999999995 +2025-03-10 12:46:04,441 - INFO - CLOSED long at 2068.15 | PnL: -0.17% | $-0.90 +2025-03-10 12:46:04,442 - INFO - OPENED SHORT at 2068.15 | Stop loss: 2078.49075 | Take profit: 2037.12775 +2025-03-10 12:46:05,192 - INFO - CLOSED short at 2065.3 | PnL: 0.14% | $0.13 +2025-03-10 12:46:05,193 - INFO - OPENED LONG at 2065.3 | Stop loss: 2054.9735 | Take profit: 2096.2795 +2025-03-10 12:46:05,243 - INFO - CLOSED long at 2064.4 | PnL: -0.04% | $-0.48 +2025-03-10 12:46:05,244 - INFO - OPENED SHORT at 2064.4 | Stop loss: 2074.7219999999998 | Take profit: 2033.434 +2025-03-10 12:46:05,631 - INFO - CLOSED short at 2068.59 | PnL: -0.20% | $-1.01 +2025-03-10 12:46:05,725 - INFO - OPENED SHORT at 2070.2 | Stop loss: 2080.5509999999995 | Take profit: 2039.1469999999997 +2025-03-10 12:46:06,387 - INFO - CLOSED short at 2074.37 | PnL: -0.20% | $-0.99 +2025-03-10 12:46:06,388 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.99815 | Take profit: 2105.48555 +2025-03-10 12:46:06,523 - INFO - CLOSED long at 2073.27 | PnL: -0.05% | $-0.50 +2025-03-10 12:46:06,568 - INFO - OPENED LONG at 2073.99 | Stop loss: 2063.62005 | Take profit: 2105.0998499999996 +2025-03-10 12:46:06,659 - INFO - CLOSED long at 2075.29 | PnL: 0.06% | $-0.12 +2025-03-10 12:46:06,659 - INFO - OPENED SHORT at 2075.29 | Stop loss: 2085.6664499999997 | Take profit: 2044.16065 +2025-03-10 12:46:07,083 - INFO - CLOSED short at 2066.4 | PnL: 0.43% | $1.06 +2025-03-10 12:46:07,371 - INFO - OPENED SHORT at 2070.19 | Stop loss: 2080.5409499999996 | Take profit: 2039.13715 +2025-03-10 12:46:07,414 - INFO - CLOSED short at 2070.1 | PnL: 0.00% | $-0.31 +2025-03-10 12:46:07,415 - INFO - OPENED LONG at 2070.1 | Stop loss: 2059.7495 | Take profit: 2101.1514999999995 +2025-03-10 12:46:07,552 - INFO - CLOSED long at 2065.7 | PnL: -0.21% | $-1.02 +2025-03-10 12:46:07,553 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0284999999994 | Take profit: 2034.7144999999998 +2025-03-10 12:46:09,129 - INFO - CLOSED short at 2065.12 | PnL: 0.03% | $-0.23 +2025-03-10 12:46:09,227 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8274499999998 | Take profit: 2036.4776499999998 +2025-03-10 12:46:10,034 - INFO - CLOSED short at 2071.89 | PnL: -0.21% | $-1.00 +2025-03-10 12:46:10,035 - INFO - OPENED LONG at 2071.89 | Stop loss: 2061.53055 | Take profit: 2102.9683499999996 +2025-03-10 12:46:10,134 - INFO - CLOSED long at 2074.9 | PnL: 0.15% | $0.14 +2025-03-10 12:46:10,224 - INFO - OPENED LONG at 2077.61 | Stop loss: 2067.22195 | Take profit: 2108.7741499999997 +2025-03-10 12:46:10,272 - INFO - CLOSED long at 2085.56 | PnL: 0.38% | $0.90 +2025-03-10 12:46:10,273 - INFO - OPENED SHORT at 2085.56 | Stop loss: 2095.9878 | Take profit: 2054.2766 +2025-03-10 12:46:10,371 - INFO - STOP LOSS hit for short at 2095.9878 | PnL: -0.50% | $-1.92 +2025-03-10 12:46:10,419 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3534999999997 | Take profit: 2098.7394999999997 +2025-03-10 12:46:10,552 - INFO - CLOSED short at 2133.95 | PnL: -0.15% | $-0.79 +2025-03-10 12:46:10,646 - INFO - OPENED SHORT at 2141.41 | Stop loss: 2152.11705 | Take profit: 2109.28885 +2025-03-10 12:46:10,689 - INFO - CLOSED short at 2141.3 | PnL: 0.01% | $-0.29 +2025-03-10 12:46:11,002 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.6954499999997 | Take profit: 2089.27365 +2025-03-10 12:46:11,091 - INFO - CLOSED short at 2117.24 | PnL: 0.18% | $0.25 +2025-03-10 12:46:11,138 - INFO - OPENED SHORT at 2119.93 | Stop loss: 2130.5296499999995 | Take profit: 2088.13105 +2025-03-10 12:46:11,510 - INFO - CLOSED short at 2109.05 | PnL: 0.51% | $1.28 +2025-03-10 12:46:11,511 - INFO - OPENED LONG at 2109.05 | Stop loss: 2098.50475 | Take profit: 2140.68575 +2025-03-10 12:46:11,554 - INFO - CLOSED long at 2112.09 | PnL: 0.14% | $0.14 +2025-03-10 12:46:11,555 - INFO - OPENED SHORT at 2112.09 | Stop loss: 2122.65045 | Take profit: 2080.4086500000003 +2025-03-10 12:46:11,794 - INFO - CLOSED short at 2120.81 | PnL: -0.41% | $-1.62 +2025-03-10 12:46:11,795 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.20595 | Take profit: 2152.6221499999997 +2025-03-10 12:46:11,930 - INFO - CLOSED long at 2110.9 | PnL: -0.47% | $-1.75 +2025-03-10 12:46:11,980 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.16645 | Take profit: 2140.3406499999996 +2025-03-10 12:46:12,023 - INFO - CLOSED long at 2106.49 | PnL: -0.11% | $-0.62 +2025-03-10 12:46:12,073 - INFO - OPENED SHORT at 2108.06 | Stop loss: 2118.6002999999996 | Take profit: 2076.4391 +2025-03-10 12:46:12,535 - INFO - CLOSED short at 2100.69 | PnL: 0.35% | $0.75 +2025-03-10 12:46:12,535 - INFO - OPENED LONG at 2100.69 | Stop loss: 2090.18655 | Take profit: 2132.20035 +2025-03-10 12:46:12,635 - INFO - CLOSED long at 2106.39 | PnL: 0.27% | $0.52 +2025-03-10 12:46:12,636 - INFO - OPENED SHORT at 2106.39 | Stop loss: 2116.9219499999995 | Take profit: 2074.7941499999997 +2025-03-10 12:46:13,508 - INFO - CLOSED short at 2085.3 | PnL: 1.00% | $2.74 +2025-03-10 12:46:13,508 - INFO - OPENED LONG at 2085.3 | Stop loss: 2074.8735 | Take profit: 2116.5795 +2025-03-10 12:46:13,554 - INFO - CLOSED long at 2082.44 | PnL: -0.14% | $-0.75 +2025-03-10 12:46:13,555 - INFO - OPENED SHORT at 2082.44 | Stop loss: 2092.8522 | Take profit: 2051.2034 +2025-03-10 12:46:13,784 - INFO - CLOSED short at 2085.09 | PnL: -0.13% | $-0.71 +2025-03-10 12:46:13,833 - INFO - OPENED SHORT at 2083.59 | Stop loss: 2094.0079499999997 | Take profit: 2052.33615 +2025-03-10 12:46:14,099 - INFO - CLOSED short at 2085.85 | PnL: -0.11% | $-0.65 +2025-03-10 12:46:14,100 - INFO - OPENED LONG at 2085.85 | Stop loss: 2075.4207499999998 | Take profit: 2117.13775 +2025-03-10 12:46:14,157 - INFO - CLOSED long at 2088.66 | PnL: 0.13% | $0.11 +2025-03-10 12:46:14,157 - INFO - OPENED SHORT at 2088.66 | Stop loss: 2099.1032999999998 | Take profit: 2057.3300999999997 +2025-03-10 12:46:14,361 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 36.0% in downtrends | Avg Win=$0.57, Avg Loss=$-0.71 +2025-03-10 12:46:14,362 - INFO - Episode 12: Reward=198.18, Balance=$76.89, Win Rate=30.6%, Trades=72, Episode PnL=$-13.52, Total PnL=$-365.31, Max Drawdown=25.1%, Pred Accuracy=99.8% +2025-03-10 12:46:14,392 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:46:14,687 - INFO - OPENED SHORT at 2059.03 | Stop loss: 2069.32515 | Take profit: 2028.1445500000002 +2025-03-10 12:46:14,824 - INFO - CLOSED short at 2060.51 | PnL: -0.07% | $-0.69 +2025-03-10 12:46:14,873 - INFO - OPENED SHORT at 2057.52 | Stop loss: 2067.8075999999996 | Take profit: 2026.6571999999999 +2025-03-10 12:46:14,969 - INFO - CLOSED short at 2057.59 | PnL: -0.00% | $-0.41 +2025-03-10 12:46:15,019 - INFO - OPENED SHORT at 2057.9 | Stop loss: 2068.1895 | Take profit: 2027.0315 +2025-03-10 12:46:15,154 - INFO - CLOSED short at 2055.2 | PnL: 0.13% | $0.12 +2025-03-10 12:46:15,154 - INFO - OPENED LONG at 2055.2 | Stop loss: 2044.9239999999998 | Take profit: 2086.028 +2025-03-10 12:46:15,203 - INFO - CLOSED long at 2058.59 | PnL: 0.16% | $0.26 +2025-03-10 12:46:15,203 - INFO - OPENED SHORT at 2058.59 | Stop loss: 2068.8829499999997 | Take profit: 2027.71115 +2025-03-10 12:46:15,345 - INFO - CLOSED short at 2053.56 | PnL: 0.24% | $0.57 +2025-03-10 12:46:15,404 - INFO - OPENED SHORT at 2052.7 | Stop loss: 2062.9634999999994 | Take profit: 2021.9094999999998 +2025-03-10 12:46:15,447 - INFO - CLOSED short at 2051.66 | PnL: 0.05% | $-0.20 +2025-03-10 12:46:15,448 - INFO - OPENED LONG at 2051.66 | Stop loss: 2041.4017 | Take profit: 2082.4348999999997 +2025-03-10 12:46:15,501 - INFO - CLOSED long at 2052.16 | PnL: 0.02% | $-0.30 +2025-03-10 12:46:15,502 - INFO - OPENED SHORT at 2052.16 | Stop loss: 2062.4207999999994 | Take profit: 2021.3775999999998 +2025-03-10 12:46:15,596 - INFO - CLOSED short at 2052.25 | PnL: -0.00% | $-0.41 +2025-03-10 12:46:15,646 - INFO - OPENED SHORT at 2050.71 | Stop loss: 2060.96355 | Take profit: 2019.94935 +2025-03-10 12:46:15,830 - INFO - CLOSED short at 2049.6 | PnL: 0.05% | $-0.18 +2025-03-10 12:46:15,831 - INFO - OPENED LONG at 2049.6 | Stop loss: 2039.3519999999999 | Take profit: 2080.3439999999996 +2025-03-10 12:46:15,884 - INFO - CLOSED long at 2051.99 | PnL: 0.12% | $0.07 +2025-03-10 12:46:15,885 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.2499499999994 | Take profit: 2021.2101499999997 +2025-03-10 12:46:16,065 - INFO - CLOSED short at 2047.39 | PnL: 0.22% | $0.49 +2025-03-10 12:46:16,065 - INFO - OPENED LONG at 2047.39 | Stop loss: 2037.1530500000001 | Take profit: 2078.10085 +2025-03-10 12:46:16,118 - INFO - CLOSED long at 2046.58 | PnL: -0.04% | $-0.55 +2025-03-10 12:46:16,118 - INFO - OPENED SHORT at 2046.58 | Stop loss: 2056.8129 | Take profit: 2015.8813 +2025-03-10 12:46:16,161 - INFO - CLOSED short at 2047.4 | PnL: -0.04% | $-0.55 +2025-03-10 12:46:16,259 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.2199499999997 | Take profit: 2015.30015 +2025-03-10 12:46:16,449 - INFO - CLOSED short at 2047.59 | PnL: -0.08% | $-0.70 +2025-03-10 12:46:16,544 - INFO - OPENED SHORT at 2050.0 | Stop loss: 2060.25 | Take profit: 2019.25 +2025-03-10 12:46:16,792 - INFO - CLOSED short at 2051.89 | PnL: -0.09% | $-0.75 +2025-03-10 12:46:16,793 - INFO - OPENED LONG at 2051.89 | Stop loss: 2041.6305499999999 | Take profit: 2082.6683499999995 +2025-03-10 12:46:16,846 - INFO - CLOSED long at 2052.3 | PnL: 0.02% | $-0.31 +2025-03-10 12:46:16,848 - INFO - OPENED SHORT at 2052.3 | Stop loss: 2062.5615 | Take profit: 2021.5155000000002 +2025-03-10 12:46:16,893 - INFO - CLOSED short at 2055.69 | PnL: -0.17% | $-1.02 +2025-03-10 12:46:16,894 - INFO - OPENED LONG at 2055.69 | Stop loss: 2045.41155 | Take profit: 2086.52535 +2025-03-10 12:46:17,126 - INFO - CLOSED long at 2059.7 | PnL: 0.20% | $0.36 +2025-03-10 12:46:17,127 - INFO - OPENED SHORT at 2059.7 | Stop loss: 2069.9984999999997 | Take profit: 2028.8044999999997 +2025-03-10 12:46:17,554 - INFO - CLOSED short at 2058.3 | PnL: 0.07% | $-0.12 +2025-03-10 12:46:17,555 - INFO - OPENED LONG at 2058.3 | Stop loss: 2048.0085000000004 | Take profit: 2089.1745 +2025-03-10 12:46:17,599 - INFO - CLOSED long at 2060.0 | PnL: 0.08% | $-0.07 +2025-03-10 12:46:17,701 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2044499999997 | Take profit: 2031.9466499999999 +2025-03-10 12:46:17,909 - INFO - CLOSED short at 2057.89 | PnL: 0.24% | $0.54 +2025-03-10 12:46:17,966 - INFO - OPENED SHORT at 2057.94 | Stop loss: 2068.2297 | Take profit: 2027.0709 +2025-03-10 12:46:18,272 - INFO - STOP LOSS hit for short at 2068.2297 | PnL: -0.50% | $-2.31 +2025-03-10 12:46:18,511 - INFO - OPENED LONG at 2070.99 | Stop loss: 2060.63505 | Take profit: 2102.0548499999995 +2025-03-10 12:46:18,563 - INFO - CLOSED long at 2069.6 | PnL: -0.07% | $-0.63 +2025-03-10 12:46:18,563 - INFO - OPENED SHORT at 2069.6 | Stop loss: 2079.948 | Take profit: 2038.5559999999998 +2025-03-10 12:46:19,766 - INFO - CLOSED short at 2069.19 | PnL: 0.02% | $-0.30 +2025-03-10 12:46:19,767 - INFO - OPENED LONG at 2069.19 | Stop loss: 2058.84405 | Take profit: 2100.2278499999998 +2025-03-10 12:46:20,149 - INFO - CLOSED long at 2066.29 | PnL: -0.14% | $-0.89 +2025-03-10 12:46:20,149 - INFO - OPENED SHORT at 2066.29 | Stop loss: 2076.6214499999996 | Take profit: 2035.29565 +2025-03-10 12:46:22,121 - INFO - CLOSED short at 2070.7 | PnL: -0.21% | $-1.15 +2025-03-10 12:46:22,121 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3464999999997 | Take profit: 2101.7604999999994 +2025-03-10 12:46:22,357 - INFO - CLOSED long at 2067.84 | PnL: -0.14% | $-0.87 +2025-03-10 12:46:22,412 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.44555 | Take profit: 2036.10335 +2025-03-10 12:46:22,465 - INFO - CLOSED short at 2067.86 | PnL: -0.04% | $-0.49 +2025-03-10 12:46:22,554 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7695 | Take profit: 2097.0914999999995 +2025-03-10 12:46:22,595 - INFO - CLOSED long at 2065.28 | PnL: -0.04% | $-0.50 +2025-03-10 12:46:22,742 - INFO - OPENED SHORT at 2070.04 | Stop loss: 2080.3902 | Take profit: 2038.9894 +2025-03-10 12:46:22,785 - INFO - CLOSED short at 2067.8 | PnL: 0.11% | $0.03 +2025-03-10 12:46:22,785 - INFO - OPENED LONG at 2067.8 | Stop loss: 2057.4610000000002 | Take profit: 2098.817 +2025-03-10 12:46:22,975 - INFO - CLOSED long at 2064.99 | PnL: -0.14% | $-0.84 +2025-03-10 12:46:22,976 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.3149499999995 | Take profit: 2034.0151499999997 +2025-03-10 12:46:24,168 - INFO - CLOSED short at 2059.3 | PnL: 0.28% | $0.62 +2025-03-10 12:46:24,169 - INFO - OPENED LONG at 2059.3 | Stop loss: 2049.0035000000003 | Take profit: 2090.1895 +2025-03-10 12:46:24,211 - INFO - CLOSED long at 2060.31 | PnL: 0.05% | $-0.18 +2025-03-10 12:46:24,363 - INFO - OPENED SHORT at 2062.61 | Stop loss: 2072.92305 | Take profit: 2031.6708500000002 +2025-03-10 12:46:24,408 - INFO - CLOSED short at 2060.91 | PnL: 0.08% | $-0.06 +2025-03-10 12:46:24,819 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.70695 | Take profit: 2032.43915 +2025-03-10 12:46:25,012 - INFO - CLOSED short at 2063.0 | PnL: 0.02% | $-0.29 +2025-03-10 12:46:25,012 - INFO - OPENED LONG at 2063.0 | Stop loss: 2052.685 | Take profit: 2093.9449999999997 +2025-03-10 12:46:25,516 - INFO - CLOSED long at 2059.46 | PnL: -0.17% | $-0.96 +2025-03-10 12:46:25,706 - INFO - OPENED SHORT at 2055.6 | Stop loss: 2065.8779999999997 | Take profit: 2024.7659999999998 +2025-03-10 12:46:25,980 - INFO - CLOSED short at 2061.66 | PnL: -0.29% | $-1.38 +2025-03-10 12:46:25,981 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.3516999999997 | Take profit: 2092.5849 +2025-03-10 12:46:26,025 - INFO - CLOSED long at 2061.5 | PnL: -0.01% | $-0.37 +2025-03-10 12:46:26,026 - INFO - OPENED SHORT at 2061.5 | Stop loss: 2071.8075 | Take profit: 2030.5774999999999 +2025-03-10 12:46:26,795 - INFO - STOP LOSS hit for short at 2071.8075 | PnL: -0.50% | $-2.05 +2025-03-10 12:46:27,077 - INFO - OPENED SHORT at 2070.01 | Stop loss: 2080.36005 | Take profit: 2038.9598500000002 +2025-03-10 12:46:27,316 - INFO - CLOSED short at 2068.39 | PnL: 0.08% | $-0.07 +2025-03-10 12:46:27,409 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.37515 | Take profit: 2037.9945500000001 +2025-03-10 12:46:27,737 - INFO - CLOSED short at 2066.38 | PnL: 0.13% | $0.09 +2025-03-10 12:46:27,737 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.0481 | Take profit: 2097.3757 +2025-03-10 12:46:27,875 - INFO - CLOSED long at 2063.95 | PnL: -0.12% | $-0.73 +2025-03-10 12:46:27,876 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.2697499999995 | Take profit: 2032.9907499999997 +2025-03-10 12:46:28,317 - INFO - CLOSED short at 2066.8 | PnL: -0.14% | $-0.79 +2025-03-10 12:46:28,368 - INFO - OPENED SHORT at 2066.5 | Stop loss: 2076.8325 | Take profit: 2035.5025 +2025-03-10 12:46:29,560 - INFO - CLOSED short at 2076.9 | PnL: -0.50% | $-1.98 +2025-03-10 12:46:29,602 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2085.98805 | Take profit: 2044.47585 +2025-03-10 12:46:29,744 - INFO - CLOSED short at 2069.97 | PnL: 0.27% | $0.55 +2025-03-10 12:46:29,745 - INFO - OPENED LONG at 2069.97 | Stop loss: 2059.6201499999997 | Take profit: 2101.0195499999995 +2025-03-10 12:46:29,786 - INFO - CLOSED long at 2067.7 | PnL: -0.11% | $-0.68 +2025-03-10 12:46:29,787 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.0384999999997 | Take profit: 2036.6844999999998 +2025-03-10 12:46:29,973 - INFO - CLOSED short at 2066.89 | PnL: 0.04% | $-0.19 +2025-03-10 12:46:30,138 - INFO - OPENED SHORT at 2068.1 | Stop loss: 2078.4404999999997 | Take profit: 2037.0784999999998 +2025-03-10 12:46:30,187 - INFO - CLOSED short at 2069.0 | PnL: -0.04% | $-0.46 +2025-03-10 12:46:30,187 - INFO - OPENED LONG at 2069.0 | Stop loss: 2058.655 | Take profit: 2100.035 +2025-03-10 12:46:30,243 - INFO - CLOSED long at 2070.19 | PnL: 0.06% | $-0.13 +2025-03-10 12:46:30,244 - INFO - OPENED SHORT at 2070.19 | Stop loss: 2080.5409499999996 | Take profit: 2039.13715 +2025-03-10 12:46:30,499 - INFO - CLOSED short at 2065.8 | PnL: 0.21% | $0.35 +2025-03-10 12:46:30,500 - INFO - OPENED LONG at 2065.8 | Stop loss: 2055.471 | Take profit: 2096.787 +2025-03-10 12:46:30,550 - INFO - CLOSED long at 2065.07 | PnL: -0.04% | $-0.43 +2025-03-10 12:46:30,550 - INFO - OPENED SHORT at 2065.07 | Stop loss: 2075.39535 | Take profit: 2034.0939500000002 +2025-03-10 12:46:30,824 - INFO - CLOSED short at 2065.06 | PnL: 0.00% | $-0.31 +2025-03-10 12:46:30,877 - INFO - OPENED SHORT at 2064.11 | Stop loss: 2074.43055 | Take profit: 2033.1483500000002 +2025-03-10 12:46:31,782 - INFO - CLOSED short at 2063.9 | PnL: 0.01% | $-0.28 +2025-03-10 12:46:31,783 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5805 | Take profit: 2094.8585 +2025-03-10 12:46:31,838 - INFO - CLOSED long at 2065.1 | PnL: 0.06% | $-0.13 +2025-03-10 12:46:31,839 - INFO - OPENED SHORT at 2065.1 | Stop loss: 2075.4255 | Take profit: 2034.1235 +2025-03-10 12:46:32,073 - INFO - CLOSED short at 2067.49 | PnL: -0.12% | $-0.68 +2025-03-10 12:46:32,074 - INFO - OPENED LONG at 2067.49 | Stop loss: 2057.15255 | Take profit: 2098.5023499999998 +2025-03-10 12:46:32,121 - INFO - CLOSED long at 2066.59 | PnL: -0.04% | $-0.45 +2025-03-10 12:46:32,121 - INFO - OPENED SHORT at 2066.59 | Stop loss: 2076.92295 | Take profit: 2035.5911500000002 +2025-03-10 12:46:32,258 - INFO - CLOSED short at 2059.9 | PnL: 0.32% | $0.69 +2025-03-10 12:46:32,310 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0035 | Take profit: 2029.7894999999999 +2025-03-10 12:46:32,352 - INFO - CLOSED short at 2061.84 | PnL: -0.06% | $-0.48 +2025-03-10 12:46:32,353 - INFO - OPENED LONG at 2061.84 | Stop loss: 2051.5308 | Take profit: 2092.7676 +2025-03-10 12:46:32,444 - INFO - CLOSED long at 2065.72 | PnL: 0.19% | $0.27 +2025-03-10 12:46:32,444 - INFO - OPENED SHORT at 2065.72 | Stop loss: 2076.0485999999996 | Take profit: 2034.7341999999999 +2025-03-10 12:46:32,491 - INFO - CLOSED short at 2070.31 | PnL: -0.22% | $-1.00 +2025-03-10 12:46:32,545 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.5911999999994 | Take profit: 2039.1863999999998 +2025-03-10 12:46:32,673 - INFO - CLOSED short at 2070.41 | PnL: -0.01% | $-0.33 +2025-03-10 12:46:32,768 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.42025 | Take profit: 2042.9392500000001 +2025-03-10 12:46:32,811 - INFO - CLOSED short at 2072.99 | PnL: 0.05% | $-0.15 +2025-03-10 12:46:32,812 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6250499999996 | Take profit: 2104.0848499999997 +2025-03-10 12:46:32,953 - INFO - CLOSED long at 2074.9 | PnL: 0.09% | $-0.02 +2025-03-10 12:46:32,954 - INFO - OPENED SHORT at 2074.9 | Stop loss: 2085.2745 | Take profit: 2043.7765000000002 +2025-03-10 12:46:33,099 - INFO - STOP LOSS hit for short at 2085.2745 | PnL: -0.50% | $-1.83 +2025-03-10 12:46:33,231 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3534999999997 | Take profit: 2098.7394999999997 +2025-03-10 12:46:33,461 - INFO - STOP LOSS hit for short at 2141.3534999999997 | PnL: -0.50% | $-1.78 +2025-03-10 12:46:33,506 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0065 | Take profit: 2109.1805 +2025-03-10 12:46:34,106 - INFO - CLOSED short at 2119.14 | PnL: 1.03% | $2.71 +2025-03-10 12:46:34,158 - INFO - OPENED SHORT at 2119.07 | Stop loss: 2129.6653499999998 | Take profit: 2087.28395 +2025-03-10 12:46:35,074 - INFO - CLOSED short at 2090.0 | PnL: 1.37% | $3.83 +2025-03-10 12:46:35,075 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.55 | Take profit: 2121.35 +2025-03-10 12:46:35,125 - INFO - CLOSED long at 2099.53 | PnL: 0.46% | $1.13 +2025-03-10 12:46:35,125 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.02765 | Take profit: 2068.0370500000004 +2025-03-10 12:46:35,866 - INFO - CLOSED short at 2098.39 | PnL: 0.05% | $-0.15 +2025-03-10 12:46:35,866 - INFO - OPENED LONG at 2098.39 | Stop loss: 2087.89805 | Take profit: 2129.8658499999997 +2025-03-10 12:46:35,917 - INFO - CLOSED long at 2095.29 | PnL: -0.15% | $-0.79 +2025-03-10 12:46:35,918 - INFO - OPENED SHORT at 2095.29 | Stop loss: 2105.7664499999996 | Take profit: 2063.86065 +2025-03-10 12:46:36,529 - INFO - CLOSED short at 2081.49 | PnL: 0.66% | $1.77 +2025-03-10 12:46:36,530 - INFO - OPENED LONG at 2081.49 | Stop loss: 2071.0825499999996 | Take profit: 2112.71235 +2025-03-10 12:46:36,577 - INFO - CLOSED long at 2080.38 | PnL: -0.05% | $-0.50 +2025-03-10 12:46:36,621 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.65625 | Take profit: 2050.03125 +2025-03-10 12:46:37,231 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 32.1% in downtrends | Avg Win=$0.80, Avg Loss=$-0.63 +2025-03-10 12:46:37,232 - INFO - Episode 13: Reward=195.15, Balance=$80.58, Win Rate=25.0%, Trades=72, Episode PnL=$-14.52, Total PnL=$-384.73, Max Drawdown=27.4%, Pred Accuracy=99.7% +2025-03-10 12:46:37,271 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:46:37,619 - INFO - OPENED SHORT at 2059.4 | Stop loss: 2069.6969999999997 | Take profit: 2028.509 +2025-03-10 12:46:37,858 - INFO - CLOSED short at 2057.59 | PnL: 0.09% | $-0.05 +2025-03-10 12:46:37,858 - INFO - OPENED LONG at 2057.59 | Stop loss: 2047.3020500000002 | Take profit: 2088.45385 +2025-03-10 12:46:37,905 - INFO - CLOSED long at 2057.9 | PnL: 0.02% | $-0.34 +2025-03-10 12:46:37,906 - INFO - OPENED SHORT at 2057.9 | Stop loss: 2068.1895 | Take profit: 2027.0315 +2025-03-10 12:46:38,991 - INFO - CLOSED short at 2046.58 | PnL: 0.55% | $1.79 +2025-03-10 12:46:39,221 - INFO - OPENED SHORT at 2045.79 | Stop loss: 2056.0189499999997 | Take profit: 2015.10315 +2025-03-10 12:46:39,450 - INFO - CLOSED short at 2050.24 | PnL: -0.22% | $-1.29 +2025-03-10 12:46:39,590 - INFO - OPENED SHORT at 2053.26 | Stop loss: 2063.5263 | Take profit: 2022.4611000000002 +2025-03-10 12:46:40,097 - INFO - STOP LOSS hit for short at 2063.5263 | PnL: -0.50% | $-2.40 +2025-03-10 12:46:40,194 - INFO - OPENED SHORT at 2061.61 | Stop loss: 2071.9180499999998 | Take profit: 2030.68585 +2025-03-10 12:46:40,470 - INFO - CLOSED short at 2061.89 | PnL: -0.01% | $-0.44 +2025-03-10 12:46:40,650 - INFO - OPENED SHORT at 2057.8 | Stop loss: 2068.089 | Take profit: 2026.9330000000002 +2025-03-10 12:46:40,811 - INFO - CLOSED short at 2058.11 | PnL: -0.02% | $-0.45 +2025-03-10 12:46:40,812 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.8194500000002 | Take profit: 2088.9816499999997 +2025-03-10 12:46:40,869 - INFO - CLOSED long at 2061.79 | PnL: 0.18% | $0.31 +2025-03-10 12:46:40,869 - INFO - OPENED SHORT at 2061.79 | Stop loss: 2072.0989499999996 | Take profit: 2030.86315 +2025-03-10 12:46:41,564 - INFO - CLOSED short at 2067.69 | PnL: -0.29% | $-1.50 +2025-03-10 12:46:41,611 - INFO - OPENED LONG at 2070.26 | Stop loss: 2059.9087000000004 | Take profit: 2101.3139 +2025-03-10 12:46:41,666 - INFO - CLOSED long at 2071.44 | PnL: 0.06% | $-0.16 +2025-03-10 12:46:41,667 - INFO - OPENED SHORT at 2071.44 | Stop loss: 2081.7972 | Take profit: 2040.3684 +2025-03-10 12:46:42,666 - INFO - CLOSED short at 2067.6 | PnL: 0.19% | $0.33 +2025-03-10 12:46:42,724 - INFO - OPENED SHORT at 2067.51 | Stop loss: 2077.84755 | Take profit: 2036.49735 +2025-03-10 12:46:43,446 - INFO - CLOSED short at 2069.96 | PnL: -0.12% | $-0.84 +2025-03-10 12:46:43,547 - INFO - OPENED SHORT at 2071.39 | Stop loss: 2081.7469499999997 | Take profit: 2040.3191499999998 +2025-03-10 12:46:44,050 - INFO - CLOSED short at 2071.11 | PnL: 0.01% | $-0.33 +2025-03-10 12:46:44,051 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.75445 | Take profit: 2102.17665 +2025-03-10 12:46:44,101 - INFO - CLOSED long at 2069.46 | PnL: -0.08% | $-0.68 +2025-03-10 12:46:44,261 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3349999999996 | Take profit: 2035.995 +2025-03-10 12:46:44,308 - INFO - CLOSED short at 2067.79 | PnL: -0.04% | $-0.52 +2025-03-10 12:46:44,365 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.7972999999997 | Take profit: 2036.4481 +2025-03-10 12:46:45,801 - INFO - CLOSED short at 2070.04 | PnL: -0.12% | $-0.84 +2025-03-10 12:46:45,848 - INFO - OPENED SHORT at 2067.8 | Stop loss: 2078.139 | Take profit: 2036.7830000000001 +2025-03-10 12:46:46,125 - INFO - CLOSED short at 2065.83 | PnL: 0.10% | $-0.02 +2025-03-10 12:46:46,125 - INFO - OPENED LONG at 2065.83 | Stop loss: 2055.50085 | Take profit: 2096.8174499999996 +2025-03-10 12:46:46,370 - INFO - CLOSED long at 2062.65 | PnL: -0.15% | $-0.94 +2025-03-10 12:46:46,370 - INFO - OPENED SHORT at 2062.65 | Stop loss: 2072.96325 | Take profit: 2031.71025 +2025-03-10 12:46:46,632 - INFO - CLOSED short at 2064.96 | PnL: -0.11% | $-0.78 +2025-03-10 12:46:46,633 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.6352 | Take profit: 2095.9343999999996 +2025-03-10 12:46:46,730 - INFO - CLOSED long at 2067.1 | PnL: 0.10% | $0.01 +2025-03-10 12:46:46,730 - INFO - OPENED SHORT at 2067.1 | Stop loss: 2077.4354999999996 | Take profit: 2036.0935 +2025-03-10 12:46:47,040 - INFO - CLOSED short at 2062.89 | PnL: 0.20% | $0.38 +2025-03-10 12:46:47,091 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8224999999998 | Take profit: 2033.5325 +2025-03-10 12:46:47,144 - INFO - CLOSED short at 2063.5 | PnL: 0.05% | $-0.19 +2025-03-10 12:46:47,195 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.908 | Take profit: 2030.676 +2025-03-10 12:46:47,360 - INFO - CLOSED short at 2058.89 | PnL: 0.13% | $0.11 +2025-03-10 12:46:47,360 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.59555 | Take profit: 2089.7733499999995 +2025-03-10 12:46:47,419 - INFO - CLOSED long at 2059.3 | PnL: 0.02% | $-0.29 +2025-03-10 12:46:47,420 - INFO - OPENED SHORT at 2059.3 | Stop loss: 2069.5965 | Take profit: 2028.4105000000002 +2025-03-10 12:46:47,523 - INFO - CLOSED short at 2061.8 | PnL: -0.12% | $-0.80 +2025-03-10 12:46:47,523 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.491 | Take profit: 2092.727 +2025-03-10 12:46:47,623 - INFO - CLOSED long at 2062.61 | PnL: 0.04% | $-0.22 +2025-03-10 12:46:47,686 - INFO - OPENED SHORT at 2060.91 | Stop loss: 2071.2145499999997 | Take profit: 2029.99635 +2025-03-10 12:46:48,132 - INFO - CLOSED short at 2063.39 | PnL: -0.12% | $-0.79 +2025-03-10 12:46:48,203 - INFO - OPENED SHORT at 2064.79 | Stop loss: 2075.11395 | Take profit: 2033.8181499999998 +2025-03-10 12:46:48,955 - INFO - CLOSED short at 2059.96 | PnL: 0.23% | $0.48 +2025-03-10 12:46:48,955 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.6602 | Take profit: 2090.8594 +2025-03-10 12:46:49,167 - INFO - CLOSED long at 2056.28 | PnL: -0.18% | $-1.00 +2025-03-10 12:46:49,167 - INFO - OPENED SHORT at 2056.28 | Stop loss: 2066.5614 | Take profit: 2025.4358000000002 +2025-03-10 12:46:49,267 - INFO - CLOSED short at 2054.89 | PnL: 0.07% | $-0.11 +2025-03-10 12:46:49,320 - INFO - OPENED SHORT at 2054.83 | Stop loss: 2065.1041499999997 | Take profit: 2024.0075499999998 +2025-03-10 12:46:49,847 - INFO - STOP LOSS hit for short at 2065.1041499999997 | PnL: -0.50% | $-2.12 +2025-03-10 12:46:49,902 - INFO - OPENED SHORT at 2066.01 | Stop loss: 2076.34005 | Take profit: 2035.0198500000001 +2025-03-10 12:46:50,156 - INFO - CLOSED short at 2066.79 | PnL: -0.04% | $-0.48 +2025-03-10 12:46:50,205 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.9933499999997 | Take profit: 2098.3399499999996 +2025-03-10 12:46:50,251 - INFO - CLOSED long at 2067.01 | PnL: -0.02% | $-0.40 +2025-03-10 12:46:50,303 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.01845 | Take profit: 2034.7046500000001 +2025-03-10 12:46:50,348 - INFO - CLOSED short at 2069.79 | PnL: -0.20% | $-1.02 +2025-03-10 12:46:50,405 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3599999999997 | Take profit: 2040.92 +2025-03-10 12:46:50,458 - INFO - CLOSED short at 2074.3 | PnL: -0.11% | $-0.71 +2025-03-10 12:46:50,458 - INFO - OPENED LONG at 2074.3 | Stop loss: 2063.9285 | Take profit: 2105.4145 +2025-03-10 12:46:50,562 - INFO - CLOSED long at 2075.01 | PnL: 0.03% | $-0.22 +2025-03-10 12:46:50,563 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.38505 | Take profit: 2043.8848500000001 +2025-03-10 12:46:55,341 - INFO - CLOSED short at 2058.65 | PnL: 0.79% | $2.30 +2025-03-10 12:46:55,393 - INFO - OPENED SHORT at 2056.77 | Stop loss: 2067.05385 | Take profit: 2025.91845 +2025-03-10 12:46:55,920 - INFO - CLOSED short at 2063.9 | PnL: -0.35% | $-1.53 +2025-03-10 12:46:56,025 - INFO - OPENED SHORT at 2062.43 | Stop loss: 2072.7421499999996 | Take profit: 2031.49355 +2025-03-10 12:46:56,359 - INFO - CLOSED short at 2061.21 | PnL: 0.06% | $-0.14 +2025-03-10 12:46:56,411 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.1994999999997 | Take profit: 2029.0015 +2025-03-10 12:46:56,558 - INFO - CLOSED short at 2062.54 | PnL: -0.13% | $-0.77 +2025-03-10 12:46:56,599 - INFO - OPENED LONG at 2065.72 | Stop loss: 2055.3914 | Take profit: 2096.7057999999997 +2025-03-10 12:46:56,648 - INFO - CLOSED long at 2070.31 | PnL: 0.22% | $0.41 +2025-03-10 12:46:56,648 - INFO - OPENED SHORT at 2070.31 | Stop loss: 2080.66155 | Take profit: 2039.25535 +2025-03-10 12:46:57,314 - INFO - STOP LOSS hit for short at 2080.66155 | PnL: -0.50% | $-2.01 +2025-03-10 12:46:57,366 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.9424499999996 | Take profit: 2059.1326499999996 +2025-03-10 12:46:57,418 - INFO - STOP LOSS hit for short at 2100.9424499999996 | PnL: -0.50% | $-1.96 +2025-03-10 12:46:57,468 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3534999999997 | Take profit: 2098.7394999999997 +2025-03-10 12:46:57,720 - INFO - STOP LOSS hit for short at 2141.3534999999997 | PnL: -0.50% | $-1.91 +2025-03-10 12:46:57,824 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.3933999999995 | Take profit: 2110.5398 +2025-03-10 12:46:57,966 - INFO - CLOSED short at 2126.99 | PnL: 0.73% | $1.97 +2025-03-10 12:46:58,018 - INFO - OPENED SHORT at 2127.3 | Stop loss: 2137.9365 | Take profit: 2095.3905 +2025-03-10 12:46:58,207 - INFO - CLOSED short at 2117.24 | PnL: 0.47% | $1.19 +2025-03-10 12:46:58,262 - INFO - OPENED SHORT at 2119.93 | Stop loss: 2130.5296499999995 | Take profit: 2088.13105 +2025-03-10 12:46:58,760 - INFO - CLOSED short at 2112.95 | PnL: 0.33% | $0.74 +2025-03-10 12:46:58,762 - INFO - OPENED LONG at 2112.95 | Stop loss: 2102.38525 | Take profit: 2144.64425 +2025-03-10 12:46:58,912 - INFO - CLOSED long at 2112.99 | PnL: 0.00% | $-0.32 +2025-03-10 12:46:58,912 - INFO - OPENED SHORT at 2112.99 | Stop loss: 2123.5549499999997 | Take profit: 2081.29515 +2025-03-10 12:46:59,385 - INFO - CLOSED short at 2100.5 | PnL: 0.59% | $1.60 +2025-03-10 12:46:59,435 - INFO - OPENED SHORT at 2090.0 | Stop loss: 2100.45 | Take profit: 2058.65 +2025-03-10 12:46:59,590 - INFO - CLOSED short at 2102.19 | PnL: -0.58% | $-2.27 +2025-03-10 12:46:59,638 - INFO - OPENED SHORT at 2102.29 | Stop loss: 2112.80145 | Take profit: 2070.75565 +2025-03-10 12:46:59,940 - INFO - CLOSED short at 2100.74 | PnL: 0.07% | $-0.08 +2025-03-10 12:46:59,941 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.2362999999996 | Take profit: 2132.2510999999995 +2025-03-10 12:46:59,996 - INFO - CLOSED long at 2103.86 | PnL: 0.15% | $0.16 +2025-03-10 12:46:59,996 - INFO - OPENED SHORT at 2103.86 | Stop loss: 2114.3793 | Take profit: 2072.3021 +2025-03-10 12:47:00,110 - INFO - CLOSED short at 2101.51 | PnL: 0.11% | $0.04 +2025-03-10 12:47:00,111 - INFO - OPENED LONG at 2101.51 | Stop loss: 2091.0024500000004 | Take profit: 2133.03265 +2025-03-10 12:47:00,219 - INFO - CLOSED long at 2100.02 | PnL: -0.07% | $-0.55 +2025-03-10 12:47:00,220 - INFO - OPENED SHORT at 2100.02 | Stop loss: 2110.5200999999997 | Take profit: 2068.5197 +2025-03-10 12:47:00,734 - INFO - CLOSED short at 2083.28 | PnL: 0.80% | $2.24 +2025-03-10 12:47:00,881 - INFO - OPENED SHORT at 2085.3 | Stop loss: 2095.7264999999998 | Take profit: 2054.0205 +2025-03-10 12:47:01,791 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 23.5% in downtrends | Avg Win=$0.88, Avg Loss=$-0.81 +2025-03-10 12:47:01,794 - INFO - Episode 14: Reward=214.96, Balance=$82.57, Win Rate=29.1%, Trades=55, Episode PnL=$-12.64, Total PnL=$-402.16, Max Drawdown=23.2%, Pred Accuracy=99.7% +2025-03-10 12:47:01,950 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:47:01,951 - INFO - New best reward model saved: 214.96 +2025-03-10 12:47:01,988 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:47:02,297 - INFO - OPENED SHORT at 2059.03 | Stop loss: 2069.32515 | Take profit: 2028.1445500000002 +2025-03-10 12:47:02,562 - INFO - CLOSED short at 2056.9 | PnL: 0.10% | $0.01 +2025-03-10 12:47:02,563 - INFO - OPENED LONG at 2056.9 | Stop loss: 2046.6155 | Take profit: 2087.7535 +2025-03-10 12:47:02,623 - INFO - CLOSED long at 2057.59 | PnL: 0.03% | $-0.27 +2025-03-10 12:47:02,624 - INFO - OPENED SHORT at 2057.59 | Stop loss: 2067.87795 | Take profit: 2026.7261500000002 +2025-03-10 12:47:03,407 - INFO - CLOSED short at 2050.44 | PnL: 0.35% | $0.99 +2025-03-10 12:47:03,470 - INFO - OPENED SHORT at 2049.49 | Stop loss: 2059.7374499999996 | Take profit: 2018.7476499999998 +2025-03-10 12:47:04,065 - INFO - CLOSED short at 2045.99 | PnL: 0.17% | $0.29 +2025-03-10 12:47:04,126 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.2199499999997 | Take profit: 2015.30015 +2025-03-10 12:47:04,554 - INFO - CLOSED short at 2051.11 | PnL: -0.25% | $-1.42 +2025-03-10 12:47:04,554 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.85445 | Take profit: 2081.87665 +2025-03-10 12:47:04,654 - INFO - CLOSED long at 2051.89 | PnL: 0.04% | $-0.25 +2025-03-10 12:47:04,753 - INFO - OPENED LONG at 2055.69 | Stop loss: 2045.41155 | Take profit: 2086.52535 +2025-03-10 12:47:05,203 - INFO - CLOSED long at 2063.59 | PnL: 0.38% | $1.13 +2025-03-10 12:47:05,203 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.90795 | Take profit: 2032.63615 +2025-03-10 12:47:05,620 - INFO - CLOSED short at 2062.89 | PnL: 0.03% | $-0.27 +2025-03-10 12:47:05,622 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.57555 | Take profit: 2093.83335 +2025-03-10 12:47:05,679 - INFO - CLOSED long at 2060.31 | PnL: -0.13% | $-0.90 +2025-03-10 12:47:05,679 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.6115499999996 | Take profit: 2029.40535 +2025-03-10 12:47:06,053 - INFO - CLOSED short at 2061.18 | PnL: -0.04% | $-0.57 +2025-03-10 12:47:06,053 - INFO - OPENED LONG at 2061.18 | Stop loss: 2050.8741 | Take profit: 2092.0977 +2025-03-10 12:47:06,114 - INFO - CLOSED long at 2064.32 | PnL: 0.15% | $0.21 +2025-03-10 12:47:06,114 - INFO - OPENED SHORT at 2064.32 | Stop loss: 2074.6416 | Take profit: 2033.3552000000002 +2025-03-10 12:47:06,937 - INFO - STOP LOSS hit for short at 2074.6416 | PnL: -0.50% | $-2.38 +2025-03-10 12:47:06,995 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.2745499999996 | Take profit: 2041.8163499999998 +2025-03-10 12:47:08,793 - INFO - CLOSED short at 2071.36 | PnL: 0.07% | $-0.10 +2025-03-10 12:47:08,794 - INFO - OPENED LONG at 2071.36 | Stop loss: 2061.0032 | Take profit: 2102.4303999999997 +2025-03-10 12:47:08,850 - INFO - CLOSED long at 2072.75 | PnL: 0.07% | $-0.13 +2025-03-10 12:47:08,850 - INFO - OPENED SHORT at 2072.75 | Stop loss: 2083.11375 | Take profit: 2041.65875 +2025-03-10 12:47:09,759 - INFO - CLOSED short at 2063.61 | PnL: 0.44% | $1.31 +2025-03-10 12:47:09,810 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9337 | Take profit: 2096.2389 +2025-03-10 12:47:09,867 - INFO - CLOSED long at 2067.89 | PnL: 0.13% | $0.11 +2025-03-10 12:47:09,867 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:47:09,968 - INFO - CLOSED short at 2068.8 | PnL: -0.04% | $-0.56 +2025-03-10 12:47:09,968 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.456 | Take profit: 2099.832 +2025-03-10 12:47:10,032 - INFO - CLOSED long at 2069.34 | PnL: 0.03% | $-0.29 +2025-03-10 12:47:10,032 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.6866999999997 | Take profit: 2038.2999000000002 +2025-03-10 12:47:10,845 - INFO - CLOSED short at 2066.4 | PnL: 0.14% | $0.16 +2025-03-10 12:47:10,909 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4304999999995 | Take profit: 2035.1084999999998 +2025-03-10 12:47:11,518 - INFO - CLOSED short at 2066.15 | PnL: -0.00% | $-0.40 +2025-03-10 12:47:11,574 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.5863 | Take profit: 2034.2811000000002 +2025-03-10 12:47:12,690 - INFO - CLOSED short at 2058.89 | PnL: 0.31% | $0.81 +2025-03-10 12:47:12,691 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.59555 | Take profit: 2089.7733499999995 +2025-03-10 12:47:12,751 - INFO - CLOSED long at 2059.3 | PnL: 0.02% | $-0.31 +2025-03-10 12:47:12,751 - INFO - OPENED SHORT at 2059.3 | Stop loss: 2069.5965 | Take profit: 2028.4105000000002 +2025-03-10 12:47:13,063 - INFO - CLOSED short at 2060.3 | PnL: -0.05% | $-0.58 +2025-03-10 12:47:13,115 - INFO - OPENED SHORT at 2061.13 | Stop loss: 2071.43565 | Take profit: 2030.21305 +2025-03-10 12:47:13,213 - INFO - CLOSED short at 2064.1 | PnL: -0.14% | $-0.94 +2025-03-10 12:47:13,265 - INFO - OPENED SHORT at 2065.36 | Stop loss: 2075.6868 | Take profit: 2034.3796000000002 +2025-03-10 12:47:14,375 - INFO - CLOSED short at 2055.6 | PnL: 0.47% | $1.43 +2025-03-10 12:47:14,427 - INFO - OPENED SHORT at 2054.89 | Stop loss: 2065.1644499999998 | Take profit: 2024.0666499999998 +2025-03-10 12:47:14,988 - INFO - STOP LOSS hit for short at 2065.1644499999998 | PnL: -0.50% | $-2.33 +2025-03-10 12:47:15,046 - INFO - OPENED SHORT at 2066.01 | Stop loss: 2076.34005 | Take profit: 2035.0198500000001 +2025-03-10 12:47:15,664 - INFO - STOP LOSS hit for short at 2076.34005 | PnL: -0.50% | $-2.27 +2025-03-10 12:47:15,709 - INFO - OPENED LONG at 2075.01 | Stop loss: 2064.63495 | Take profit: 2106.13515 +2025-03-10 12:47:15,760 - INFO - CLOSED long at 2072.6 | PnL: -0.12% | $-0.80 +2025-03-10 12:47:15,761 - INFO - OPENED SHORT at 2072.6 | Stop loss: 2082.9629999999997 | Take profit: 2041.511 +2025-03-10 12:47:16,061 - INFO - CLOSED short at 2068.15 | PnL: 0.21% | $0.42 +2025-03-10 12:47:16,062 - INFO - OPENED LONG at 2068.15 | Stop loss: 2057.8092500000002 | Take profit: 2099.17225 +2025-03-10 12:47:16,109 - INFO - CLOSED long at 2068.39 | PnL: 0.01% | $-0.33 +2025-03-10 12:47:16,395 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.3549499999995 | Take profit: 2041.8951499999998 +2025-03-10 12:47:16,828 - INFO - CLOSED short at 2063.97 | PnL: 0.44% | $1.23 +2025-03-10 12:47:16,880 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8224999999998 | Take profit: 2033.5325 +2025-03-10 12:47:17,161 - INFO - CLOSED short at 2065.5 | PnL: -0.05% | $-0.55 +2025-03-10 12:47:17,162 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1725 | Take profit: 2096.4824999999996 +2025-03-10 12:47:17,232 - INFO - CLOSED long at 2067.53 | PnL: 0.10% | $-0.01 +2025-03-10 12:47:17,233 - INFO - OPENED SHORT at 2067.53 | Stop loss: 2077.86765 | Take profit: 2036.5170500000002 +2025-03-10 12:47:17,733 - INFO - CLOSED short at 2070.9 | PnL: -0.16% | $-0.97 +2025-03-10 12:47:17,788 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.34155 | Take profit: 2100.73535 +2025-03-10 12:47:17,843 - INFO - CLOSED long at 2070.7 | PnL: 0.05% | $-0.19 +2025-03-10 12:47:17,844 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0534999999995 | Take profit: 2039.6394999999998 +2025-03-10 12:47:18,481 - INFO - CLOSED short at 2074.35 | PnL: -0.18% | $-1.01 +2025-03-10 12:47:18,482 - INFO - OPENED LONG at 2074.35 | Stop loss: 2063.97825 | Take profit: 2105.4652499999997 +2025-03-10 12:47:18,580 - INFO - CLOSED long at 2073.99 | PnL: -0.02% | $-0.42 +2025-03-10 12:47:18,580 - INFO - OPENED SHORT at 2073.99 | Stop loss: 2084.3599499999996 | Take profit: 2042.8801499999997 +2025-03-10 12:47:18,965 - INFO - CLOSED short at 2067.7 | PnL: 0.30% | $0.73 +2025-03-10 12:47:18,966 - INFO - OPENED LONG at 2067.7 | Stop loss: 2057.3615 | Take profit: 2098.7155 +2025-03-10 12:47:19,017 - INFO - CLOSED long at 2067.0 | PnL: -0.03% | $-0.49 +2025-03-10 12:47:19,017 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3349999999996 | Take profit: 2035.995 +2025-03-10 12:47:20,455 - INFO - CLOSED short at 2058.09 | PnL: 0.43% | $1.19 +2025-03-10 12:47:20,507 - INFO - OPENED SHORT at 2058.65 | Stop loss: 2068.94325 | Take profit: 2027.77025 +2025-03-10 12:47:20,895 - INFO - CLOSED short at 2057.11 | PnL: 0.07% | $-0.09 +2025-03-10 12:47:20,896 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.82445 | Take profit: 2087.96665 +2025-03-10 12:47:20,951 - INFO - CLOSED long at 2057.89 | PnL: 0.04% | $-0.23 +2025-03-10 12:47:20,951 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1794499999996 | Take profit: 2027.02165 +2025-03-10 12:47:21,345 - INFO - STOP LOSS hit for short at 2068.1794499999996 | PnL: -0.50% | $-2.18 +2025-03-10 12:47:21,403 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8274499999998 | Take profit: 2036.4776499999998 +2025-03-10 12:47:21,736 - INFO - CLOSED short at 2061.84 | PnL: 0.27% | $0.62 +2025-03-10 12:47:21,806 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.8527 | Take profit: 2031.6019 +2025-03-10 12:47:22,018 - INFO - CLOSED short at 2069.34 | PnL: -0.33% | $-1.54 +2025-03-10 12:47:22,079 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.1590499999998 | Take profit: 2038.7628499999998 +2025-03-10 12:47:22,613 - INFO - STOP LOSS hit for short at 2080.1590499999998 | PnL: -0.50% | $-2.11 +2025-03-10 12:47:22,715 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.5350999999996 | Take profit: 2071.4746999999998 +2025-03-10 12:47:22,771 - INFO - STOP LOSS hit for short at 2113.5350999999996 | PnL: -0.50% | $-2.06 +2025-03-10 12:47:22,817 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8423 | Take profit: 2171.6330999999996 +2025-03-10 12:47:22,876 - INFO - CLOSED long at 2131.78 | PnL: -0.36% | $-1.55 +2025-03-10 12:47:22,876 - INFO - OPENED SHORT at 2131.78 | Stop loss: 2142.4389 | Take profit: 2099.8033 +2025-03-10 12:47:23,027 - INFO - CLOSED short at 2141.41 | PnL: -0.45% | $-1.81 +2025-03-10 12:47:23,120 - INFO - OPENED LONG at 2142.68 | Stop loss: 2131.9665999999997 | Take profit: 2174.8201999999997 +2025-03-10 12:47:23,171 - INFO - CLOSED long at 2140.01 | PnL: -0.12% | $-0.72 +2025-03-10 12:47:23,172 - INFO - OPENED SHORT at 2140.01 | Stop loss: 2150.71005 | Take profit: 2107.90985 +2025-03-10 12:47:23,761 - INFO - CLOSED short at 2119.07 | PnL: 0.98% | $2.80 +2025-03-10 12:47:23,817 - INFO - OPENED SHORT at 2115.28 | Stop loss: 2125.8564 | Take profit: 2083.5508 +2025-03-10 12:47:24,582 - INFO - CLOSED short at 2108.06 | PnL: 0.34% | $0.80 +2025-03-10 12:47:24,583 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.5197 | Take profit: 2139.6809 +2025-03-10 12:47:24,645 - INFO - CLOSED long at 2103.33 | PnL: -0.22% | $-1.08 +2025-03-10 12:47:24,645 - INFO - OPENED SHORT at 2103.33 | Stop loss: 2113.8466499999995 | Take profit: 2071.78005 +2025-03-10 12:47:25,042 - INFO - CLOSED short at 2098.9 | PnL: 0.21% | $0.36 +2025-03-10 12:47:25,096 - INFO - OPENED SHORT at 2100.69 | Stop loss: 2111.1934499999998 | Take profit: 2069.17965 +2025-03-10 12:47:26,313 - INFO - CLOSED short at 2080.38 | PnL: 0.97% | $2.86 +2025-03-10 12:47:26,314 - INFO - OPENED LONG at 2080.38 | Stop loss: 2069.9781000000003 | Take profit: 2111.5857 +2025-03-10 12:47:26,373 - INFO - CLOSED long at 2081.25 | PnL: 0.04% | $-0.20 +2025-03-10 12:47:26,373 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.65625 | Take profit: 2050.03125 +2025-03-10 12:47:27,028 - INFO - CLOSED short at 2089.96 | PnL: -0.42% | $-1.77 +2025-03-10 12:47:27,028 - INFO - OPENED LONG at 2089.96 | Stop loss: 2079.5102 | Take profit: 2121.3093999999996 +2025-03-10 12:47:27,082 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 28.6% in downtrends | Avg Win=$0.92, Avg Loss=$-0.90 +2025-03-10 12:47:27,083 - INFO - Episode 15: Reward=215.90, Balance=$83.40, Win Rate=33.3%, Trades=57, Episode PnL=$-9.77, Total PnL=$-418.76, Max Drawdown=20.5%, Pred Accuracy=99.8% +2025-03-10 12:47:27,250 - INFO - Model saved to models/trading_agent_best_reward.pt +2025-03-10 12:47:27,250 - INFO - New best reward model saved: 215.90 +2025-03-10 12:47:27,384 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 12:47:27,385 - INFO - New best PnL model saved: $-9.77 +2025-03-10 12:47:27,494 - INFO - Model saved to models/trading_agent_best_winrate.pt +2025-03-10 12:47:27,494 - INFO - New best win rate model saved: 33.3% +2025-03-10 12:47:27,517 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:47:27,850 - INFO - OPENED SHORT at 2059.03 | Stop loss: 2069.32515 | Take profit: 2028.1445500000002 +2025-03-10 12:47:28,547 - INFO - CLOSED short at 2055.39 | PnL: 0.18% | $0.31 +2025-03-10 12:47:28,599 - INFO - OPENED SHORT at 2053.56 | Stop loss: 2063.8277999999996 | Take profit: 2022.7566 +2025-03-10 12:47:29,518 - INFO - CLOSED short at 2047.4 | PnL: 0.30% | $0.80 +2025-03-10 12:47:29,567 - INFO - OPENED SHORT at 2047.2 | Stop loss: 2057.4359999999997 | Take profit: 2016.492 +2025-03-10 12:47:30,438 - INFO - CLOSED short at 2056.89 | PnL: -0.47% | $-2.32 +2025-03-10 12:47:30,590 - INFO - OPENED SHORT at 2060.13 | Stop loss: 2070.43065 | Take profit: 2029.2280500000002 +2025-03-10 12:47:32,102 - INFO - CLOSED short at 2065.86 | PnL: -0.28% | $-1.49 +2025-03-10 12:47:32,359 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.22945 | Take profit: 2036.8716499999998 +2025-03-10 12:47:32,778 - INFO - CLOSED short at 2067.9 | PnL: -0.00% | $-0.39 +2025-03-10 12:47:32,779 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.5605 | Take profit: 2098.9184999999998 +2025-03-10 12:47:32,843 - INFO - CLOSED long at 2067.69 | PnL: -0.01% | $-0.43 +2025-03-10 12:47:32,845 - INFO - OPENED SHORT at 2067.69 | Stop loss: 2078.02845 | Take profit: 2036.67465 +2025-03-10 12:47:33,001 - INFO - CLOSED short at 2073.73 | PnL: -0.29% | $-1.51 +2025-03-10 12:47:33,002 - INFO - OPENED LONG at 2073.73 | Stop loss: 2063.36135 | Take profit: 2104.8359499999997 +2025-03-10 12:47:33,061 - INFO - CLOSED long at 2075.1 | PnL: 0.07% | $-0.13 +2025-03-10 12:47:33,062 - INFO - OPENED SHORT at 2075.1 | Stop loss: 2085.4754999999996 | Take profit: 2043.9734999999998 +2025-03-10 12:47:33,160 - INFO - CLOSED short at 2072.33 | PnL: 0.13% | $0.13 +2025-03-10 12:47:33,161 - INFO - OPENED LONG at 2072.33 | Stop loss: 2061.96835 | Take profit: 2103.41495 +2025-03-10 12:47:33,216 - INFO - CLOSED long at 2071.38 | PnL: -0.05% | $-0.55 +2025-03-10 12:47:33,217 - INFO - OPENED SHORT at 2071.38 | Stop loss: 2081.7369 | Take profit: 2040.3093000000001 +2025-03-10 12:47:33,977 - INFO - CLOSED short at 2068.8 | PnL: 0.12% | $0.09 +2025-03-10 12:47:33,977 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.456 | Take profit: 2099.832 +2025-03-10 12:47:34,088 - INFO - CLOSED long at 2067.51 | PnL: -0.06% | $-0.61 +2025-03-10 12:47:34,089 - INFO - OPENED SHORT at 2067.51 | Stop loss: 2077.84755 | Take profit: 2036.49735 +2025-03-10 12:47:36,378 - INFO - CLOSED short at 2067.86 | PnL: -0.02% | $-0.44 +2025-03-10 12:47:36,485 - INFO - OPENED SHORT at 2069.2 | Stop loss: 2079.546 | Take profit: 2038.1619999999998 +2025-03-10 12:47:37,579 - INFO - CLOSED short at 2064.99 | PnL: 0.20% | $0.39 +2025-03-10 12:47:37,580 - INFO - OPENED LONG at 2064.99 | Stop loss: 2054.6650499999996 | Take profit: 2095.9648499999994 +2025-03-10 12:47:37,641 - INFO - CLOSED long at 2065.83 | PnL: 0.04% | $-0.22 +2025-03-10 12:47:37,642 - INFO - OPENED SHORT at 2065.83 | Stop loss: 2076.1591499999995 | Take profit: 2034.8425499999998 +2025-03-10 12:47:37,752 - INFO - CLOSED short at 2065.26 | PnL: 0.03% | $-0.27 +2025-03-10 12:47:37,855 - INFO - OPENED SHORT at 2062.65 | Stop loss: 2072.96325 | Take profit: 2031.71025 +2025-03-10 12:47:38,106 - INFO - CLOSED short at 2063.59 | PnL: -0.05% | $-0.54 +2025-03-10 12:47:38,170 - INFO - OPENED SHORT at 2064.96 | Stop loss: 2075.2848 | Take profit: 2033.9856 +2025-03-10 12:47:39,033 - INFO - CLOSED short at 2060.31 | PnL: 0.23% | $0.46 +2025-03-10 12:47:39,083 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.491 | Take profit: 2092.727 +2025-03-10 12:47:39,137 - INFO - CLOSED long at 2064.7 | PnL: 0.14% | $0.15 +2025-03-10 12:47:39,138 - INFO - OPENED SHORT at 2064.7 | Stop loss: 2075.0235 | Take profit: 2033.7294999999997 +2025-03-10 12:57:17,052 - INFO - GPU not available, using CPU +2025-03-10 12:57:17,072 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 12:57:17,073 - INFO - Fetching initial data for ETH/USDT +2025-03-10 12:57:20,700 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 12:57:20,719 - INFO - Initialized environment with 500 candles +2025-03-10 12:57:22,829 - INFO - Starting training for 1000 episodes... +2025-03-10 12:57:22,829 - INFO - Starting training on device: cpu +2025-03-10 12:57:22,850 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:57:23,138 - INFO - OPENED LONG at 2051.66 | Stop loss: 2041.382189285714 | Take profit: 2082.4641660714283 +2025-03-10 12:57:23,139 - INFO - CLOSED long at 2052.16 | PnL: 0.02% | $-0.15 +2025-03-10 12:57:23,140 - INFO - OPENED SHORT at 2053.1 | Stop loss: 2063.3850107142857 | Take profit: 2022.2742339285714 +2025-03-10 12:57:23,141 - INFO - CLOSED short at 2050.71 | PnL: 0.12% | $0.03 +2025-03-10 12:57:23,141 - INFO - OPENED SHORT at 2049.49 | Stop loss: 2059.7569607142855 | Take profit: 2018.718383928571 +2025-03-10 12:57:23,142 - INFO - CLOSED short at 2050.2 | PnL: -0.03% | $-0.27 +2025-03-10 12:57:23,142 - INFO - OPENED LONG at 2050.2 | Stop loss: 2039.9294892857142 | Take profit: 2080.982266071428 +2025-03-10 12:57:23,143 - INFO - CLOSED long at 2049.6 | PnL: -0.03% | $-0.26 +2025-03-10 12:57:23,143 - INFO - OPENED SHORT at 2049.6 | Stop loss: 2059.867510714286 | Take profit: 2018.8267339285715 +2025-03-10 12:57:23,145 - INFO - CLOSED short at 2049.61 | PnL: -0.00% | $-0.20 +2025-03-10 12:57:23,145 - INFO - OPENED LONG at 2049.61 | Stop loss: 2039.3424392857144 | Take profit: 2080.3834160714287 +2025-03-10 12:57:23,145 - INFO - CLOSED long at 2048.48 | PnL: -0.06% | $-0.30 +2025-03-10 12:57:23,146 - INFO - OPENED SHORT at 2048.48 | Stop loss: 2058.741910714286 | Take profit: 2017.7235339285714 +2025-03-10 12:57:23,146 - INFO - CLOSED short at 2047.39 | PnL: 0.05% | $-0.09 +2025-03-10 12:57:23,147 - INFO - OPENED SHORT at 2046.58 | Stop loss: 2056.8324107142857 | Take profit: 2015.8520339285712 +2025-03-10 12:57:23,148 - INFO - CLOSED short at 2047.2 | PnL: -0.03% | $-0.25 +2025-03-10 12:57:23,148 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.9444892857143 | Take profit: 2077.9372660714284 +2025-03-10 12:57:23,149 - INFO - CLOSED long at 2045.99 | PnL: -0.06% | $-0.31 +2025-03-10 12:57:23,149 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.239460714286 | Take profit: 2015.2708839285715 +2025-03-10 12:57:23,150 - INFO - CLOSED short at 2045.99 | PnL: 0.00% | $-0.19 +2025-03-10 12:57:23,151 - INFO - OPENED SHORT at 2048.51 | Stop loss: 2058.7720607142855 | Take profit: 2017.7530839285716 +2025-03-10 12:57:23,151 - INFO - CLOSED short at 2050.0 | PnL: -0.07% | $-0.34 +2025-03-10 12:57:23,152 - INFO - OPENED LONG at 2050.24 | Stop loss: 2039.9692892857142 | Take profit: 2081.0228660714283 +2025-03-10 12:57:23,152 - INFO - CLOSED long at 2049.89 | PnL: -0.02% | $-0.23 +2025-03-10 12:57:23,153 - INFO - OPENED LONG at 2053.26 | Stop loss: 2042.9741892857146 | Take profit: 2084.088166071429 +2025-03-10 12:57:23,154 - INFO - CLOSED long at 2052.3 | PnL: -0.05% | $-0.28 +2025-03-10 12:57:23,154 - INFO - OPENED SHORT at 2052.3 | Stop loss: 2062.581010714286 | Take profit: 2021.4862339285717 +2025-03-10 12:57:23,156 - INFO - CLOSED short at 2057.01 | PnL: -0.23% | $-0.63 +2025-03-10 12:57:23,156 - INFO - OPENED LONG at 2057.01 | Stop loss: 2046.7054392857144 | Take profit: 2087.894416071429 +2025-03-10 12:57:23,157 - INFO - CLOSED long at 2056.89 | PnL: -0.01% | $-0.20 +2025-03-10 12:57:23,158 - INFO - OPENED LONG at 2059.7 | Stop loss: 2049.381989285714 | Take profit: 2090.6247660714284 +2025-03-10 12:57:23,159 - INFO - CLOSED long at 2063.59 | PnL: 0.19% | $0.17 +2025-03-10 12:57:23,160 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.927460714286 | Take profit: 2032.6068839285715 +2025-03-10 12:57:23,163 - INFO - CLOSED short at 2057.8 | PnL: 0.28% | $0.35 +2025-03-10 12:57:23,163 - INFO - OPENED LONG at 2057.8 | Stop loss: 2047.4914892857146 | Take profit: 2088.696266071429 +2025-03-10 12:57:23,164 - INFO - CLOSED long at 2057.89 | PnL: 0.00% | $-0.18 +2025-03-10 12:57:23,164 - INFO - OPENED SHORT at 2057.94 | Stop loss: 2068.2492107142857 | Take profit: 2027.0416339285716 +2025-03-10 12:57:23,165 - INFO - CLOSED short at 2061.79 | PnL: -0.19% | $-0.55 +2025-03-10 12:57:23,165 - INFO - OPENED LONG at 2061.79 | Stop loss: 2051.4615392857145 | Take profit: 2092.746116071429 +2025-03-10 12:57:23,167 - INFO - CLOSED long at 2061.18 | PnL: -0.03% | $-0.25 +2025-03-10 12:57:23,167 - INFO - OPENED SHORT at 2061.18 | Stop loss: 2071.505410714286 | Take profit: 2030.2330339285713 +2025-03-10 12:57:23,167 - INFO - CLOSED short at 2064.32 | PnL: -0.15% | $-0.48 +2025-03-10 12:57:23,168 - INFO - OPENED LONG at 2070.58 | Stop loss: 2060.207589285714 | Take profit: 2101.6679660714285 +2025-03-10 12:57:23,169 - INFO - CLOSED long at 2068.29 | PnL: -0.11% | $-0.40 +2025-03-10 12:57:23,169 - INFO - OPENED SHORT at 2068.29 | Stop loss: 2078.6509607142857 | Take profit: 2037.2363839285715 +2025-03-10 12:57:23,170 - INFO - CLOSED short at 2067.89 | PnL: 0.02% | $-0.15 +2025-03-10 12:57:23,170 - INFO - OPENED SHORT at 2070.99 | Stop loss: 2081.3644607142855 | Take profit: 2039.8958839285713 +2025-03-10 12:57:23,286 - INFO - CLOSED short at 2068.99 | PnL: 0.10% | $-0.01 +2025-03-10 12:57:23,287 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.6255392857142 | Take profit: 2100.0541160714283 +2025-03-10 12:57:23,359 - INFO - CLOSED long at 2067.69 | PnL: -0.06% | $-0.31 +2025-03-10 12:57:23,393 - INFO - OPENED SHORT at 2070.26 | Stop loss: 2080.630810714286 | Take profit: 2039.1768339285716 +2025-03-10 12:57:23,571 - INFO - CLOSED short at 2072.33 | PnL: -0.10% | $-0.37 +2025-03-10 12:57:23,605 - INFO - OPENED SHORT at 2071.38 | Stop loss: 2081.7564107142857 | Take profit: 2040.2800339285714 +2025-03-10 12:57:23,678 - INFO - CLOSED short at 2069.37 | PnL: 0.10% | $-0.01 +2025-03-10 12:57:23,678 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.003639285714 | Take profit: 2100.439816071428 +2025-03-10 12:57:23,716 - INFO - CLOSED long at 2070.9 | PnL: 0.07% | $-0.05 +2025-03-10 12:57:23,755 - INFO - OPENED LONG at 2072.8 | Stop loss: 2062.4164892857143 | Take profit: 2103.921266071429 +2025-03-10 12:57:23,791 - INFO - CLOSED long at 2070.79 | PnL: -0.10% | $-0.37 +2025-03-10 12:57:23,826 - INFO - OPENED SHORT at 2070.28 | Stop loss: 2080.650910714286 | Take profit: 2039.1965339285716 +2025-03-10 12:57:23,863 - INFO - CLOSED short at 2068.02 | PnL: 0.11% | $0.02 +2025-03-10 12:57:23,934 - INFO - OPENED LONG at 2070.36 | Stop loss: 2059.9886892857144 | Take profit: 2101.444666071429 +2025-03-10 12:57:24,005 - INFO - CLOSED long at 2070.7 | PnL: 0.02% | $-0.16 +2025-03-10 12:57:24,045 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.7062107142856 | Take profit: 2038.2706339285714 +2025-03-10 12:57:24,082 - INFO - CLOSED short at 2069.19 | PnL: 0.01% | $-0.17 +2025-03-10 12:57:24,117 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.4364892857143 | Take profit: 2099.861266071429 +2025-03-10 12:57:24,358 - INFO - CLOSED long at 2066.29 | PnL: -0.12% | $-0.41 +2025-03-10 12:57:24,359 - INFO - OPENED SHORT at 2066.29 | Stop loss: 2076.6409607142855 | Take profit: 2035.2663839285713 +2025-03-10 12:57:24,573 - INFO - CLOSED short at 2068.59 | PnL: -0.11% | $-0.39 +2025-03-10 12:57:24,753 - INFO - OPENED LONG at 2071.39 | Stop loss: 2061.013539285714 | Take profit: 2102.4901160714285 +2025-03-10 12:57:24,787 - INFO - CLOSED long at 2071.36 | PnL: -0.00% | $-0.19 +2025-03-10 12:57:24,788 - INFO - OPENED SHORT at 2071.36 | Stop loss: 2081.736310714286 | Take profit: 2040.2603339285715 +2025-03-10 12:57:24,860 - INFO - CLOSED short at 2073.11 | PnL: -0.08% | $-0.34 +2025-03-10 12:57:24,894 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.0830107142856 | Take profit: 2041.5802339285713 +2025-03-10 12:57:24,927 - INFO - CLOSED short at 2072.15 | PnL: 0.03% | $-0.13 +2025-03-10 12:57:24,927 - INFO - OPENED LONG at 2072.15 | Stop loss: 2061.7697392857144 | Take profit: 2103.2615160714286 +2025-03-10 12:57:24,999 - INFO - CLOSED long at 2073.9 | PnL: 0.08% | $-0.03 +2025-03-10 12:57:25,036 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.5408892857145 | Take profit: 2103.0280660714284 +2025-03-10 12:57:25,072 - INFO - CLOSED long at 2070.4 | PnL: -0.07% | $-0.32 +2025-03-10 12:57:25,341 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.4464892857145 | Take profit: 2097.831266071429 +2025-03-10 12:57:25,377 - INFO - CLOSED long at 2065.49 | PnL: -0.06% | $-0.30 +2025-03-10 12:57:25,446 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9141892857147 | Take profit: 2096.268166071429 +2025-03-10 12:57:25,480 - INFO - CLOSED long at 2067.89 | PnL: 0.13% | $0.05 +2025-03-10 12:57:25,551 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.4364892857143 | Take profit: 2099.861266071429 +2025-03-10 12:57:25,622 - INFO - CLOSED long at 2067.86 | PnL: -0.05% | $-0.26 +2025-03-10 12:57:25,623 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.2188107142856 | Take profit: 2036.8128339285715 +2025-03-10 12:57:25,661 - INFO - CLOSED short at 2067.59 | PnL: 0.01% | $-0.16 +2025-03-10 12:57:25,662 - INFO - OPENED LONG at 2067.59 | Stop loss: 2057.2325392857147 | Take profit: 2098.6331160714285 +2025-03-10 12:57:25,700 - INFO - CLOSED long at 2069.2 | PnL: 0.08% | $-0.04 +2025-03-10 12:57:25,736 - INFO - OPENED SHORT at 2070.3 | Stop loss: 2080.671010714286 | Take profit: 2039.2162339285717 +2025-03-10 12:57:25,948 - INFO - CLOSED short at 2068.69 | PnL: 0.08% | $-0.04 +2025-03-10 12:57:25,949 - INFO - OPENED LONG at 2068.69 | Stop loss: 2058.3270392857144 | Take profit: 2099.7496160714286 +2025-03-10 12:57:26,063 - INFO - CLOSED long at 2067.86 | PnL: -0.04% | $-0.25 +2025-03-10 12:57:26,064 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.2188107142856 | Take profit: 2036.8128339285715 +2025-03-10 12:57:26,100 - INFO - CLOSED short at 2066.4 | PnL: 0.07% | $-0.05 +2025-03-10 12:57:26,138 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4500107142853 | Take profit: 2035.0792339285715 +2025-03-10 12:57:26,175 - INFO - CLOSED short at 2065.28 | PnL: 0.04% | $-0.11 +2025-03-10 12:57:26,175 - INFO - OPENED LONG at 2065.28 | Stop loss: 2054.9340892857144 | Take profit: 2096.2884660714285 +2025-03-10 12:57:26,209 - INFO - CLOSED long at 2066.39 | PnL: 0.05% | $-0.08 +2025-03-10 12:57:26,247 - INFO - OPENED SHORT at 2064.47 | Stop loss: 2074.811860714285 | Take profit: 2033.473683928571 +2025-03-10 12:57:26,283 - INFO - CLOSED short at 2070.04 | PnL: -0.27% | $-0.66 +2025-03-10 12:57:26,318 - INFO - OPENED LONG at 2067.8 | Stop loss: 2057.4414892857144 | Take profit: 2098.8462660714285 +2025-03-10 12:57:26,355 - INFO - CLOSED long at 2068.18 | PnL: 0.02% | $-0.15 +2025-03-10 12:57:26,424 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.238910714286 | Take profit: 2036.8325339285716 +2025-03-10 12:57:26,528 - INFO - CLOSED short at 2066.15 | PnL: 0.08% | $-0.03 +2025-03-10 12:57:26,706 - INFO - OPENED SHORT at 2059.59 | Stop loss: 2069.907460714286 | Take profit: 2028.6668839285717 +2025-03-10 12:57:26,742 - INFO - CLOSED short at 2061.3 | PnL: -0.08% | $-0.32 +2025-03-10 12:57:26,853 - INFO - OPENED LONG at 2066.24 | Stop loss: 2055.8892892857143 | Take profit: 2097.262866071428 +2025-03-10 12:57:27,032 - INFO - CLOSED long at 2064.08 | PnL: -0.10% | $-0.36 +2025-03-10 12:57:27,033 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4199107142854 | Take profit: 2033.0895339285712 +2025-03-10 12:57:27,068 - INFO - CLOSED short at 2062.71 | PnL: 0.07% | $-0.06 +2025-03-10 12:57:27,219 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.272489285714 | Take profit: 2092.5532660714284 +2025-03-10 12:57:27,361 - INFO - CLOSED long at 2059.3 | PnL: -0.11% | $-0.37 +2025-03-10 12:57:27,362 - INFO - OPENED SHORT at 2059.3 | Stop loss: 2069.616010714286 | Take profit: 2028.3812339285716 +2025-03-10 12:57:27,402 - INFO - CLOSED short at 2060.31 | PnL: -0.05% | $-0.26 +2025-03-10 12:57:27,402 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.9889392857144 | Take profit: 2091.2439160714284 +2025-03-10 12:57:27,438 - INFO - CLOSED long at 2061.8 | PnL: 0.07% | $-0.05 +2025-03-10 12:57:27,439 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.1285107142858 | Take profit: 2030.8437339285715 +2025-03-10 12:57:27,476 - INFO - CLOSED short at 2064.7 | PnL: -0.14% | $-0.42 +2025-03-10 12:57:27,579 - INFO - OPENED SHORT at 2060.3 | Stop loss: 2070.621010714286 | Take profit: 2029.3662339285715 +2025-03-10 12:57:27,650 - INFO - CLOSED short at 2061.9 | PnL: -0.08% | $-0.31 +2025-03-10 12:57:27,651 - INFO - OPENED LONG at 2061.9 | Stop loss: 2051.5709892857144 | Take profit: 2092.8577660714286 +2025-03-10 12:57:27,688 - INFO - CLOSED long at 2064.1 | PnL: 0.11% | $0.01 +2025-03-10 12:57:27,724 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.0136892857145 | Take profit: 2096.3696660714286 +2025-03-10 12:57:27,763 - INFO - CLOSED long at 2064.33 | PnL: -0.05% | $-0.26 +2025-03-10 12:57:27,909 - INFO - OPENED SHORT at 2063.53 | Stop loss: 2073.8671607142855 | Take profit: 2032.5477839285716 +2025-03-10 12:57:27,984 - INFO - CLOSED short at 2062.6 | PnL: 0.05% | $-0.09 +2025-03-10 12:57:28,022 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.2189607142855 | Take profit: 2030.9323839285714 +2025-03-10 12:57:28,098 - INFO - CLOSED short at 2060.7 | PnL: 0.06% | $-0.07 +2025-03-10 12:57:28,244 - INFO - OPENED SHORT at 2059.02 | Stop loss: 2069.3346107142856 | Take profit: 2028.1054339285713 +2025-03-10 12:57:28,283 - INFO - CLOSED short at 2058.89 | PnL: 0.01% | $-0.16 +2025-03-10 12:57:28,284 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.576039285714 | Take profit: 2089.8026160714285 +2025-03-10 12:57:28,323 - INFO - CLOSED long at 2059.96 | PnL: 0.05% | $-0.08 +2025-03-10 12:57:28,324 - INFO - OPENED SHORT at 2059.96 | Stop loss: 2070.2793107142857 | Take profit: 2029.0313339285715 +2025-03-10 12:57:28,442 - INFO - CLOSED short at 2058.28 | PnL: 0.08% | $-0.03 +2025-03-10 12:57:28,482 - INFO - OPENED LONG at 2056.28 | Stop loss: 2045.9790892857145 | Take profit: 2087.1534660714287 +2025-03-10 12:57:28,517 - INFO - CLOSED long at 2055.6 | PnL: -0.03% | $-0.23 +2025-03-10 12:57:28,517 - INFO - OPENED SHORT at 2055.6 | Stop loss: 2065.897510714286 | Take profit: 2024.7367339285715 +2025-03-10 12:57:28,627 - INFO - CLOSED short at 2056.71 | PnL: -0.05% | $-0.26 +2025-03-10 12:57:28,697 - INFO - OPENED SHORT at 2059.8 | Stop loss: 2070.118510714286 | Take profit: 2028.8737339285715 +2025-03-10 12:57:28,774 - INFO - CLOSED short at 2061.5 | PnL: -0.08% | $-0.31 +2025-03-10 12:57:28,879 - INFO - OPENED LONG at 2062.69 | Stop loss: 2052.3570392857146 | Take profit: 2093.6596160714284 +2025-03-10 12:57:28,984 - INFO - CLOSED long at 2066.01 | PnL: 0.16% | $0.10 +2025-03-10 12:57:29,056 - INFO - OPENED SHORT at 2064.49 | Stop loss: 2074.8319607142857 | Take profit: 2033.4933839285713 +2025-03-10 12:57:29,159 - INFO - CLOSED short at 2066.79 | PnL: -0.11% | $-0.36 +2025-03-10 12:57:29,160 - INFO - OPENED LONG at 2066.79 | Stop loss: 2056.436539285714 | Take profit: 2097.821116071428 +2025-03-10 12:57:29,230 - INFO - CLOSED long at 2067.01 | PnL: 0.01% | $-0.15 +2025-03-10 12:57:29,299 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.421539285714 | Take profit: 2100.8661160714287 +2025-03-10 12:57:29,509 - INFO - CLOSED long at 2071.04 | PnL: 0.06% | $-0.07 +2025-03-10 12:57:29,510 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.414710714286 | Take profit: 2039.9451339285715 +2025-03-10 12:57:29,545 - INFO - CLOSED short at 2070.01 | PnL: 0.05% | $-0.09 +2025-03-10 12:57:29,583 - INFO - OPENED SHORT at 2071.6 | Stop loss: 2081.9775107142855 | Take profit: 2040.4967339285713 +2025-03-10 12:57:29,621 - INFO - CLOSED short at 2073.23 | PnL: -0.08% | $-0.30 +2025-03-10 12:57:29,622 - INFO - OPENED LONG at 2073.23 | Stop loss: 2062.8443392857143 | Take profit: 2104.3577160714285 +2025-03-10 12:57:29,657 - INFO - CLOSED long at 2070.0 | PnL: -0.16% | $-0.43 +2025-03-10 12:57:29,657 - INFO - OPENED SHORT at 2070.0 | Stop loss: 2080.3695107142858 | Take profit: 2038.9207339285715 +2025-03-10 12:57:29,696 - INFO - CLOSED short at 2068.15 | PnL: 0.09% | $-0.02 +2025-03-10 12:57:29,697 - INFO - OPENED LONG at 2068.15 | Stop loss: 2057.7897392857144 | Take profit: 2099.2015160714286 +2025-03-10 12:57:29,770 - INFO - CLOSED long at 2069.69 | PnL: 0.07% | $-0.04 +2025-03-10 12:57:29,770 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.057960714286 | Take profit: 2038.6153839285714 +2025-03-10 12:57:29,878 - INFO - CLOSED short at 2068.79 | PnL: 0.04% | $-0.09 +2025-03-10 12:57:29,878 - INFO - OPENED LONG at 2068.79 | Stop loss: 2058.426539285714 | Take profit: 2099.8511160714284 +2025-03-10 12:57:29,916 - INFO - CLOSED long at 2072.99 | PnL: 0.20% | $0.17 +2025-03-10 12:57:29,916 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.3744607142853 | Take profit: 2041.8658839285713 +2025-03-10 12:57:30,027 - INFO - CLOSED short at 2067.33 | PnL: 0.27% | $0.29 +2025-03-10 12:57:30,064 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.0285892857146 | Take profit: 2097.4049660714286 +2025-03-10 12:57:30,100 - INFO - CLOSED long at 2065.7 | PnL: -0.03% | $-0.22 +2025-03-10 12:57:30,101 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0480107142857 | Take profit: 2034.6852339285713 +2025-03-10 12:57:30,173 - INFO - CLOSED short at 2063.95 | PnL: 0.08% | $-0.03 +2025-03-10 12:57:30,282 - INFO - OPENED SHORT at 2065.3 | Stop loss: 2075.646010714286 | Take profit: 2034.2912339285717 +2025-03-10 12:57:30,396 - INFO - CLOSED short at 2065.5 | PnL: -0.01% | $-0.18 +2025-03-10 12:57:30,397 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1529892857143 | Take profit: 2096.5117660714286 +2025-03-10 12:57:30,432 - INFO - CLOSED long at 2067.53 | PnL: 0.10% | $-0.00 +2025-03-10 12:57:30,433 - INFO - OPENED SHORT at 2067.53 | Stop loss: 2077.8871607142855 | Take profit: 2036.4877839285716 +2025-03-10 12:57:30,469 - INFO - CLOSED short at 2065.29 | PnL: 0.11% | $0.01 +2025-03-10 12:57:30,469 - INFO - OPENED LONG at 2065.29 | Stop loss: 2054.944039285714 | Take profit: 2096.2986160714286 +2025-03-10 12:57:30,504 - INFO - CLOSED long at 2065.31 | PnL: 0.00% | $-0.17 +2025-03-10 12:57:30,504 - INFO - OPENED SHORT at 2065.31 | Stop loss: 2075.6560607142856 | Take profit: 2034.3010839285714 +2025-03-10 12:57:30,542 - INFO - CLOSED short at 2066.8 | PnL: -0.07% | $-0.29 +2025-03-10 12:57:30,580 - INFO - OPENED LONG at 2066.5 | Stop loss: 2056.147989285714 | Take profit: 2097.526766071429 +2025-03-10 12:57:30,619 - INFO - CLOSED long at 2068.59 | PnL: 0.10% | $0.00 +2025-03-10 12:57:30,620 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.9524607142857 | Take profit: 2037.5318839285715 +2025-03-10 12:57:30,688 - INFO - CLOSED short at 2070.2 | PnL: -0.08% | $-0.30 +2025-03-10 12:57:30,724 - INFO - OPENED LONG at 2071.35 | Stop loss: 2060.973739285714 | Take profit: 2102.4495160714287 +2025-03-10 12:57:30,760 - INFO - CLOSED long at 2070.9 | PnL: -0.02% | $-0.20 +2025-03-10 12:57:30,797 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.057960714286 | Take profit: 2038.6153839285714 +2025-03-10 12:57:30,835 - INFO - CLOSED short at 2070.7 | PnL: -0.05% | $-0.25 +2025-03-10 12:57:30,870 - INFO - OPENED SHORT at 2070.8 | Stop loss: 2081.173510714286 | Take profit: 2039.7087339285715 +2025-03-10 12:57:31,045 - INFO - CLOSED short at 2068.67 | PnL: 0.10% | $0.00 +2025-03-10 12:57:31,045 - INFO - OPENED LONG at 2068.67 | Stop loss: 2058.3071392857146 | Take profit: 2099.7293160714285 +2025-03-10 12:57:31,116 - INFO - CLOSED long at 2069.78 | PnL: 0.05% | $-0.08 +2025-03-10 12:57:31,153 - INFO - OPENED SHORT at 2071.61 | Stop loss: 2081.987560714286 | Take profit: 2040.5065839285714 +2025-03-10 12:57:31,193 - INFO - CLOSED short at 2074.37 | PnL: -0.13% | $-0.38 +2025-03-10 12:57:31,193 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.978639285714 | Take profit: 2105.5148160714284 +2025-03-10 12:57:31,377 - INFO - CLOSED long at 2075.32 | PnL: 0.05% | $-0.09 +2025-03-10 12:57:31,449 - INFO - OPENED LONG at 2076.9 | Stop loss: 2066.495989285714 | Take profit: 2108.0827660714285 +2025-03-10 12:57:31,485 - INFO - CLOSED long at 2075.61 | PnL: -0.06% | $-0.27 +2025-03-10 12:57:31,522 - INFO - OPENED SHORT at 2074.0 | Stop loss: 2084.3895107142857 | Take profit: 2042.8607339285716 +2025-03-10 12:57:31,597 - INFO - CLOSED short at 2069.97 | PnL: 0.19% | $0.15 +2025-03-10 12:57:31,598 - INFO - OPENED LONG at 2069.97 | Stop loss: 2059.600639285714 | Take profit: 2101.0488160714285 +2025-03-10 12:57:31,637 - INFO - CLOSED long at 2067.7 | PnL: -0.11% | $-0.34 +2025-03-10 12:57:31,638 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.0580107142855 | Take profit: 2036.6552339285713 +2025-03-10 12:57:31,674 - INFO - CLOSED short at 2067.0 | PnL: 0.03% | $-0.11 +2025-03-10 12:57:31,905 - INFO - OPENED LONG at 2068.1 | Stop loss: 2057.7399892857143 | Take profit: 2099.1507660714283 +2025-03-10 12:57:31,976 - INFO - CLOSED long at 2070.19 | PnL: 0.10% | $0.00 +2025-03-10 12:57:31,977 - INFO - OPENED SHORT at 2070.19 | Stop loss: 2080.560460714286 | Take profit: 2039.1078839285715 +2025-03-10 12:57:32,052 - INFO - CLOSED short at 2067.19 | PnL: 0.14% | $0.07 +2025-03-10 12:57:32,089 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1529892857143 | Take profit: 2096.5117660714286 +2025-03-10 12:57:32,163 - INFO - CLOSED long at 2065.8 | PnL: 0.01% | $-0.14 +2025-03-10 12:57:32,204 - INFO - OPENED LONG at 2065.07 | Stop loss: 2054.7251392857147 | Take profit: 2096.0753160714285 +2025-03-10 12:57:32,315 - INFO - CLOSED long at 2062.34 | PnL: -0.13% | $-0.38 +2025-03-10 12:57:32,353 - INFO - OPENED LONG at 2063.98 | Stop loss: 2053.640589285714 | Take profit: 2094.968966071429 +2025-03-10 12:57:32,391 - INFO - CLOSED long at 2066.1 | PnL: 0.10% | $0.00 +2025-03-10 12:57:32,463 - INFO - OPENED SHORT at 2064.11 | Stop loss: 2074.4500607142854 | Take profit: 2033.1190839285716 +2025-03-10 12:57:32,502 - INFO - CLOSED short at 2064.5 | PnL: -0.02% | $-0.19 +2025-03-10 12:57:32,502 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1579892857144 | Take profit: 2095.4967660714287 +2025-03-10 12:57:32,539 - INFO - CLOSED long at 2066.33 | PnL: 0.09% | $-0.02 +2025-03-10 12:57:32,540 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.681160714286 | Take profit: 2035.3057839285714 +2025-03-10 12:57:32,649 - INFO - CLOSED short at 2060.2 | PnL: 0.30% | $0.32 +2025-03-10 12:57:32,721 - INFO - OPENED LONG at 2058.09 | Stop loss: 2047.7800392857146 | Take profit: 2088.990616071429 +2025-03-10 12:57:32,756 - INFO - CLOSED long at 2058.65 | PnL: 0.03% | $-0.12 +2025-03-10 12:57:32,793 - INFO - OPENED SHORT at 2056.77 | Stop loss: 2067.0733607142856 | Take profit: 2025.8891839285714 +2025-03-10 12:57:32,830 - INFO - CLOSED short at 2053.01 | PnL: 0.18% | $0.13 +2025-03-10 12:57:32,831 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.7254392857144 | Take profit: 2083.8344160714287 +2025-03-10 12:57:32,866 - INFO - CLOSED long at 2049.21 | PnL: -0.19% | $-0.46 +2025-03-10 12:57:32,936 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.2694607142857 | Take profit: 2021.1808839285711 +2025-03-10 12:57:33,082 - INFO - CLOSED short at 2057.89 | PnL: -0.29% | $-0.62 +2025-03-10 12:57:33,121 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.1636607142855 | Take profit: 2031.8582839285714 +2025-03-10 12:57:33,196 - INFO - CLOSED short at 2065.1 | PnL: -0.11% | $-0.34 +2025-03-10 12:57:33,197 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.754989285714 | Take profit: 2096.1057660714287 +2025-03-10 12:57:33,269 - INFO - CLOSED long at 2062.55 | PnL: -0.12% | $-0.36 +2025-03-10 12:57:33,269 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.8822607142856 | Take profit: 2031.5824839285715 +2025-03-10 12:57:33,416 - INFO - CLOSED short at 2066.59 | PnL: -0.20% | $-0.47 +2025-03-10 12:57:33,454 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.740089285714 | Take profit: 2095.0704660714287 +2025-03-10 12:57:33,529 - INFO - CLOSED long at 2059.9 | PnL: -0.20% | $-0.48 +2025-03-10 12:57:33,667 - INFO - OPENED LONG at 2065.72 | Stop loss: 2055.371889285714 | Take profit: 2096.7350660714283 +2025-03-10 12:57:33,702 - INFO - CLOSED long at 2070.31 | PnL: 0.22% | $0.19 +2025-03-10 12:57:33,737 - INFO - OPENED LONG at 2070.24 | Stop loss: 2059.8692892857143 | Take profit: 2101.322866071428 +2025-03-10 12:57:33,877 - INFO - CLOSED long at 2073.49 | PnL: 0.16% | $0.09 +2025-03-10 12:57:33,913 - INFO - OPENED LONG at 2074.05 | Stop loss: 2063.6602392857144 | Take profit: 2105.1900160714285 +2025-03-10 12:57:33,990 - INFO - CLOSED long at 2071.89 | PnL: -0.10% | $-0.32 +2025-03-10 12:57:33,990 - INFO - OPENED SHORT at 2071.89 | Stop loss: 2082.2689607142856 | Take profit: 2040.782383928571 +2025-03-10 12:57:34,031 - INFO - CLOSED short at 2071.8 | PnL: 0.00% | $-0.15 +2025-03-10 12:57:34,032 - INFO - OPENED LONG at 2071.8 | Stop loss: 2061.4214892857144 | Take profit: 2102.906266071429 +2025-03-10 12:57:34,145 - INFO - CLOSED long at 2077.61 | PnL: 0.28% | $0.28 +2025-03-10 12:57:34,183 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.112689285714 | Take profit: 2116.8726660714287 +2025-03-10 12:57:34,224 - INFO - CLOSED long at 2090.49 | PnL: 0.24% | $0.21 +2025-03-10 12:57:34,297 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3730107142856 | Take profit: 2098.710233928571 +2025-03-10 12:57:34,337 - INFO - CLOSED short at 2139.54 | PnL: -0.41% | $-0.81 +2025-03-10 12:57:34,338 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8227892857144 | Take profit: 2171.6623660714286 +2025-03-10 12:57:34,479 - INFO - CLOSED long at 2141.41 | PnL: 0.09% | $-0.02 +2025-03-10 12:57:34,479 - INFO - OPENED SHORT at 2141.41 | Stop loss: 2152.1365607142857 | Take profit: 2109.2595839285714 +2025-03-10 12:57:34,664 - INFO - CLOSED short at 2126.99 | PnL: 0.67% | $0.89 +2025-03-10 12:57:34,702 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.6439892857147 | Take profit: 2159.238766071429 +2025-03-10 12:57:34,879 - INFO - CLOSED long at 2119.93 | PnL: -0.35% | $-0.70 +2025-03-10 12:57:34,990 - INFO - OPENED LONG at 2119.14 | Stop loss: 2108.524789285714 | Take profit: 2150.9563660714284 +2025-03-10 12:57:35,025 - INFO - CLOSED long at 2119.07 | PnL: -0.00% | $-0.16 +2025-03-10 12:57:35,026 - INFO - OPENED SHORT at 2119.07 | Stop loss: 2129.6848607142856 | Take profit: 2087.2546839285715 +2025-03-10 12:57:35,168 - INFO - CLOSED short at 2109.05 | PnL: 0.47% | $0.58 +2025-03-10 12:57:35,206 - INFO - OPENED SHORT at 2112.09 | Stop loss: 2122.669960714286 | Take profit: 2080.3793839285718 +2025-03-10 12:57:35,242 - INFO - CLOSED short at 2112.95 | PnL: -0.04% | $-0.22 +2025-03-10 12:57:35,243 - INFO - OPENED LONG at 2112.95 | Stop loss: 2102.365739285714 | Take profit: 2144.6735160714284 +2025-03-10 12:57:35,316 - INFO - CLOSED long at 2113.24 | PnL: 0.01% | $-0.14 +2025-03-10 12:57:35,316 - INFO - OPENED SHORT at 2113.24 | Stop loss: 2123.8257107142854 | Take profit: 2081.512133928571 +2025-03-10 12:57:35,356 - INFO - CLOSED short at 2112.99 | PnL: 0.01% | $-0.14 +2025-03-10 12:57:35,357 - INFO - OPENED LONG at 2112.99 | Stop loss: 2102.405539285714 | Take profit: 2144.714116071428 +2025-03-10 12:57:35,395 - INFO - CLOSED long at 2120.81 | PnL: 0.37% | $0.42 +2025-03-10 12:57:35,505 - INFO - OPENED SHORT at 2110.9 | Stop loss: 2121.4740107142857 | Take profit: 2079.2072339285714 +2025-03-10 12:57:35,542 - INFO - CLOSED short at 2108.71 | PnL: 0.10% | $0.01 +2025-03-10 12:57:35,585 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.9380392857142 | Take profit: 2138.1166160714283 +2025-03-10 12:57:35,623 - INFO - CLOSED long at 2108.06 | PnL: 0.07% | $-0.04 +2025-03-10 12:57:35,729 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.5304892857143 | Take profit: 2121.3792660714284 +2025-03-10 12:57:35,875 - INFO - CLOSED long at 2102.29 | PnL: 0.59% | $0.77 +2025-03-10 12:57:35,875 - INFO - OPENED SHORT at 2102.29 | Stop loss: 2112.820960714286 | Take profit: 2070.7263839285715 +2025-03-10 12:57:35,982 - INFO - CLOSED short at 2100.69 | PnL: 0.08% | $-0.04 +2025-03-10 12:57:36,055 - INFO - OPENED LONG at 2106.39 | Stop loss: 2095.8385392857144 | Take profit: 2138.0151160714286 +2025-03-10 12:57:36,093 - INFO - CLOSED long at 2100.74 | PnL: -0.27% | $-0.58 +2025-03-10 12:57:36,167 - INFO - OPENED LONG at 2104.68 | Stop loss: 2094.137089285714 | Take profit: 2136.2794660714285 +2025-03-10 12:57:36,208 - INFO - CLOSED long at 2101.51 | PnL: -0.15% | $-0.39 +2025-03-10 12:57:36,247 - INFO - OPENED SHORT at 2099.59 | Stop loss: 2110.107460714286 | Take profit: 2068.0668839285713 +2025-03-10 12:57:36,285 - INFO - CLOSED short at 2100.02 | PnL: -0.02% | $-0.19 +2025-03-10 12:57:36,286 - INFO - OPENED LONG at 2100.02 | Stop loss: 2089.5003892857144 | Take profit: 2131.5495660714287 +2025-03-10 12:57:36,324 - INFO - CLOSED long at 2098.39 | PnL: -0.08% | $-0.28 +2025-03-10 12:57:36,482 - INFO - OPENED SHORT at 2092.46 | Stop loss: 2102.9418107142856 | Take profit: 2061.0438339285715 +2025-03-10 12:57:36,557 - INFO - CLOSED short at 2094.72 | PnL: -0.11% | $-0.32 +2025-03-10 12:57:36,558 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.226889285714 | Take profit: 2126.1700660714287 +2025-03-10 12:57:36,591 - INFO - CLOSED long at 2094.08 | PnL: -0.03% | $-0.20 +2025-03-10 12:57:36,630 - INFO - OPENED SHORT at 2088.35 | Stop loss: 2098.8112607142857 | Take profit: 2056.9954839285715 +2025-03-10 12:57:36,668 - INFO - CLOSED short at 2083.28 | PnL: 0.24% | $0.22 +2025-03-10 12:57:36,740 - INFO - OPENED SHORT at 2083.97 | Stop loss: 2094.4093607142854 | Take profit: 2052.681183928571 +2025-03-10 12:57:36,853 - INFO - CLOSED short at 2081.49 | PnL: 0.12% | $0.03 +2025-03-10 12:57:36,853 - INFO - OPENED LONG at 2081.49 | Stop loss: 2071.063039285714 | Take profit: 2112.7416160714283 +2025-03-10 12:57:36,888 - INFO - CLOSED long at 2080.38 | PnL: -0.05% | $-0.24 +2025-03-10 12:57:36,927 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.675760714286 | Take profit: 2050.0019839285715 +2025-03-10 12:57:36,966 - INFO - CLOSED short at 2083.41 | PnL: -0.10% | $-0.31 +2025-03-10 12:57:36,966 - INFO - OPENED LONG at 2083.41 | Stop loss: 2072.973439285714 | Take profit: 2114.6904160714284 +2025-03-10 12:57:37,048 - INFO - CLOSED long at 2083.59 | PnL: 0.01% | $-0.14 +2025-03-10 12:57:37,088 - INFO - OPENED SHORT at 2086.57 | Stop loss: 2097.0223607142857 | Take profit: 2055.2421839285716 +2025-03-10 12:57:37,125 - INFO - CLOSED short at 2085.8 | PnL: 0.04% | $-0.10 +2025-03-10 12:57:37,126 - INFO - OPENED LONG at 2085.8 | Stop loss: 2075.3514892857147 | Take profit: 2117.1162660714285 +2025-03-10 12:57:37,198 - INFO - CLOSED long at 2085.83 | PnL: 0.00% | $-0.15 +2025-03-10 12:57:37,198 - INFO - OPENED SHORT at 2085.83 | Stop loss: 2096.2786607142857 | Take profit: 2054.513283928571 +2025-03-10 12:57:37,233 - INFO - CLOSED short at 2085.85 | PnL: -0.00% | $-0.15 +2025-03-10 12:57:37,234 - INFO - OPENED LONG at 2085.85 | Stop loss: 2075.4012392857144 | Take profit: 2117.1670160714284 +2025-03-10 12:57:37,338 - INFO - CLOSED long at 2088.1 | PnL: 0.11% | $0.01 +2025-03-10 12:57:37,339 - INFO - OPENED SHORT at 2088.1 | Stop loss: 2098.5600107142855 | Take profit: 2056.7492339285714 +2025-03-10 12:57:37,450 - INFO - CLOSED short at 2087.47 | PnL: 0.03% | $-0.11 +2025-03-10 12:57:37,486 - INFO - OPENED LONG at 2087.78 | Stop loss: 2077.3215892857147 | Take profit: 2119.1259660714286 +2025-03-10 12:57:37,521 - INFO - CLOSED long at 2086.81 | PnL: -0.05% | $-0.22 +2025-03-10 12:57:37,558 - INFO - OPENED SHORT at 2089.79 | Stop loss: 2100.2584607142853 | Take profit: 2058.4138839285715 +2025-03-10 12:57:37,662 - INFO - CLOSED short at 2091.05 | PnL: -0.06% | $-0.24 +2025-03-10 12:57:37,701 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.5752392857144 | Take profit: 2122.4450160714287 +2025-03-10 12:57:37,739 - INFO - CLOSED long at 2091.95 | PnL: 0.04% | $-0.09 +2025-03-10 12:57:37,775 - INFO - OPENED LONG at 2094.7 | Stop loss: 2084.206989285714 | Take profit: 2126.149766071428 +2025-03-10 12:57:37,881 - INFO - CLOSED long at 2101.64 | PnL: 0.33% | $0.35 +2025-03-10 12:57:37,881 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1677107142855 | Take profit: 2070.086133928571 +2025-03-10 12:57:37,920 - INFO - CLOSED short at 2097.11 | PnL: 0.22% | $0.18 +2025-03-10 12:57:37,959 - INFO - OPENED SHORT at 2098.49 | Stop loss: 2109.0019607142854 | Take profit: 2066.983383928571 +2025-03-10 12:57:37,995 - INFO - Trade Analysis: Win Rate=16.2% in uptrends, 0.0% in downtrends | Avg Win=$0.19, Avg Loss=$-0.23 +2025-03-10 12:57:37,996 - INFO - Episode 0: Reward=-222.85, Balance=$76.90, Win Rate=20.3%, Trades=158, Episode PnL=$-18.13, Total PnL=$-23.10, Max Drawdown=23.6%, Pred Accuracy=97.9% +2025-03-10 12:57:37,996 - ERROR - Error in episode 0: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 12:57:37,998 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1763, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 12:57:38,019 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:57:38,321 - INFO - OPENED SHORT at 2052.16 | Stop loss: 2062.4403107142853 | Take profit: 2021.3483339285713 +2025-03-10 12:57:38,364 - INFO - CLOSED short at 2053.1 | PnL: -0.05% | $-0.29 +2025-03-10 12:57:38,541 - INFO - OPENED SHORT at 2050.2 | Stop loss: 2060.470510714286 | Take profit: 2019.4177339285714 +2025-03-10 12:57:38,579 - INFO - CLOSED short at 2049.6 | PnL: 0.03% | $-0.14 +2025-03-10 12:57:38,580 - INFO - OPENED LONG at 2049.6 | Stop loss: 2039.3324892857142 | Take profit: 2080.3732660714286 +2025-03-10 12:57:38,651 - INFO - CLOSED long at 2049.61 | PnL: 0.00% | $-0.20 +2025-03-10 12:57:38,652 - INFO - OPENED SHORT at 2049.61 | Stop loss: 2059.8775607142857 | Take profit: 2018.8365839285716 +2025-03-10 12:57:38,690 - INFO - CLOSED short at 2049.24 | PnL: 0.02% | $-0.16 +2025-03-10 12:57:38,761 - INFO - OPENED LONG at 2047.39 | Stop loss: 2037.1335392857143 | Take profit: 2078.130116071429 +2025-03-10 12:57:38,832 - INFO - CLOSED long at 2047.4 | PnL: 0.00% | $-0.20 +2025-03-10 12:57:38,869 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.9444892857143 | Take profit: 2077.9372660714284 +2025-03-10 12:57:38,907 - INFO - CLOSED long at 2045.99 | PnL: -0.06% | $-0.31 +2025-03-10 12:57:38,942 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.7405392857142 | Take profit: 2076.7091160714285 +2025-03-10 12:57:39,051 - INFO - CLOSED long at 2047.59 | PnL: 0.08% | $-0.04 +2025-03-10 12:57:39,121 - INFO - OPENED SHORT at 2050.0 | Stop loss: 2060.2695107142854 | Take profit: 2019.2207339285715 +2025-03-10 12:57:39,300 - INFO - CLOSED short at 2051.89 | PnL: -0.09% | $-0.38 +2025-03-10 12:57:39,301 - INFO - OPENED LONG at 2051.89 | Stop loss: 2041.6110392857142 | Take profit: 2082.6976160714285 +2025-03-10 12:57:39,412 - INFO - CLOSED long at 2057.01 | PnL: 0.25% | $0.29 +2025-03-10 12:57:39,448 - INFO - OPENED LONG at 2056.89 | Stop loss: 2046.5860392857142 | Take profit: 2087.7726160714283 +2025-03-10 12:57:39,489 - INFO - CLOSED long at 2058.39 | PnL: 0.07% | $-0.05 +2025-03-10 12:57:39,489 - INFO - OPENED SHORT at 2058.39 | Stop loss: 2068.7014607142855 | Take profit: 2027.4848839285712 +2025-03-10 12:57:39,714 - INFO - CLOSED short at 2063.59 | PnL: -0.25% | $-0.69 +2025-03-10 12:57:39,829 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.344560714286 | Take profit: 2032.0355839285717 +2025-03-10 12:57:39,904 - INFO - CLOSED short at 2058.3 | PnL: 0.23% | $0.25 +2025-03-10 12:57:39,904 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9889892857145 | Take profit: 2089.2037660714286 +2025-03-10 12:57:39,980 - INFO - CLOSED long at 2061.89 | PnL: 0.17% | $0.14 +2025-03-10 12:57:39,980 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.2189607142855 | Take profit: 2030.9323839285714 +2025-03-10 12:57:40,017 - INFO - CLOSED short at 2062.89 | PnL: -0.05% | $-0.29 +2025-03-10 12:57:40,130 - INFO - OPENED SHORT at 2057.8 | Stop loss: 2068.1085107142862 | Take profit: 2026.9037339285715 +2025-03-10 12:57:40,166 - INFO - CLOSED short at 2057.89 | PnL: -0.00% | $-0.20 +2025-03-10 12:57:40,203 - INFO - OPENED LONG at 2057.94 | Stop loss: 2047.6307892857142 | Take profit: 2088.838366071429 +2025-03-10 12:57:40,278 - INFO - CLOSED long at 2061.79 | PnL: 0.19% | $0.17 +2025-03-10 12:57:40,278 - INFO - OPENED SHORT at 2061.79 | Stop loss: 2072.1184607142854 | Take profit: 2030.8338839285714 +2025-03-10 12:57:40,350 - INFO - CLOSED short at 2064.32 | PnL: -0.12% | $-0.43 +2025-03-10 12:57:40,351 - INFO - OPENED LONG at 2064.32 | Stop loss: 2053.9788892857146 | Take profit: 2095.314066071429 +2025-03-10 12:57:40,467 - INFO - CLOSED long at 2068.11 | PnL: 0.18% | $0.16 +2025-03-10 12:57:40,505 - INFO - OPENED LONG at 2068.29 | Stop loss: 2057.929039285714 | Take profit: 2099.3436160714286 +2025-03-10 12:57:40,650 - INFO - CLOSED long at 2069.6 | PnL: 0.06% | $-0.07 +2025-03-10 12:57:40,687 - INFO - OPENED LONG at 2068.65 | Stop loss: 2058.2872392857143 | Take profit: 2099.709016071429 +2025-03-10 12:57:40,727 - INFO - CLOSED long at 2068.99 | PnL: 0.02% | $-0.16 +2025-03-10 12:57:40,767 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2590107142855 | Take profit: 2036.8522339285716 +2025-03-10 12:57:40,839 - INFO - CLOSED short at 2070.26 | PnL: -0.11% | $-0.41 +2025-03-10 12:57:40,878 - INFO - OPENED SHORT at 2071.44 | Stop loss: 2081.816710714286 | Take profit: 2040.3391339285715 +2025-03-10 12:57:40,955 - INFO - CLOSED short at 2075.1 | PnL: -0.18% | $-0.53 +2025-03-10 12:57:40,994 - INFO - OPENED LONG at 2072.91 | Stop loss: 2062.5259392857142 | Take profit: 2104.032916071428 +2025-03-10 12:57:41,033 - INFO - CLOSED long at 2072.33 | PnL: -0.03% | $-0.24 +2025-03-10 12:57:41,145 - INFO - OPENED SHORT at 2069.37 | Stop loss: 2079.7363607142856 | Take profit: 2038.3001839285712 +2025-03-10 12:57:41,218 - INFO - CLOSED short at 2072.8 | PnL: -0.17% | $-0.51 +2025-03-10 12:57:41,254 - INFO - OPENED SHORT at 2070.79 | Stop loss: 2081.1634607142855 | Take profit: 2039.6988839285714 +2025-03-10 12:57:41,291 - INFO - CLOSED short at 2070.28 | PnL: 0.02% | $-0.14 +2025-03-10 12:57:41,292 - INFO - OPENED LONG at 2070.28 | Stop loss: 2059.9090892857143 | Take profit: 2101.363466071429 +2025-03-10 12:57:41,369 - INFO - CLOSED long at 2067.2 | PnL: -0.15% | $-0.47 +2025-03-10 12:57:41,410 - INFO - OPENED LONG at 2070.36 | Stop loss: 2059.9886892857144 | Take profit: 2101.444666071429 +2025-03-10 12:57:41,485 - INFO - CLOSED long at 2070.7 | PnL: 0.02% | $-0.16 +2025-03-10 12:57:41,486 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.073010714286 | Take profit: 2039.6102339285715 +2025-03-10 12:57:41,637 - INFO - CLOSED short at 2067.6 | PnL: 0.15% | $0.09 +2025-03-10 12:57:41,638 - INFO - OPENED LONG at 2067.6 | Stop loss: 2057.2424892857143 | Take profit: 2098.6432660714286 +2025-03-10 12:57:41,675 - INFO - CLOSED long at 2067.51 | PnL: -0.00% | $-0.20 +2025-03-10 12:57:41,790 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.640539285714 | Take profit: 2097.0091160714283 +2025-03-10 12:57:41,863 - INFO - CLOSED long at 2066.29 | PnL: 0.01% | $-0.16 +2025-03-10 12:57:41,863 - INFO - OPENED SHORT at 2066.29 | Stop loss: 2076.6409607142855 | Take profit: 2035.2663839285713 +2025-03-10 12:57:41,908 - INFO - CLOSED short at 2065.08 | PnL: 0.06% | $-0.08 +2025-03-10 12:57:41,909 - INFO - OPENED LONG at 2065.08 | Stop loss: 2054.7350892857144 | Take profit: 2096.0854660714285 +2025-03-10 12:57:41,981 - INFO - CLOSED long at 2068.76 | PnL: 0.18% | $0.15 +2025-03-10 12:57:42,024 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.535989285714 | Take profit: 2099.9627660714286 +2025-03-10 12:57:42,132 - INFO - CLOSED long at 2069.7 | PnL: 0.04% | $-0.12 +2025-03-10 12:57:42,243 - INFO - OPENED LONG at 2071.4 | Stop loss: 2061.0234892857143 | Take profit: 2102.500266071429 +2025-03-10 12:57:42,387 - INFO - CLOSED long at 2073.11 | PnL: 0.08% | $-0.03 +2025-03-10 12:57:42,425 - INFO - OPENED LONG at 2072.7 | Stop loss: 2062.316989285714 | Take profit: 2103.8197660714286 +2025-03-10 12:57:42,535 - INFO - CLOSED long at 2073.9 | PnL: 0.06% | $-0.08 +2025-03-10 12:57:42,674 - INFO - OPENED LONG at 2069.46 | Stop loss: 2059.0931892857143 | Take profit: 2100.5311660714287 +2025-03-10 12:57:42,880 - INFO - CLOSED long at 2066.8 | PnL: -0.13% | $-0.43 +2025-03-10 12:57:42,881 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.153510714286 | Take profit: 2035.7687339285717 +2025-03-10 12:57:42,916 - INFO - CLOSED short at 2065.49 | PnL: 0.06% | $-0.07 +2025-03-10 12:57:42,953 - INFO - OPENED LONG at 2063.61 | Stop loss: 2053.2724392857144 | Take profit: 2094.5934160714287 +2025-03-10 12:57:43,060 - INFO - CLOSED long at 2068.58 | PnL: 0.24% | $0.26 +2025-03-10 12:57:43,132 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9737892857142 | Take profit: 2100.409366071429 +2025-03-10 12:57:43,199 - INFO - CLOSED long at 2067.59 | PnL: -0.08% | $-0.34 +2025-03-10 12:57:43,200 - INFO - OPENED SHORT at 2067.59 | Stop loss: 2077.947460714286 | Take profit: 2036.5468839285716 +2025-03-10 12:57:43,236 - INFO - CLOSED short at 2069.2 | PnL: -0.08% | $-0.33 +2025-03-10 12:57:43,237 - INFO - OPENED LONG at 2069.2 | Stop loss: 2058.834489285714 | Take profit: 2100.2672660714284 +2025-03-10 12:57:43,311 - INFO - CLOSED long at 2071.59 | PnL: 0.12% | $0.03 +2025-03-10 12:57:43,311 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.967460714286 | Take profit: 2040.4868839285714 +2025-03-10 12:57:43,349 - INFO - CLOSED short at 2070.7 | PnL: 0.04% | $-0.11 +2025-03-10 12:57:43,350 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3269892857143 | Take profit: 2101.7897660714284 +2025-03-10 12:57:43,425 - INFO - CLOSED long at 2070.73 | PnL: 0.00% | $-0.18 +2025-03-10 12:57:43,465 - INFO - OPENED LONG at 2068.5 | Stop loss: 2058.137989285714 | Take profit: 2099.5567660714287 +2025-03-10 12:57:43,541 - INFO - CLOSED long at 2067.84 | PnL: -0.03% | $-0.24 +2025-03-10 12:57:43,541 - INFO - OPENED SHORT at 2067.84 | Stop loss: 2078.198710714286 | Take profit: 2036.7931339285717 +2025-03-10 12:57:43,686 - INFO - CLOSED short at 2066.1 | PnL: 0.08% | $-0.03 +2025-03-10 12:57:43,686 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.749989285714 | Take profit: 2097.1207660714285 +2025-03-10 12:57:43,876 - INFO - CLOSED long at 2067.8 | PnL: 0.08% | $-0.03 +2025-03-10 12:57:43,876 - INFO - OPENED SHORT at 2067.8 | Stop loss: 2078.158510714286 | Take profit: 2036.7537339285716 +2025-03-10 12:57:43,914 - INFO - CLOSED short at 2068.18 | PnL: -0.02% | $-0.22 +2025-03-10 12:57:43,914 - INFO - OPENED LONG at 2068.18 | Stop loss: 2057.8195892857143 | Take profit: 2099.2319660714284 +2025-03-10 12:57:43,952 - INFO - CLOSED long at 2065.69 | PnL: -0.12% | $-0.41 +2025-03-10 12:57:44,027 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.3344607142853 | Take profit: 2033.9858839285712 +2025-03-10 12:57:44,066 - INFO - CLOSED short at 2065.83 | PnL: -0.04% | $-0.26 +2025-03-10 12:57:44,174 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2239607142856 | Take profit: 2031.9173839285713 +2025-03-10 12:57:44,287 - INFO - CLOSED short at 2059.59 | PnL: 0.16% | $0.11 +2025-03-10 12:57:44,287 - INFO - OPENED LONG at 2059.59 | Stop loss: 2049.2725392857146 | Take profit: 2090.5131160714286 +2025-03-10 12:57:44,326 - INFO - CLOSED long at 2061.3 | PnL: 0.08% | $-0.03 +2025-03-10 12:57:44,327 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6260107142857 | Take profit: 2030.3512339285714 +2025-03-10 12:57:44,365 - INFO - CLOSED short at 2063.59 | PnL: -0.11% | $-0.39 +2025-03-10 12:57:44,365 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.252539285714 | Take profit: 2094.5731160714286 +2025-03-10 12:57:44,403 - INFO - CLOSED long at 2064.96 | PnL: 0.07% | $-0.06 +2025-03-10 12:57:44,403 - INFO - OPENED SHORT at 2064.96 | Stop loss: 2075.3043107142857 | Take profit: 2033.9563339285714 +2025-03-10 12:57:44,440 - INFO - CLOSED short at 2066.24 | PnL: -0.06% | $-0.29 +2025-03-10 12:57:44,478 - INFO - OPENED LONG at 2067.1 | Stop loss: 2056.7449892857144 | Take profit: 2098.1357660714284 +2025-03-10 12:57:44,555 - INFO - CLOSED long at 2066.09 | PnL: -0.05% | $-0.27 +2025-03-10 12:57:44,557 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.439960714286 | Take profit: 2035.0693839285716 +2025-03-10 12:57:44,633 - INFO - CLOSED short at 2064.08 | PnL: 0.10% | $-0.00 +2025-03-10 12:57:44,634 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.740089285714 | Take profit: 2095.0704660714287 +2025-03-10 12:57:44,704 - INFO - CLOSED long at 2062.89 | PnL: -0.06% | $-0.28 +2025-03-10 12:57:44,705 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2239607142856 | Take profit: 2031.9173839285713 +2025-03-10 12:57:44,744 - INFO - CLOSED short at 2064.5 | PnL: -0.08% | $-0.32 +2025-03-10 12:57:44,782 - INFO - OPENED LONG at 2063.5 | Stop loss: 2053.162989285714 | Take profit: 2094.4817660714284 +2025-03-10 12:57:44,821 - INFO - CLOSED long at 2061.6 | PnL: -0.09% | $-0.34 +2025-03-10 12:57:44,821 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.9275107142857 | Take profit: 2030.6467339285714 +2025-03-10 12:57:45,005 - INFO - CLOSED short at 2060.31 | PnL: 0.06% | $-0.07 +2025-03-10 12:57:45,040 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.4714892857146 | Take profit: 2092.7562660714284 +2025-03-10 12:57:45,255 - INFO - CLOSED long at 2061.9 | PnL: 0.00% | $-0.17 +2025-03-10 12:57:45,292 - INFO - OPENED SHORT at 2064.1 | Stop loss: 2074.4400107142856 | Take profit: 2033.1092339285713 +2025-03-10 12:57:45,331 - INFO - CLOSED short at 2065.36 | PnL: -0.06% | $-0.29 +2025-03-10 12:57:45,332 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.0136892857145 | Take profit: 2096.3696660714286 +2025-03-10 12:57:45,370 - INFO - CLOSED long at 2064.33 | PnL: -0.05% | $-0.27 +2025-03-10 12:57:45,371 - INFO - OPENED SHORT at 2064.33 | Stop loss: 2074.6711607142856 | Take profit: 2033.3357839285713 +2025-03-10 12:57:45,450 - INFO - CLOSED short at 2064.79 | PnL: -0.02% | $-0.22 +2025-03-10 12:57:45,451 - INFO - OPENED LONG at 2064.79 | Stop loss: 2054.446539285714 | Take profit: 2095.7911160714284 +2025-03-10 12:57:45,602 - INFO - CLOSED long at 2062.6 | PnL: -0.11% | $-0.36 +2025-03-10 12:57:45,643 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.2189607142855 | Take profit: 2030.9323839285714 +2025-03-10 12:57:45,789 - INFO - CLOSED short at 2059.61 | PnL: 0.11% | $0.02 +2025-03-10 12:57:45,863 - INFO - OPENED SHORT at 2059.02 | Stop loss: 2069.3346107142856 | Take profit: 2028.1054339285713 +2025-03-10 12:57:45,935 - INFO - CLOSED short at 2059.96 | PnL: -0.05% | $-0.26 +2025-03-10 12:57:45,936 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.6406892857144 | Take profit: 2090.888666071429 +2025-03-10 12:57:45,973 - INFO - CLOSED long at 2059.46 | PnL: -0.02% | $-0.22 +2025-03-10 12:57:46,008 - INFO - OPENED LONG at 2057.4 | Stop loss: 2047.0934892857144 | Take profit: 2088.2902660714285 +2025-03-10 12:57:46,155 - INFO - CLOSED long at 2054.89 | PnL: -0.12% | $-0.39 +2025-03-10 12:57:46,156 - INFO - OPENED SHORT at 2054.89 | Stop loss: 2065.1839607142856 | Take profit: 2024.0373839285714 +2025-03-10 12:57:46,230 - INFO - CLOSED short at 2056.71 | PnL: -0.09% | $-0.33 +2025-03-10 12:57:46,230 - INFO - OPENED LONG at 2056.71 | Stop loss: 2046.4069392857143 | Take profit: 2087.5899160714284 +2025-03-10 12:57:46,266 - INFO - CLOSED long at 2058.15 | PnL: 0.07% | $-0.05 +2025-03-10 12:57:46,266 - INFO - OPENED SHORT at 2058.15 | Stop loss: 2068.4602607142856 | Take profit: 2027.2484839285717 +2025-03-10 12:57:46,342 - INFO - CLOSED short at 2061.66 | PnL: -0.17% | $-0.47 +2025-03-10 12:57:46,410 - INFO - OPENED LONG at 2061.5 | Stop loss: 2051.1729892857143 | Take profit: 2092.4517660714287 +2025-03-10 12:57:46,605 - INFO - CLOSED long at 2062.69 | PnL: 0.06% | $-0.07 +2025-03-10 12:57:46,699 - INFO - OPENED LONG at 2066.36 | Stop loss: 2056.0086892857144 | Take profit: 2097.3846660714285 +2025-03-10 12:57:46,830 - INFO - CLOSED long at 2064.49 | PnL: -0.09% | $-0.33 +2025-03-10 12:57:47,045 - INFO - OPENED SHORT at 2067.01 | Stop loss: 2077.3645607142857 | Take profit: 2035.9755839285715 +2025-03-10 12:57:47,095 - INFO - CLOSED short at 2065.69 | PnL: 0.06% | $-0.06 +2025-03-10 12:57:47,095 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.3420392857142 | Take profit: 2096.7046160714285 +2025-03-10 12:57:47,139 - INFO - CLOSED long at 2069.79 | PnL: 0.20% | $0.17 +2025-03-10 12:57:47,222 - INFO - OPENED SHORT at 2074.3 | Stop loss: 2084.691010714286 | Take profit: 2043.1562339285715 +2025-03-10 12:57:47,266 - INFO - CLOSED short at 2078.01 | PnL: -0.18% | $-0.48 +2025-03-10 12:57:47,267 - INFO - OPENED LONG at 2078.01 | Stop loss: 2067.6004392857144 | Take profit: 2109.209416071429 +2025-03-10 12:57:47,354 - INFO - CLOSED long at 2072.6 | PnL: -0.26% | $-0.62 +2025-03-10 12:57:47,355 - INFO - OPENED SHORT at 2072.6 | Stop loss: 2082.982510714286 | Take profit: 2041.4817339285714 +2025-03-10 12:57:47,482 - INFO - CLOSED short at 2071.6 | PnL: 0.05% | $-0.09 +2025-03-10 12:57:47,483 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.2224892857143 | Take profit: 2102.7032660714285 +2025-03-10 12:57:47,528 - INFO - CLOSED long at 2073.23 | PnL: 0.08% | $-0.04 +2025-03-10 12:57:47,575 - INFO - OPENED LONG at 2070.0 | Stop loss: 2059.6304892857142 | Take profit: 2101.0792660714287 +2025-03-10 12:57:47,743 - INFO - CLOSED long at 2069.03 | PnL: -0.05% | $-0.25 +2025-03-10 12:57:47,743 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.394660714286 | Take profit: 2037.9652839285716 +2025-03-10 12:57:47,885 - INFO - CLOSED short at 2072.99 | PnL: -0.19% | $-0.49 +2025-03-10 12:57:47,885 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6055392857143 | Take profit: 2104.1141160714283 +2025-03-10 12:57:48,254 - INFO - CLOSED long at 2063.97 | PnL: -0.44% | $-0.90 +2025-03-10 12:57:48,254 - INFO - OPENED SHORT at 2063.97 | Stop loss: 2074.3093607142855 | Take profit: 2032.9811839285712 +2025-03-10 12:57:48,300 - INFO - CLOSED short at 2064.5 | PnL: -0.03% | $-0.21 +2025-03-10 12:57:48,300 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1579892857144 | Take profit: 2095.4967660714287 +2025-03-10 12:57:48,577 - INFO - CLOSED long at 2065.29 | PnL: 0.04% | $-0.10 +2025-03-10 12:57:48,661 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.153510714286 | Take profit: 2035.7687339285717 +2025-03-10 12:57:48,742 - INFO - CLOSED short at 2068.59 | PnL: -0.09% | $-0.31 +2025-03-10 12:57:48,834 - INFO - OPENED LONG at 2070.2 | Stop loss: 2059.8294892857143 | Take profit: 2101.2822660714282 +2025-03-10 12:57:48,957 - INFO - CLOSED long at 2069.69 | PnL: -0.02% | $-0.21 +2025-03-10 12:57:48,957 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.057960714286 | Take profit: 2038.6153839285714 +2025-03-10 12:57:49,087 - INFO - CLOSED short at 2070.35 | PnL: -0.03% | $-0.22 +2025-03-10 12:57:49,088 - INFO - OPENED LONG at 2070.35 | Stop loss: 2059.9787392857143 | Take profit: 2101.4345160714283 +2025-03-10 12:57:49,130 - INFO - CLOSED long at 2070.61 | PnL: 0.01% | $-0.14 +2025-03-10 12:57:49,381 - INFO - OPENED SHORT at 2071.61 | Stop loss: 2081.987560714286 | Take profit: 2040.5065839285714 +2025-03-10 12:57:49,507 - INFO - CLOSED short at 2074.35 | PnL: -0.13% | $-0.38 +2025-03-10 12:57:49,550 - INFO - OPENED LONG at 2073.27 | Stop loss: 2062.8841392857144 | Take profit: 2104.3983160714283 +2025-03-10 12:57:49,596 - INFO - CLOSED long at 2073.99 | PnL: 0.03% | $-0.11 +2025-03-10 12:57:49,638 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.9238892857147 | Take profit: 2106.479066071429 +2025-03-10 12:57:49,680 - INFO - CLOSED long at 2075.29 | PnL: -0.00% | $-0.17 +2025-03-10 12:57:49,727 - INFO - OPENED LONG at 2076.9 | Stop loss: 2066.495989285714 | Take profit: 2108.0827660714285 +2025-03-10 12:57:49,772 - INFO - CLOSED long at 2075.61 | PnL: -0.06% | $-0.26 +2025-03-10 12:57:49,858 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.7100392857146 | Take profit: 2103.200616071429 +2025-03-10 12:57:50,242 - INFO - CLOSED long at 2068.1 | PnL: -0.19% | $-0.47 +2025-03-10 12:57:50,243 - INFO - OPENED SHORT at 2068.1 | Stop loss: 2078.4600107142855 | Take profit: 2037.0492339285713 +2025-03-10 12:57:50,493 - INFO - CLOSED short at 2065.7 | PnL: 0.12% | $0.03 +2025-03-10 12:57:50,493 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.351989285714 | Take profit: 2096.7147660714286 +2025-03-10 12:57:50,536 - INFO - CLOSED long at 2065.8 | PnL: 0.00% | $-0.15 +2025-03-10 12:57:50,537 - INFO - OPENED SHORT at 2065.8 | Stop loss: 2076.1485107142857 | Take profit: 2034.7837339285716 +2025-03-10 12:57:50,582 - INFO - CLOSED short at 2065.07 | PnL: 0.04% | $-0.10 +2025-03-10 12:57:50,708 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.0087892857146 | Take profit: 2093.304366071429 +2025-03-10 12:57:50,842 - INFO - CLOSED long at 2065.06 | PnL: 0.13% | $0.05 +2025-03-10 12:57:50,842 - INFO - OPENED SHORT at 2065.06 | Stop loss: 2075.4048107142858 | Take profit: 2034.0548339285713 +2025-03-10 12:57:50,887 - INFO - CLOSED short at 2064.11 | PnL: 0.05% | $-0.09 +2025-03-10 12:57:50,888 - INFO - OPENED LONG at 2064.11 | Stop loss: 2053.7699392857144 | Take profit: 2095.1009160714284 +2025-03-10 12:57:51,147 - INFO - CLOSED long at 2059.2 | PnL: -0.24% | $-0.54 +2025-03-10 12:57:51,230 - INFO - OPENED SHORT at 2058.65 | Stop loss: 2068.9627607142857 | Take profit: 2027.7409839285717 +2025-03-10 12:57:51,274 - INFO - CLOSED short at 2056.77 | PnL: 0.09% | $-0.01 +2025-03-10 12:57:51,318 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.7254392857144 | Take profit: 2083.8344160714287 +2025-03-10 12:57:51,533 - INFO - CLOSED long at 2056.85 | PnL: 0.19% | $0.14 +2025-03-10 12:57:51,582 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.8049392857145 | Take profit: 2087.995916071429 +2025-03-10 12:57:51,625 - INFO - CLOSED long at 2057.89 | PnL: 0.04% | $-0.10 +2025-03-10 12:57:51,625 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.198960714286 | Take profit: 2026.9923839285711 +2025-03-10 12:57:51,712 - INFO - CLOSED short at 2063.9 | PnL: -0.29% | $-0.63 +2025-03-10 12:57:51,712 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.560989285714 | Take profit: 2094.8877660714284 +2025-03-10 12:57:51,851 - INFO - CLOSED long at 2062.55 | PnL: -0.07% | $-0.26 +2025-03-10 12:57:51,899 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.7748892857144 | Take profit: 2096.126066071429 +2025-03-10 12:57:51,942 - INFO - CLOSED long at 2068.33 | PnL: 0.16% | $0.09 +2025-03-10 12:57:51,942 - INFO - OPENED SHORT at 2068.33 | Stop loss: 2078.6911607142856 | Take profit: 2037.2757839285714 +2025-03-10 12:57:51,992 - INFO - CLOSED short at 2067.49 | PnL: 0.04% | $-0.09 +2025-03-10 12:57:51,993 - INFO - OPENED LONG at 2067.49 | Stop loss: 2057.133039285714 | Take profit: 2098.5316160714283 +2025-03-10 12:57:52,034 - INFO - CLOSED long at 2066.59 | PnL: -0.04% | $-0.23 +2025-03-10 12:57:52,035 - INFO - OPENED SHORT at 2066.59 | Stop loss: 2076.9424607142855 | Take profit: 2035.5618839285717 +2025-03-10 12:57:52,207 - INFO - CLOSED short at 2060.7 | PnL: 0.29% | $0.29 +2025-03-10 12:57:52,208 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.376989285714 | Take profit: 2091.6397660714288 +2025-03-10 12:57:52,246 - INFO - CLOSED long at 2061.84 | PnL: 0.06% | $-0.07 +2025-03-10 12:57:52,246 - INFO - OPENED SHORT at 2061.84 | Stop loss: 2072.168710714286 | Take profit: 2030.8831339285716 +2025-03-10 12:57:52,329 - INFO - CLOSED short at 2065.72 | PnL: -0.19% | $-0.46 +2025-03-10 12:57:52,371 - INFO - OPENED LONG at 2070.31 | Stop loss: 2059.9389392857142 | Take profit: 2101.3939160714285 +2025-03-10 12:57:52,414 - INFO - CLOSED long at 2070.24 | PnL: -0.00% | $-0.16 +2025-03-10 12:57:52,414 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.6107107142852 | Take profit: 2039.157133928571 +2025-03-10 12:57:52,501 - INFO - CLOSED short at 2069.81 | PnL: 0.02% | $-0.12 +2025-03-10 12:57:52,588 - INFO - OPENED LONG at 2073.49 | Stop loss: 2063.103039285714 | Take profit: 2104.6216160714284 +2025-03-10 12:57:52,710 - INFO - CLOSED long at 2071.89 | PnL: -0.08% | $-0.28 +2025-03-10 12:57:52,711 - INFO - OPENED SHORT at 2071.89 | Stop loss: 2082.2689607142856 | Take profit: 2040.782383928571 +2025-03-10 12:57:52,755 - INFO - CLOSED short at 2071.8 | PnL: 0.00% | $-0.15 +2025-03-10 12:57:52,805 - INFO - OPENED LONG at 2074.9 | Stop loss: 2064.5059892857143 | Take profit: 2106.0527660714283 +2025-03-10 12:57:52,849 - INFO - CLOSED long at 2076.08 | PnL: 0.06% | $-0.07 +2025-03-10 12:57:52,892 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2088.0175607142855 | Take profit: 2046.4165839285715 +2025-03-10 12:57:52,935 - INFO - CLOSED short at 2085.56 | PnL: -0.38% | $-0.75 +2025-03-10 12:57:53,193 - INFO - OPENED LONG at 2133.95 | Stop loss: 2123.260739285714 | Take profit: 2165.988516071428 +2025-03-10 12:57:53,236 - INFO - CLOSED long at 2137.59 | PnL: 0.17% | $0.11 +2025-03-10 12:57:53,237 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.2974607142855 | Take profit: 2105.4968839285716 +2025-03-10 12:57:53,331 - INFO - CLOSED short at 2141.3 | PnL: -0.17% | $-0.42 +2025-03-10 12:57:53,331 - INFO - OPENED LONG at 2141.3 | Stop loss: 2130.5739892857146 | Take profit: 2173.4487660714285 +2025-03-10 12:57:53,518 - INFO - STOP LOSS hit for long at 2130.5739892857146 | PnL: -0.50% | $-0.92 +2025-03-10 12:57:53,562 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.6439892857147 | Take profit: 2159.238766071429 +2025-03-10 12:57:53,607 - INFO - CLOSED long at 2128.69 | PnL: 0.07% | $-0.05 +2025-03-10 12:57:53,824 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.7734892857143 | Take profit: 2153.2502660714285 +2025-03-10 12:57:53,996 - INFO - CLOSED long at 2115.28 | PnL: -0.29% | $-0.59 +2025-03-10 12:57:53,997 - INFO - OPENED SHORT at 2115.28 | Stop loss: 2125.875910714286 | Take profit: 2083.5215339285714 +2025-03-10 12:57:54,041 - INFO - CLOSED short at 2107.43 | PnL: 0.37% | $0.41 +2025-03-10 12:57:54,042 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.873339285714 | Take profit: 2139.0707160714283 +2025-03-10 12:57:54,106 - INFO - CLOSED long at 2110.6 | PnL: 0.15% | $0.08 +2025-03-10 12:57:54,176 - INFO - OPENED LONG at 2109.05 | Stop loss: 2098.4852392857147 | Take profit: 2140.7150160714286 +2025-03-10 12:57:54,291 - INFO - CLOSED long at 2112.95 | PnL: 0.18% | $0.13 +2025-03-10 12:57:54,292 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.534260714285 | Take profit: 2081.2264839285713 +2025-03-10 12:57:54,359 - INFO - CLOSED short at 2112.46 | PnL: 0.02% | $-0.12 +2025-03-10 12:57:54,360 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.878189285714 | Take profit: 2144.1761660714287 +2025-03-10 12:57:54,475 - INFO - CLOSED long at 2112.99 | PnL: 0.03% | $-0.11 +2025-03-10 12:57:54,475 - INFO - OPENED SHORT at 2112.99 | Stop loss: 2123.5744607142856 | Take profit: 2081.265883928571 +2025-03-10 12:57:54,526 - INFO - CLOSED short at 2120.81 | PnL: -0.37% | $-0.71 +2025-03-10 12:57:54,526 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.186439285714 | Take profit: 2152.6514160714287 +2025-03-10 12:57:54,569 - INFO - CLOSED long at 2116.48 | PnL: -0.20% | $-0.46 +2025-03-10 12:57:54,617 - INFO - OPENED LONG at 2114.8 | Stop loss: 2104.2064892857143 | Take profit: 2146.551266071429 +2025-03-10 12:57:54,660 - INFO - CLOSED long at 2110.9 | PnL: -0.18% | $-0.42 +2025-03-10 12:57:54,661 - INFO - OPENED SHORT at 2110.9 | Stop loss: 2121.4740107142857 | Take profit: 2079.2072339285714 +2025-03-10 12:57:54,706 - INFO - CLOSED short at 2108.71 | PnL: 0.10% | $0.01 +2025-03-10 12:57:54,747 - INFO - OPENED SHORT at 2106.49 | Stop loss: 2117.0419607142853 | Take profit: 2074.8633839285712 +2025-03-10 12:57:54,789 - INFO - CLOSED short at 2108.06 | PnL: -0.07% | $-0.26 +2025-03-10 12:57:54,830 - INFO - OPENED LONG at 2103.33 | Stop loss: 2092.793839285714 | Take profit: 2134.9092160714285 +2025-03-10 12:57:54,874 - INFO - CLOSED long at 2100.5 | PnL: -0.13% | $-0.35 +2025-03-10 12:57:54,915 - INFO - OPENED SHORT at 2090.0 | Stop loss: 2100.4695107142857 | Take profit: 2058.6207339285716 +2025-03-10 12:57:54,999 - INFO - CLOSED short at 2098.1 | PnL: -0.39% | $-0.72 +2025-03-10 12:57:55,041 - INFO - OPENED LONG at 2102.19 | Stop loss: 2091.6595392857143 | Take profit: 2133.7521160714286 +2025-03-10 12:57:55,086 - INFO - CLOSED long at 2102.29 | PnL: 0.00% | $-0.14 +2025-03-10 12:57:55,086 - INFO - OPENED SHORT at 2102.29 | Stop loss: 2112.820960714286 | Take profit: 2070.7263839285715 +2025-03-10 12:57:55,214 - INFO - CLOSED short at 2100.69 | PnL: 0.08% | $-0.03 +2025-03-10 12:57:55,300 - INFO - OPENED LONG at 2106.39 | Stop loss: 2095.8385392857144 | Take profit: 2138.0151160714286 +2025-03-10 12:57:55,390 - INFO - CLOSED long at 2103.86 | PnL: -0.12% | $-0.32 +2025-03-10 12:57:55,437 - INFO - OPENED SHORT at 2104.68 | Stop loss: 2115.2229107142853 | Take profit: 2073.080533928571 +2025-03-10 12:57:55,528 - INFO - CLOSED short at 2099.59 | PnL: 0.24% | $0.20 +2025-03-10 12:57:55,529 - INFO - OPENED LONG at 2099.59 | Stop loss: 2089.0725392857144 | Take profit: 2131.1131160714285 +2025-03-10 12:57:55,573 - INFO - CLOSED long at 2100.02 | PnL: 0.02% | $-0.12 +2025-03-10 12:57:55,573 - INFO - OPENED SHORT at 2100.02 | Stop loss: 2110.5396107142856 | Take profit: 2068.4904339285713 +2025-03-10 12:57:55,622 - INFO - CLOSED short at 2098.39 | PnL: 0.08% | $-0.03 +2025-03-10 12:57:55,622 - INFO - OPENED LONG at 2098.39 | Stop loss: 2087.8785392857144 | Take profit: 2129.895116071428 +2025-03-10 12:57:55,671 - INFO - CLOSED long at 2095.29 | PnL: -0.15% | $-0.36 +2025-03-10 12:57:55,672 - INFO - OPENED SHORT at 2095.29 | Stop loss: 2105.785960714286 | Take profit: 2063.8313839285715 +2025-03-10 12:57:55,716 - INFO - CLOSED short at 2093.46 | PnL: 0.09% | $-0.02 +2025-03-10 12:57:56,007 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.8440892857143 | Take profit: 2114.558466071429 +2025-03-10 12:57:56,050 - INFO - CLOSED long at 2088.44 | PnL: 0.25% | $0.21 +2025-03-10 12:57:56,136 - INFO - OPENED LONG at 2085.3 | Stop loss: 2074.8539892857143 | Take profit: 2116.608766071429 +2025-03-10 12:57:56,266 - INFO - CLOSED long at 2080.38 | PnL: -0.24% | $-0.48 +2025-03-10 12:57:56,308 - INFO - OPENED LONG at 2081.25 | Stop loss: 2070.824239285714 | Take profit: 2112.4980160714285 +2025-03-10 12:57:56,433 - INFO - CLOSED long at 2083.59 | PnL: 0.11% | $0.02 +2025-03-10 12:57:56,520 - INFO - OPENED SHORT at 2085.8 | Stop loss: 2096.2485107142857 | Take profit: 2054.4837339285714 +2025-03-10 12:57:56,703 - INFO - CLOSED short at 2088.66 | PnL: -0.14% | $-0.34 +2025-03-10 12:57:56,704 - INFO - OPENED LONG at 2088.66 | Stop loss: 2078.197189285714 | Take profit: 2120.0191660714286 +2025-03-10 12:57:56,888 - INFO - CLOSED long at 2087.0 | PnL: -0.08% | $-0.26 +2025-03-10 12:57:56,888 - INFO - OPENED SHORT at 2087.0 | Stop loss: 2097.454510714286 | Take profit: 2055.6657339285716 +2025-03-10 12:57:56,943 - INFO - CLOSED short at 2087.47 | PnL: -0.02% | $-0.17 +2025-03-10 12:57:56,943 - INFO - OPENED LONG at 2087.47 | Stop loss: 2077.013139285714 | Take profit: 2118.8113160714283 +2025-03-10 12:57:57,076 - INFO - CLOSED long at 2089.79 | PnL: 0.11% | $0.02 +2025-03-10 12:57:57,120 - INFO - OPENED SHORT at 2085.67 | Stop loss: 2096.1178607142856 | Take profit: 2054.3556839285716 +2025-03-10 12:57:57,208 - INFO - CLOSED short at 2091.05 | PnL: -0.26% | $-0.51 +2025-03-10 12:57:57,208 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.5752392857144 | Take profit: 2122.4450160714287 +2025-03-10 12:57:57,292 - INFO - CLOSED long at 2091.95 | PnL: 0.04% | $-0.08 +2025-03-10 12:57:57,293 - INFO - OPENED SHORT at 2091.95 | Stop loss: 2102.4292607142856 | Take profit: 2060.5414839285713 +2025-03-10 12:57:57,464 - INFO - CLOSED short at 2101.64 | PnL: -0.46% | $-0.79 +2025-03-10 12:57:57,465 - INFO - OPENED LONG at 2101.64 | Stop loss: 2091.1122892857143 | Take profit: 2133.1938660714286 +2025-03-10 12:57:57,510 - INFO - CLOSED long at 2097.11 | PnL: -0.22% | $-0.44 +2025-03-10 12:57:57,593 - INFO - Trade Analysis: Win Rate=17.5% in uptrends, 0.0% in downtrends | Avg Win=$0.14, Avg Loss=$-0.27 +2025-03-10 12:57:57,594 - INFO - Episode 1: Reward=-121.11, Balance=$69.75, Win Rate=17.0%, Trades=153, Episode PnL=$-22.14, Total PnL=$-53.35, Max Drawdown=30.2%, Pred Accuracy=99.4% +2025-03-10 12:57:57,595 - ERROR - Error in episode 1: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 12:57:57,595 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1763, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 12:57:57,634 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:57:57,918 - INFO - OPENED SHORT at 2051.66 | Stop loss: 2061.937810714285 | Take profit: 2020.8558339285712 +2025-03-10 12:57:57,965 - INFO - CLOSED short at 2052.16 | PnL: -0.02% | $-0.25 +2025-03-10 12:57:57,966 - INFO - OPENED LONG at 2052.16 | Stop loss: 2041.879689285714 | Take profit: 2082.9716660714284 +2025-03-10 12:57:58,009 - INFO - CLOSED long at 2053.1 | PnL: 0.05% | $-0.11 +2025-03-10 12:57:58,009 - INFO - OPENED SHORT at 2053.1 | Stop loss: 2063.3850107142857 | Take profit: 2022.2742339285714 +2025-03-10 12:57:58,057 - INFO - CLOSED short at 2052.25 | PnL: 0.04% | $-0.12 +2025-03-10 12:57:58,058 - INFO - OPENED LONG at 2052.25 | Stop loss: 2041.9692392857141 | Take profit: 2083.0630160714286 +2025-03-10 12:57:58,105 - INFO - CLOSED long at 2050.71 | PnL: -0.08% | $-0.35 +2025-03-10 12:57:58,152 - INFO - OPENED SHORT at 2050.44 | Stop loss: 2060.711710714286 | Take profit: 2019.6541339285714 +2025-03-10 12:57:58,194 - INFO - CLOSED short at 2049.49 | PnL: 0.05% | $-0.11 +2025-03-10 12:57:58,196 - INFO - OPENED LONG at 2049.49 | Stop loss: 2039.223039285714 | Take profit: 2080.2616160714283 +2025-03-10 12:57:58,242 - INFO - CLOSED long at 2050.2 | PnL: 0.03% | $-0.13 +2025-03-10 12:57:58,432 - INFO - OPENED LONG at 2049.24 | Stop loss: 2038.9742892857141 | Take profit: 2080.0078660714285 +2025-03-10 12:57:58,524 - INFO - CLOSED long at 2047.39 | PnL: -0.09% | $-0.37 +2025-03-10 12:57:58,525 - INFO - OPENED SHORT at 2047.39 | Stop loss: 2057.6464607142857 | Take profit: 2016.6498839285716 +2025-03-10 12:57:58,570 - INFO - CLOSED short at 2046.58 | PnL: 0.04% | $-0.12 +2025-03-10 12:57:58,657 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.9444892857143 | Take profit: 2077.9372660714284 +2025-03-10 12:57:58,699 - INFO - CLOSED long at 2045.99 | PnL: -0.06% | $-0.31 +2025-03-10 12:57:58,700 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.239460714286 | Take profit: 2015.2708839285715 +2025-03-10 12:57:58,753 - INFO - CLOSED short at 2045.99 | PnL: 0.00% | $-0.19 +2025-03-10 12:57:58,753 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.7405392857142 | Take profit: 2076.7091160714285 +2025-03-10 12:57:58,840 - INFO - CLOSED long at 2048.13 | PnL: 0.10% | $0.01 +2025-03-10 12:57:58,840 - INFO - OPENED SHORT at 2048.13 | Stop loss: 2058.3901607142857 | Take profit: 2017.3787839285717 +2025-03-10 12:57:58,885 - INFO - CLOSED short at 2047.59 | PnL: 0.03% | $-0.14 +2025-03-10 12:57:59,051 - INFO - OPENED SHORT at 2049.89 | Stop loss: 2060.1589607142855 | Take profit: 2019.1123839285713 +2025-03-10 12:57:59,102 - INFO - CLOSED short at 2051.11 | PnL: -0.06% | $-0.31 +2025-03-10 12:57:59,103 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.8349392857144 | Take profit: 2081.9059160714287 +2025-03-10 12:57:59,275 - INFO - CLOSED long at 2055.69 | PnL: 0.22% | $0.24 +2025-03-10 12:57:59,276 - INFO - OPENED SHORT at 2055.69 | Stop loss: 2065.9879607142857 | Take profit: 2024.8253839285715 +2025-03-10 12:57:59,319 - INFO - CLOSED short at 2057.01 | PnL: -0.06% | $-0.32 +2025-03-10 12:57:59,363 - INFO - OPENED LONG at 2056.89 | Stop loss: 2046.5860392857142 | Take profit: 2087.7726160714283 +2025-03-10 12:57:59,583 - INFO - CLOSED long at 2063.29 | PnL: 0.31% | $0.41 +2025-03-10 12:57:59,680 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.252539285714 | Take profit: 2094.5731160714286 +2025-03-10 12:58:00,354 - INFO - CLOSED long at 2061.79 | PnL: -0.09% | $-0.36 +2025-03-10 12:58:00,355 - INFO - OPENED SHORT at 2061.79 | Stop loss: 2072.1184607142854 | Take profit: 2030.8338839285714 +2025-03-10 12:58:00,405 - INFO - CLOSED short at 2061.18 | PnL: 0.03% | $-0.14 +2025-03-10 12:58:00,406 - INFO - OPENED LONG at 2061.18 | Stop loss: 2050.854589285714 | Take profit: 2092.1269660714283 +2025-03-10 12:58:00,702 - INFO - CLOSED long at 2071.63 | PnL: 0.51% | $0.78 +2025-03-10 12:58:00,788 - INFO - OPENED SHORT at 2069.6 | Stop loss: 2079.9675107142853 | Take profit: 2038.5267339285715 +2025-03-10 12:58:00,838 - INFO - CLOSED short at 2068.65 | PnL: 0.05% | $-0.11 +2025-03-10 12:58:00,838 - INFO - OPENED LONG at 2068.65 | Stop loss: 2058.2872392857143 | Take profit: 2099.709016071429 +2025-03-10 12:58:00,923 - INFO - CLOSED long at 2067.9 | PnL: -0.04% | $-0.26 +2025-03-10 12:58:00,968 - INFO - OPENED SHORT at 2067.69 | Stop loss: 2078.0479607142856 | Take profit: 2036.6453839285714 +2025-03-10 12:58:01,011 - INFO - CLOSED short at 2070.26 | PnL: -0.12% | $-0.43 +2025-03-10 12:58:01,011 - INFO - OPENED LONG at 2070.26 | Stop loss: 2059.8891892857146 | Take profit: 2101.3431660714286 +2025-03-10 12:58:01,056 - INFO - CLOSED long at 2071.44 | PnL: 0.06% | $-0.08 +2025-03-10 12:58:01,103 - INFO - OPENED SHORT at 2073.73 | Stop loss: 2084.1181607142858 | Take profit: 2042.5947839285714 +2025-03-10 12:58:01,150 - INFO - CLOSED short at 2075.1 | PnL: -0.07% | $-0.32 +2025-03-10 12:58:01,196 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.2940607142855 | Take profit: 2041.7870839285713 +2025-03-10 12:58:01,409 - INFO - CLOSED short at 2070.9 | PnL: 0.10% | $-0.01 +2025-03-10 12:58:01,453 - INFO - OPENED SHORT at 2072.8 | Stop loss: 2083.183510714286 | Take profit: 2041.6787339285718 +2025-03-10 12:58:01,536 - INFO - CLOSED short at 2070.28 | PnL: 0.12% | $0.04 +2025-03-10 12:58:01,583 - INFO - OPENED LONG at 2068.02 | Stop loss: 2057.6603892857142 | Take profit: 2099.069566071428 +2025-03-10 12:58:01,720 - INFO - CLOSED long at 2068.9 | PnL: 0.04% | $-0.11 +2025-03-10 12:58:01,720 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.264010714286 | Take profit: 2037.8372339285715 +2025-03-10 12:58:01,765 - INFO - CLOSED short at 2070.7 | PnL: -0.09% | $-0.36 +2025-03-10 12:58:01,766 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3269892857143 | Take profit: 2101.7897660714284 +2025-03-10 12:58:01,809 - INFO - CLOSED long at 2069.34 | PnL: -0.07% | $-0.32 +2025-03-10 12:58:01,940 - INFO - OPENED SHORT at 2067.6 | Stop loss: 2077.9575107142855 | Take profit: 2036.5567339285715 +2025-03-10 12:58:02,075 - INFO - CLOSED short at 2066.39 | PnL: 0.06% | $-0.08 +2025-03-10 12:58:02,125 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.640539285714 | Take profit: 2097.0091160714283 +2025-03-10 12:58:02,212 - INFO - CLOSED long at 2066.29 | PnL: 0.01% | $-0.16 +2025-03-10 12:58:02,298 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.5304107142856 | Take profit: 2035.1580339285713 +2025-03-10 12:58:02,342 - INFO - CLOSED short at 2068.76 | PnL: -0.12% | $-0.43 +2025-03-10 12:58:02,479 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.2275392857146 | Take profit: 2099.648116071429 +2025-03-10 12:58:02,566 - INFO - CLOSED long at 2070.4 | PnL: 0.09% | $-0.02 +2025-03-10 12:58:02,567 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.771510714286 | Take profit: 2039.3147339285715 +2025-03-10 12:58:02,695 - INFO - CLOSED short at 2071.39 | PnL: -0.05% | $-0.28 +2025-03-10 12:58:02,695 - INFO - OPENED LONG at 2071.39 | Stop loss: 2061.013539285714 | Take profit: 2102.4901160714285 +2025-03-10 12:58:02,738 - INFO - CLOSED long at 2071.36 | PnL: -0.00% | $-0.19 +2025-03-10 12:58:02,739 - INFO - OPENED SHORT at 2071.36 | Stop loss: 2081.736310714286 | Take profit: 2040.2603339285715 +2025-03-10 12:58:03,030 - INFO - CLOSED short at 2071.92 | PnL: -0.03% | $-0.24 +2025-03-10 12:58:03,030 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.5408892857145 | Take profit: 2103.0280660714284 +2025-03-10 12:58:03,114 - INFO - CLOSED long at 2071.11 | PnL: -0.04% | $-0.26 +2025-03-10 12:58:03,115 - INFO - OPENED SHORT at 2071.11 | Stop loss: 2081.485060714286 | Take profit: 2040.0140839285716 +2025-03-10 12:58:03,158 - INFO - CLOSED short at 2069.46 | PnL: 0.08% | $-0.04 +2025-03-10 12:58:03,159 - INFO - OPENED LONG at 2069.46 | Stop loss: 2059.0931892857143 | Take profit: 2100.5311660714287 +2025-03-10 12:58:03,248 - INFO - CLOSED long at 2068.32 | PnL: -0.06% | $-0.29 +2025-03-10 12:58:03,249 - INFO - OPENED SHORT at 2068.32 | Stop loss: 2078.6811107142858 | Take profit: 2037.2659339285715 +2025-03-10 12:58:03,293 - INFO - CLOSED short at 2067.0 | PnL: 0.06% | $-0.07 +2025-03-10 12:58:03,381 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.8168107142856 | Take profit: 2036.4188339285715 +2025-03-10 12:58:03,541 - INFO - CLOSED short at 2065.26 | PnL: 0.11% | $0.01 +2025-03-10 12:58:03,541 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9141892857147 | Take profit: 2096.268166071429 +2025-03-10 12:58:03,668 - INFO - CLOSED long at 2068.8 | PnL: 0.17% | $0.13 +2025-03-10 12:58:03,757 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.501189285714 | Take profit: 2098.907166071429 +2025-03-10 12:58:03,841 - INFO - CLOSED long at 2069.2 | PnL: 0.06% | $-0.07 +2025-03-10 12:58:03,888 - INFO - OPENED LONG at 2070.3 | Stop loss: 2059.9289892857146 | Take profit: 2101.383766071429 +2025-03-10 12:58:03,932 - INFO - CLOSED long at 2071.59 | PnL: 0.06% | $-0.07 +2025-03-10 12:58:04,019 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.771510714286 | Take profit: 2039.3147339285715 +2025-03-10 12:58:04,063 - INFO - CLOSED short at 2070.73 | PnL: -0.02% | $-0.22 +2025-03-10 12:58:04,114 - INFO - OPENED LONG at 2068.5 | Stop loss: 2058.137989285714 | Take profit: 2099.5567660714287 +2025-03-10 12:58:04,282 - INFO - CLOSED long at 2067.86 | PnL: -0.03% | $-0.24 +2025-03-10 12:58:04,411 - INFO - OPENED LONG at 2065.28 | Stop loss: 2054.9340892857144 | Take profit: 2096.2884660714285 +2025-03-10 12:58:04,455 - INFO - CLOSED long at 2066.39 | PnL: 0.05% | $-0.09 +2025-03-10 12:58:04,455 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.7414607142855 | Take profit: 2035.3648839285713 +2025-03-10 12:58:04,538 - INFO - CLOSED short at 2070.04 | PnL: -0.18% | $-0.51 +2025-03-10 12:58:04,622 - INFO - OPENED SHORT at 2068.18 | Stop loss: 2078.5404107142854 | Take profit: 2037.1280339285713 +2025-03-10 12:58:04,705 - INFO - CLOSED short at 2067.88 | PnL: 0.01% | $-0.16 +2025-03-10 12:58:04,749 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.3344607142853 | Take profit: 2033.9858839285712 +2025-03-10 12:58:04,835 - INFO - CLOSED short at 2066.15 | PnL: -0.06% | $-0.29 +2025-03-10 12:58:04,835 - INFO - OPENED LONG at 2066.15 | Stop loss: 2055.799739285714 | Take profit: 2097.171516071429 +2025-03-10 12:58:04,923 - INFO - CLOSED long at 2062.89 | PnL: -0.16% | $-0.47 +2025-03-10 12:58:04,975 - INFO - OPENED LONG at 2062.65 | Stop loss: 2052.3172392857145 | Take profit: 2093.6190160714286 +2025-03-10 12:58:05,020 - INFO - CLOSED long at 2061.78 | PnL: -0.04% | $-0.26 +2025-03-10 12:58:05,065 - INFO - OPENED SHORT at 2059.59 | Stop loss: 2069.907460714286 | Take profit: 2028.6668839285717 +2025-03-10 12:58:05,111 - INFO - CLOSED short at 2061.3 | PnL: -0.08% | $-0.33 +2025-03-10 12:58:05,112 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9739892857147 | Take profit: 2092.2487660714287 +2025-03-10 12:58:05,156 - INFO - CLOSED long at 2063.59 | PnL: 0.11% | $0.02 +2025-03-10 12:58:05,157 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.927460714286 | Take profit: 2032.6068839285715 +2025-03-10 12:58:05,204 - INFO - CLOSED short at 2064.96 | PnL: -0.07% | $-0.30 +2025-03-10 12:58:05,205 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.6156892857143 | Take profit: 2095.9636660714286 +2025-03-10 12:58:05,250 - INFO - CLOSED long at 2066.24 | PnL: 0.06% | $-0.07 +2025-03-10 12:58:05,251 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.5907107142853 | Take profit: 2035.2171339285712 +2025-03-10 12:58:05,348 - INFO - CLOSED short at 2065.54 | PnL: 0.03% | $-0.12 +2025-03-10 12:58:05,348 - INFO - OPENED LONG at 2065.54 | Stop loss: 2055.1927892857143 | Take profit: 2096.552366071429 +2025-03-10 12:58:05,394 - INFO - CLOSED long at 2066.09 | PnL: 0.03% | $-0.13 +2025-03-10 12:58:05,396 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.439960714286 | Take profit: 2035.0693839285716 +2025-03-10 12:58:05,443 - INFO - CLOSED short at 2064.45 | PnL: 0.08% | $-0.04 +2025-03-10 12:58:05,444 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.1082392857143 | Take profit: 2095.4460160714284 +2025-03-10 12:58:05,701 - INFO - CLOSED long at 2061.6 | PnL: -0.14% | $-0.43 +2025-03-10 12:58:05,750 - INFO - OPENED LONG at 2060.9 | Stop loss: 2050.5759892857145 | Take profit: 2091.8427660714287 +2025-03-10 12:58:05,838 - INFO - CLOSED long at 2058.89 | PnL: -0.10% | $-0.35 +2025-03-10 12:58:05,839 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.2039607142856 | Take profit: 2027.9773839285715 +2025-03-10 12:58:05,924 - INFO - CLOSED short at 2060.31 | PnL: -0.07% | $-0.30 +2025-03-10 12:58:06,097 - INFO - OPENED SHORT at 2060.91 | Stop loss: 2071.2340607142855 | Take profit: 2029.9670839285714 +2025-03-10 12:58:06,188 - INFO - CLOSED short at 2061.13 | PnL: -0.01% | $-0.20 +2025-03-10 12:58:06,233 - INFO - OPENED SHORT at 2061.9 | Stop loss: 2072.229010714286 | Take profit: 2030.9422339285716 +2025-03-10 12:58:06,277 - INFO - CLOSED short at 2064.1 | PnL: -0.11% | $-0.37 +2025-03-10 12:58:06,277 - INFO - OPENED LONG at 2064.1 | Stop loss: 2053.7599892857143 | Take profit: 2095.0907660714283 +2025-03-10 12:58:06,322 - INFO - CLOSED long at 2065.36 | PnL: 0.06% | $-0.07 +2025-03-10 12:58:06,411 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.053539285714 | Take profit: 2094.3701160714286 +2025-03-10 12:58:06,455 - INFO - CLOSED long at 2064.79 | PnL: 0.07% | $-0.06 +2025-03-10 12:58:06,456 - INFO - OPENED SHORT at 2064.79 | Stop loss: 2075.133460714286 | Take profit: 2033.7888839285715 +2025-03-10 12:58:06,516 - INFO - CLOSED short at 2065.89 | PnL: -0.05% | $-0.27 +2025-03-10 12:58:06,560 - INFO - OPENED LONG at 2063.53 | Stop loss: 2053.1928392857144 | Take profit: 2094.5122160714286 +2025-03-10 12:58:06,809 - INFO - CLOSED long at 2061.09 | PnL: -0.12% | $-0.38 +2025-03-10 12:58:06,809 - INFO - OPENED SHORT at 2061.09 | Stop loss: 2071.4149607142863 | Take profit: 2030.1443839285716 +2025-03-10 12:58:06,857 - INFO - CLOSED short at 2059.61 | PnL: 0.07% | $-0.05 +2025-03-10 12:58:06,857 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.2924392857144 | Take profit: 2090.5334160714287 +2025-03-10 12:58:06,902 - INFO - CLOSED long at 2059.16 | PnL: -0.02% | $-0.21 +2025-03-10 12:58:06,989 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.2039607142856 | Take profit: 2027.9773839285715 +2025-03-10 12:58:07,041 - INFO - CLOSED short at 2059.96 | PnL: -0.05% | $-0.27 +2025-03-10 12:58:07,041 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.6406892857144 | Take profit: 2090.888666071429 +2025-03-10 12:58:07,084 - INFO - CLOSED long at 2059.46 | PnL: -0.02% | $-0.22 +2025-03-10 12:58:07,084 - INFO - OPENED SHORT at 2059.46 | Stop loss: 2069.776810714286 | Take profit: 2028.5388339285716 +2025-03-10 12:58:07,141 - INFO - CLOSED short at 2057.4 | PnL: 0.10% | $0.00 +2025-03-10 12:58:07,142 - INFO - OPENED LONG at 2057.4 | Stop loss: 2047.0934892857144 | Take profit: 2088.2902660714285 +2025-03-10 12:58:07,188 - INFO - CLOSED long at 2058.28 | PnL: 0.04% | $-0.10 +2025-03-10 12:58:07,234 - INFO - OPENED LONG at 2056.28 | Stop loss: 2045.9790892857145 | Take profit: 2087.1534660714287 +2025-03-10 12:58:07,365 - INFO - CLOSED long at 2054.83 | PnL: -0.07% | $-0.30 +2025-03-10 12:58:07,414 - INFO - OPENED SHORT at 2056.71 | Stop loss: 2067.0130607142855 | Take profit: 2025.8300839285714 +2025-03-10 12:58:07,501 - INFO - CLOSED short at 2059.8 | PnL: -0.15% | $-0.43 +2025-03-10 12:58:07,502 - INFO - OPENED LONG at 2059.8 | Stop loss: 2049.4814892857144 | Take profit: 2090.7262660714287 +2025-03-10 12:58:07,724 - INFO - CLOSED long at 2062.69 | PnL: 0.14% | $0.07 +2025-03-10 12:58:07,725 - INFO - OPENED SHORT at 2062.69 | Stop loss: 2073.022960714286 | Take profit: 2031.7203839285714 +2025-03-10 12:58:07,766 - INFO - CLOSED short at 2063.4 | PnL: -0.03% | $-0.23 +2025-03-10 12:58:07,766 - INFO - OPENED LONG at 2063.4 | Stop loss: 2053.0634892857142 | Take profit: 2094.3802660714287 +2025-03-10 12:58:07,848 - INFO - CLOSED long at 2066.01 | PnL: 0.13% | $0.05 +2025-03-10 12:58:07,849 - INFO - OPENED SHORT at 2066.01 | Stop loss: 2076.359560714286 | Take profit: 2034.9905839285716 +2025-03-10 12:58:07,898 - INFO - CLOSED short at 2063.9 | PnL: 0.10% | $0.00 +2025-03-10 12:58:07,898 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.560989285714 | Take profit: 2094.8877660714284 +2025-03-10 12:58:07,939 - INFO - CLOSED long at 2064.49 | PnL: 0.03% | $-0.12 +2025-03-10 12:58:08,113 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.6861607142855 | Take profit: 2036.2907839285713 +2025-03-10 12:58:08,199 - INFO - CLOSED short at 2065.69 | PnL: 0.08% | $-0.04 +2025-03-10 12:58:08,199 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.3420392857142 | Take profit: 2096.7046160714285 +2025-03-10 12:58:08,287 - INFO - CLOSED long at 2072.0 | PnL: 0.31% | $0.35 +2025-03-10 12:58:08,288 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3795107142855 | Take profit: 2040.8907339285713 +2025-03-10 12:58:08,376 - INFO - CLOSED short at 2078.01 | PnL: -0.29% | $-0.67 +2025-03-10 12:58:08,638 - INFO - OPENED LONG at 2073.23 | Stop loss: 2062.8443392857143 | Take profit: 2104.3577160714285 +2025-03-10 12:58:08,722 - INFO - CLOSED long at 2068.15 | PnL: -0.25% | $-0.59 +2025-03-10 12:58:08,722 - INFO - OPENED SHORT at 2068.15 | Stop loss: 2078.510260714286 | Take profit: 2037.0984839285716 +2025-03-10 12:58:08,766 - INFO - CLOSED short at 2068.39 | PnL: -0.01% | $-0.19 +2025-03-10 12:58:08,767 - INFO - OPENED LONG at 2068.39 | Stop loss: 2058.028539285714 | Take profit: 2099.4451160714284 +2025-03-10 12:58:08,983 - INFO - CLOSED long at 2072.99 | PnL: 0.22% | $0.21 +2025-03-10 12:58:09,161 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.0285892857146 | Take profit: 2097.4049660714286 +2025-03-10 12:58:09,293 - INFO - CLOSED long at 2063.95 | PnL: -0.12% | $-0.37 +2025-03-10 12:58:09,388 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1579892857144 | Take profit: 2095.4967660714287 +2025-03-10 12:58:09,564 - INFO - CLOSED long at 2065.5 | PnL: 0.05% | $-0.09 +2025-03-10 12:58:09,565 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8470107142857 | Take profit: 2034.4882339285716 +2025-03-10 12:58:09,607 - INFO - CLOSED short at 2067.53 | PnL: -0.10% | $-0.34 +2025-03-10 12:58:09,607 - INFO - OPENED LONG at 2067.53 | Stop loss: 2057.1728392857144 | Take profit: 2098.572216071429 +2025-03-10 12:58:09,739 - INFO - CLOSED long at 2066.8 | PnL: -0.04% | $-0.23 +2025-03-10 12:58:09,905 - INFO - OPENED SHORT at 2070.2 | Stop loss: 2080.5705107142853 | Take profit: 2039.1177339285712 +2025-03-10 12:58:10,126 - INFO - CLOSED short at 2070.8 | PnL: -0.03% | $-0.22 +2025-03-10 12:58:10,126 - INFO - OPENED LONG at 2070.8 | Stop loss: 2060.4264892857145 | Take profit: 2101.8912660714286 +2025-03-10 12:58:10,174 - INFO - CLOSED long at 2070.35 | PnL: -0.02% | $-0.20 +2025-03-10 12:58:10,304 - INFO - OPENED LONG at 2068.19 | Stop loss: 2057.8295392857144 | Take profit: 2099.2421160714284 +2025-03-10 12:58:10,395 - INFO - CLOSED long at 2070.67 | PnL: 0.12% | $0.03 +2025-03-10 12:58:10,396 - INFO - OPENED SHORT at 2070.67 | Stop loss: 2081.042860714286 | Take profit: 2039.5806839285715 +2025-03-10 12:58:10,438 - INFO - CLOSED short at 2069.78 | PnL: 0.04% | $-0.10 +2025-03-10 12:58:10,483 - INFO - OPENED LONG at 2071.61 | Stop loss: 2061.2324392857145 | Take profit: 2102.7134160714286 +2025-03-10 12:58:10,696 - INFO - CLOSED long at 2073.99 | PnL: 0.11% | $0.02 +2025-03-10 12:58:10,697 - INFO - OPENED SHORT at 2073.99 | Stop loss: 2084.3794607142854 | Take profit: 2042.8508839285712 +2025-03-10 12:58:10,742 - INFO - CLOSED short at 2075.32 | PnL: -0.06% | $-0.27 +2025-03-10 12:58:10,743 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.9238892857147 | Take profit: 2106.479066071429 +2025-03-10 12:58:10,831 - INFO - CLOSED long at 2076.9 | PnL: 0.08% | $-0.04 +2025-03-10 12:58:10,832 - INFO - OPENED SHORT at 2076.9 | Stop loss: 2087.3040107142856 | Take profit: 2045.7172339285714 +2025-03-10 12:58:11,002 - INFO - CLOSED short at 2069.97 | PnL: 0.33% | $0.39 +2025-03-10 12:58:11,003 - INFO - OPENED LONG at 2069.97 | Stop loss: 2059.600639285714 | Take profit: 2101.0488160714285 +2025-03-10 12:58:11,047 - INFO - CLOSED long at 2067.7 | PnL: -0.11% | $-0.35 +2025-03-10 12:58:11,091 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3545107142854 | Take profit: 2035.9657339285714 +2025-03-10 12:58:11,267 - INFO - CLOSED short at 2067.88 | PnL: -0.04% | $-0.24 +2025-03-10 12:58:11,268 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.5210892857144 | Take profit: 2098.9274660714286 +2025-03-10 12:58:11,439 - INFO - CLOSED long at 2070.19 | PnL: 0.11% | $0.02 +2025-03-10 12:58:11,440 - INFO - OPENED SHORT at 2070.19 | Stop loss: 2080.560460714286 | Take profit: 2039.1078839285715 +2025-03-10 12:58:11,489 - INFO - CLOSED short at 2070.1 | PnL: 0.00% | $-0.16 +2025-03-10 12:58:11,489 - INFO - OPENED LONG at 2070.1 | Stop loss: 2059.729989285714 | Take profit: 2101.1807660714285 +2025-03-10 12:58:11,531 - INFO - CLOSED long at 2067.19 | PnL: -0.14% | $-0.40 +2025-03-10 12:58:11,532 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.5454607142856 | Take profit: 2036.1528839285716 +2025-03-10 12:58:11,620 - INFO - CLOSED short at 2065.7 | PnL: 0.07% | $-0.05 +2025-03-10 12:58:11,621 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.351989285714 | Take profit: 2096.7147660714286 +2025-03-10 12:58:11,665 - INFO - CLOSED long at 2065.8 | PnL: 0.00% | $-0.16 +2025-03-10 12:58:11,666 - INFO - OPENED SHORT at 2065.8 | Stop loss: 2076.1485107142857 | Take profit: 2034.7837339285716 +2025-03-10 12:58:11,709 - INFO - CLOSED short at 2065.07 | PnL: 0.04% | $-0.11 +2025-03-10 12:58:11,754 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.439960714286 | Take profit: 2035.0693839285716 +2025-03-10 12:58:11,929 - INFO - CLOSED short at 2066.1 | PnL: -0.00% | $-0.17 +2025-03-10 12:58:11,981 - INFO - OPENED LONG at 2065.06 | Stop loss: 2054.715189285714 | Take profit: 2096.0651660714284 +2025-03-10 12:58:12,028 - INFO - CLOSED long at 2064.11 | PnL: -0.05% | $-0.24 +2025-03-10 12:58:12,117 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.681160714286 | Take profit: 2035.3057839285714 +2025-03-10 12:58:12,169 - INFO - CLOSED short at 2063.01 | PnL: 0.16% | $0.10 +2025-03-10 12:58:12,169 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.6754392857147 | Take profit: 2093.984416071429 +2025-03-10 12:58:12,302 - INFO - CLOSED long at 2059.2 | PnL: -0.18% | $-0.47 +2025-03-10 12:58:12,303 - INFO - OPENED SHORT at 2059.2 | Stop loss: 2069.5155107142855 | Take profit: 2028.2827339285711 +2025-03-10 12:58:12,398 - INFO - CLOSED short at 2058.65 | PnL: 0.03% | $-0.12 +2025-03-10 12:58:12,399 - INFO - OPENED LONG at 2058.65 | Stop loss: 2048.337239285714 | Take profit: 2089.5590160714287 +2025-03-10 12:58:12,441 - INFO - CLOSED long at 2056.77 | PnL: -0.09% | $-0.31 +2025-03-10 12:58:12,488 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.7254392857144 | Take profit: 2083.8344160714287 +2025-03-10 12:58:12,529 - INFO - CLOSED long at 2049.21 | PnL: -0.19% | $-0.46 +2025-03-10 12:58:12,574 - INFO - OPENED SHORT at 2049.5 | Stop loss: 2059.767010714286 | Take profit: 2018.7282339285714 +2025-03-10 12:58:12,699 - INFO - CLOSED short at 2056.85 | PnL: -0.36% | $-0.74 +2025-03-10 12:58:12,700 - INFO - OPENED LONG at 2056.85 | Stop loss: 2046.5462392857141 | Take profit: 2087.7320160714285 +2025-03-10 12:58:12,916 - INFO - CLOSED long at 2065.1 | PnL: 0.40% | $0.48 +2025-03-10 12:58:12,959 - INFO - OPENED LONG at 2062.43 | Stop loss: 2052.0983392857142 | Take profit: 2093.395716071428 +2025-03-10 12:58:13,000 - INFO - CLOSED long at 2062.55 | PnL: 0.01% | $-0.15 +2025-03-10 12:58:13,041 - INFO - OPENED SHORT at 2065.12 | Stop loss: 2075.4651107142854 | Take profit: 2034.1139339285712 +2025-03-10 12:58:13,121 - INFO - CLOSED short at 2067.49 | PnL: -0.11% | $-0.34 +2025-03-10 12:58:13,168 - INFO - OPENED SHORT at 2066.59 | Stop loss: 2076.9424607142855 | Take profit: 2035.5618839285717 +2025-03-10 12:58:13,255 - INFO - CLOSED short at 2061.21 | PnL: 0.26% | $0.26 +2025-03-10 12:58:13,297 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.2190107142856 | Take profit: 2028.9722339285715 +2025-03-10 12:58:13,388 - INFO - CLOSED short at 2061.84 | PnL: -0.09% | $-0.31 +2025-03-10 12:58:13,389 - INFO - OPENED LONG at 2061.84 | Stop loss: 2051.5112892857146 | Take profit: 2092.7968660714287 +2025-03-10 12:58:13,657 - INFO - CLOSED long at 2069.81 | PnL: 0.39% | $0.46 +2025-03-10 12:58:13,702 - INFO - OPENED SHORT at 2070.41 | Stop loss: 2080.7815607142857 | Take profit: 2039.3245839285712 +2025-03-10 12:58:13,835 - INFO - CLOSED short at 2072.99 | PnL: -0.12% | $-0.36 +2025-03-10 12:58:13,886 - INFO - OPENED LONG at 2071.89 | Stop loss: 2061.511039285714 | Take profit: 2102.997616071428 +2025-03-10 12:58:14,201 - INFO - TAKE PROFIT hit for long at 2102.997616071428 | PnL: 1.50% | $2.24 +2025-03-10 12:58:14,291 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8227892857144 | Take profit: 2171.6623660714286 +2025-03-10 12:58:14,498 - INFO - CLOSED long at 2141.3 | PnL: 0.08% | $-0.03 +2025-03-10 12:58:14,539 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.4129107142853 | Take profit: 2110.5105339285715 +2025-03-10 12:58:14,582 - INFO - CLOSED short at 2140.01 | PnL: 0.12% | $0.04 +2025-03-10 12:58:14,626 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.0865892857146 | Take profit: 2166.830966071429 +2025-03-10 12:58:14,669 - INFO - CLOSED long at 2126.99 | PnL: -0.36% | $-0.76 +2025-03-10 12:58:14,670 - INFO - OPENED SHORT at 2126.99 | Stop loss: 2137.6444607142857 | Take profit: 2095.0558839285713 +2025-03-10 12:58:14,805 - INFO - CLOSED short at 2121.09 | PnL: 0.28% | $0.29 +2025-03-10 12:58:14,852 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.5297392857146 | Take profit: 2151.981516071429 +2025-03-10 12:58:14,897 - INFO - CLOSED long at 2117.24 | PnL: -0.14% | $-0.39 +2025-03-10 12:58:14,898 - INFO - OPENED SHORT at 2117.24 | Stop loss: 2127.8457107142854 | Take profit: 2085.452133928571 +2025-03-10 12:58:15,035 - INFO - CLOSED short at 2118.52 | PnL: -0.06% | $-0.26 +2025-03-10 12:58:15,036 - INFO - OPENED LONG at 2118.52 | Stop loss: 2107.907889285714 | Take profit: 2150.3270660714284 +2025-03-10 12:58:15,224 - INFO - STOP LOSS hit for long at 2107.907889285714 | PnL: -0.50% | $-0.97 +2025-03-10 12:58:15,269 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.027489285714 | Take profit: 2142.2882660714286 +2025-03-10 12:58:15,362 - INFO - CLOSED long at 2112.09 | PnL: 0.07% | $-0.05 +2025-03-10 12:58:15,405 - INFO - OPENED LONG at 2112.95 | Stop loss: 2102.365739285714 | Take profit: 2144.6735160714284 +2025-03-10 12:58:15,578 - INFO - CLOSED long at 2120.81 | PnL: 0.37% | $0.43 +2025-03-10 12:58:15,579 - INFO - OPENED SHORT at 2120.81 | Stop loss: 2131.4335607142857 | Take profit: 2088.9685839285717 +2025-03-10 12:58:15,621 - INFO - CLOSED short at 2116.48 | PnL: 0.20% | $0.17 +2025-03-10 12:58:15,703 - INFO - OPENED SHORT at 2110.9 | Stop loss: 2121.4740107142857 | Take profit: 2079.2072339285714 +2025-03-10 12:58:15,755 - INFO - CLOSED short at 2108.71 | PnL: 0.10% | $0.01 +2025-03-10 12:58:15,755 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.1469392857143 | Take profit: 2140.3699160714286 +2025-03-10 12:58:15,799 - INFO - CLOSED long at 2106.49 | PnL: -0.11% | $-0.33 +2025-03-10 12:58:15,848 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.500189285714 | Take profit: 2139.710166071429 +2025-03-10 12:58:15,891 - INFO - CLOSED long at 2103.33 | PnL: -0.22% | $-0.52 +2025-03-10 12:58:15,891 - INFO - OPENED SHORT at 2103.33 | Stop loss: 2113.866160714286 | Take profit: 2071.7507839285713 +2025-03-10 12:58:15,937 - INFO - CLOSED short at 2100.5 | PnL: 0.13% | $0.06 +2025-03-10 12:58:15,939 - INFO - OPENED LONG at 2100.5 | Stop loss: 2089.9779892857146 | Take profit: 2132.0367660714287 +2025-03-10 12:58:15,981 - INFO - CLOSED long at 2090.0 | PnL: -0.50% | $-0.96 +2025-03-10 12:58:16,032 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0128392857146 | Take profit: 2131.052216071429 +2025-03-10 12:58:16,081 - INFO - CLOSED long at 2098.1 | PnL: -0.07% | $-0.26 +2025-03-10 12:58:16,130 - INFO - OPENED SHORT at 2102.19 | Stop loss: 2112.7204607142858 | Take profit: 2070.6278839285715 +2025-03-10 12:58:16,180 - INFO - CLOSED short at 2102.29 | PnL: -0.00% | $-0.16 +2025-03-10 12:58:16,180 - INFO - OPENED LONG at 2102.29 | Stop loss: 2091.759039285714 | Take profit: 2133.8536160714284 +2025-03-10 12:58:16,227 - INFO - CLOSED long at 2099.25 | PnL: -0.14% | $-0.38 +2025-03-10 12:58:16,227 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.765760714286 | Take profit: 2067.7319839285715 +2025-03-10 12:58:16,446 - INFO - CLOSED short at 2100.74 | PnL: -0.07% | $-0.27 +2025-03-10 12:58:16,446 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.216789285714 | Take profit: 2132.2803660714285 +2025-03-10 12:58:16,653 - INFO - CLOSED long at 2100.02 | PnL: -0.03% | $-0.21 +2025-03-10 12:58:16,774 - INFO - OPENED LONG at 2093.46 | Stop loss: 2082.9731892857144 | Take profit: 2124.891166071429 +2025-03-10 12:58:16,986 - INFO - CLOSED long at 2094.08 | PnL: 0.03% | $-0.11 +2025-03-10 12:58:16,987 - INFO - OPENED SHORT at 2094.08 | Stop loss: 2104.5699107142855 | Take profit: 2062.6395339285714 +2025-03-10 12:58:17,034 - INFO - CLOSED short at 2088.35 | PnL: 0.27% | $0.27 +2025-03-10 12:58:17,035 - INFO - OPENED LONG at 2088.35 | Stop loss: 2077.888739285714 | Take profit: 2119.7045160714283 +2025-03-10 12:58:17,079 - INFO - CLOSED long at 2083.28 | PnL: -0.24% | $-0.53 +2025-03-10 12:58:17,079 - INFO - OPENED SHORT at 2083.28 | Stop loss: 2093.7159107142857 | Take profit: 2052.001533928572 +2025-03-10 12:58:17,123 - INFO - CLOSED short at 2088.44 | PnL: -0.25% | $-0.54 +2025-03-10 12:58:17,208 - INFO - OPENED LONG at 2085.3 | Stop loss: 2074.8539892857143 | Take profit: 2116.608766071429 +2025-03-10 12:58:17,351 - INFO - CLOSED long at 2080.38 | PnL: -0.24% | $-0.51 +2025-03-10 12:58:17,398 - INFO - OPENED LONG at 2081.25 | Stop loss: 2070.824239285714 | Take profit: 2112.4980160714285 +2025-03-10 12:58:17,446 - INFO - CLOSED long at 2083.41 | PnL: 0.10% | $0.01 +2025-03-10 12:58:17,446 - INFO - OPENED SHORT at 2083.41 | Stop loss: 2093.8465607142857 | Take profit: 2052.1295839285713 +2025-03-10 12:58:17,498 - INFO - CLOSED short at 2085.09 | PnL: -0.08% | $-0.27 +2025-03-10 12:58:17,499 - INFO - OPENED LONG at 2085.09 | Stop loss: 2074.6450392857146 | Take profit: 2116.395616071429 +2025-03-10 12:58:17,589 - INFO - CLOSED long at 2086.57 | PnL: 0.07% | $-0.04 +2025-03-10 12:58:17,680 - INFO - OPENED LONG at 2084.72 | Stop loss: 2074.2768892857143 | Take profit: 2116.020066071428 +2025-03-10 12:58:17,723 - INFO - CLOSED long at 2085.83 | PnL: 0.05% | $-0.07 +2025-03-10 12:58:17,724 - INFO - OPENED SHORT at 2085.83 | Stop loss: 2096.2786607142857 | Take profit: 2054.513283928571 +2025-03-10 12:58:17,861 - INFO - CLOSED short at 2088.32 | PnL: -0.12% | $-0.33 +2025-03-10 12:58:17,910 - INFO - OPENED LONG at 2088.1 | Stop loss: 2077.6399892857144 | Take profit: 2119.4507660714285 +2025-03-10 12:58:18,264 - INFO - CLOSED long at 2085.67 | PnL: -0.12% | $-0.33 +2025-03-10 12:58:18,264 - INFO - OPENED SHORT at 2085.67 | Stop loss: 2096.1178607142856 | Take profit: 2054.3556839285716 +2025-03-10 12:58:18,317 - INFO - CLOSED short at 2089.2 | PnL: -0.17% | $-0.40 +2025-03-10 12:58:18,317 - INFO - OPENED LONG at 2089.2 | Stop loss: 2078.734489285714 | Take profit: 2120.5672660714285 +2025-03-10 12:58:18,368 - INFO - CLOSED long at 2091.05 | PnL: 0.09% | $-0.02 +2025-03-10 12:58:18,369 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.524760714286 | Take profit: 2059.6549839285717 +2025-03-10 12:58:18,464 - INFO - CLOSED short at 2091.95 | PnL: -0.04% | $-0.21 +2025-03-10 12:58:18,518 - INFO - OPENED LONG at 2094.7 | Stop loss: 2084.206989285714 | Take profit: 2126.149766071428 +2025-03-10 12:58:18,615 - INFO - CLOSED long at 2099.99 | PnL: 0.25% | $0.23 +2025-03-10 12:58:18,616 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.5094607142855 | Take profit: 2068.460883928571 +2025-03-10 12:58:18,670 - INFO - CLOSED short at 2101.64 | PnL: -0.08% | $-0.27 +2025-03-10 12:58:18,671 - INFO - OPENED LONG at 2101.64 | Stop loss: 2091.1122892857143 | Take profit: 2133.1938660714286 +2025-03-10 12:58:18,766 - INFO - CLOSED long at 2098.49 | PnL: -0.15% | $-0.37 +2025-03-10 12:58:18,767 - INFO - OPENED SHORT at 2098.49 | Stop loss: 2109.0019607142854 | Take profit: 2066.983383928571 +2025-03-10 12:58:18,812 - INFO - Trade Analysis: Win Rate=18.4% in uptrends, 0.0% in downtrends | Avg Win=$0.24, Avg Loss=$-0.26 +2025-03-10 12:58:18,813 - INFO - Episode 2: Reward=-113.91, Balance=$74.70, Win Rate=20.0%, Trades=160, Episode PnL=$-18.24, Total PnL=$-78.65, Max Drawdown=24.9%, Pred Accuracy=98.6% +2025-03-10 12:58:18,815 - ERROR - Error in episode 2: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 12:58:18,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1763, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 12:58:18,844 - INFO - Identified 26 optimal buy points and 27 optimal sell points +2025-03-10 12:58:19,195 - INFO - OPENED LONG at 2052.16 | Stop loss: 2041.879689285714 | Take profit: 2082.9716660714284 +2025-03-10 12:58:19,417 - INFO - CLOSED long at 2049.49 | PnL: -0.13% | $-0.46 +2025-03-10 12:58:19,465 - INFO - OPENED SHORT at 2050.2 | Stop loss: 2060.470510714286 | Take profit: 2019.4177339285714 +2025-03-10 12:58:19,555 - INFO - CLOSED short at 2051.99 | PnL: -0.09% | $-0.37 +2025-03-10 12:58:19,556 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.710539285714 | Take profit: 2082.7991160714287 +2025-03-10 12:58:19,600 - INFO - CLOSED long at 2049.61 | PnL: -0.12% | $-0.42 +2025-03-10 12:58:19,686 - INFO - OPENED LONG at 2048.48 | Stop loss: 2038.2180892857143 | Take profit: 2079.236466071429 +2025-03-10 12:58:19,819 - INFO - CLOSED long at 2047.4 | PnL: -0.05% | $-0.30 +2025-03-10 12:58:19,820 - INFO - OPENED SHORT at 2047.4 | Stop loss: 2057.656510714286 | Take profit: 2016.6597339285715 +2025-03-10 12:58:19,860 - INFO - CLOSED short at 2047.2 | PnL: 0.01% | $-0.18 +2025-03-10 12:58:19,861 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.9444892857143 | Take profit: 2077.9372660714284 +2025-03-10 12:58:19,901 - INFO - CLOSED long at 2045.99 | PnL: -0.06% | $-0.31 +2025-03-10 12:58:19,902 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.239460714286 | Take profit: 2015.2708839285715 +2025-03-10 12:58:19,991 - INFO - CLOSED short at 2045.79 | PnL: 0.01% | $-0.18 +2025-03-10 12:58:19,991 - INFO - OPENED LONG at 2045.79 | Stop loss: 2035.5415392857142 | Take profit: 2076.5061160714286 +2025-03-10 12:58:20,033 - INFO - CLOSED long at 2048.13 | PnL: 0.11% | $0.03 +2025-03-10 12:58:20,034 - INFO - OPENED SHORT at 2048.13 | Stop loss: 2058.3901607142857 | Take profit: 2017.3787839285717 +2025-03-10 12:58:20,079 - INFO - CLOSED short at 2047.59 | PnL: 0.03% | $-0.14 +2025-03-10 12:58:20,080 - INFO - OPENED LONG at 2047.59 | Stop loss: 2037.3325392857141 | Take profit: 2078.3331160714283 +2025-03-10 12:58:20,212 - INFO - CLOSED long at 2050.24 | PnL: 0.13% | $0.06 +2025-03-10 12:58:20,302 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.8349392857144 | Take profit: 2081.9059160714287 +2025-03-10 12:58:20,609 - INFO - CLOSED long at 2058.39 | PnL: 0.35% | $0.49 +2025-03-10 12:58:20,659 - INFO - OPENED LONG at 2060.13 | Stop loss: 2049.8098392857146 | Take profit: 2091.0612160714286 +2025-03-10 12:58:20,845 - INFO - CLOSED long at 2064.61 | PnL: 0.22% | $0.23 +2025-03-10 12:58:20,845 - INFO - OPENED SHORT at 2064.61 | Stop loss: 2074.9525607142855 | Take profit: 2033.6115839285715 +2025-03-10 12:58:20,888 - INFO - CLOSED short at 2063.59 | PnL: 0.05% | $-0.10 +2025-03-10 12:58:20,979 - INFO - OPENED LONG at 2064.69 | Stop loss: 2054.3470392857143 | Take profit: 2095.6896160714286 +2025-03-10 12:58:21,113 - INFO - CLOSED long at 2058.3 | PnL: -0.31% | $-0.80 +2025-03-10 12:58:21,114 - INFO - OPENED SHORT at 2058.3 | Stop loss: 2068.6110107142863 | Take profit: 2027.3962339285715 +2025-03-10 12:58:21,166 - INFO - CLOSED short at 2060.0 | PnL: -0.08% | $-0.35 +2025-03-10 12:58:21,167 - INFO - OPENED LONG at 2060.0 | Stop loss: 2049.6804892857144 | Take profit: 2090.9292660714286 +2025-03-10 12:58:21,431 - INFO - CLOSED long at 2057.89 | PnL: -0.10% | $-0.39 +2025-03-10 12:58:21,474 - INFO - OPENED LONG at 2057.94 | Stop loss: 2047.6307892857142 | Take profit: 2088.838366071429 +2025-03-10 12:58:21,779 - INFO - CLOSED long at 2068.11 | PnL: 0.49% | $0.76 +2025-03-10 12:58:21,780 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.4700607142854 | Take profit: 2037.0590839285715 +2025-03-10 12:58:21,867 - INFO - CLOSED short at 2067.89 | PnL: 0.01% | $-0.17 +2025-03-10 12:58:21,868 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.531039285714 | Take profit: 2098.9376160714282 +2025-03-10 12:58:21,956 - INFO - CLOSED long at 2070.99 | PnL: 0.15% | $0.10 +2025-03-10 12:58:22,002 - INFO - OPENED LONG at 2069.6 | Stop loss: 2059.232489285714 | Take profit: 2100.6732660714288 +2025-03-10 12:58:22,133 - INFO - CLOSED long at 2067.9 | PnL: -0.08% | $-0.35 +2025-03-10 12:58:22,134 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2590107142855 | Take profit: 2036.8522339285716 +2025-03-10 12:58:22,176 - INFO - CLOSED short at 2067.69 | PnL: 0.01% | $-0.17 +2025-03-10 12:58:22,302 - INFO - OPENED LONG at 2073.73 | Stop loss: 2063.3418392857143 | Take profit: 2104.8652160714287 +2025-03-10 12:58:22,472 - INFO - CLOSED long at 2071.38 | PnL: -0.11% | $-0.41 +2025-03-10 12:58:22,512 - INFO - OPENED LONG at 2071.41 | Stop loss: 2061.0334392857144 | Take profit: 2102.5104160714286 +2025-03-10 12:58:22,631 - INFO - CLOSED long at 2072.8 | PnL: 0.07% | $-0.06 +2025-03-10 12:58:22,801 - INFO - OPENED SHORT at 2067.2 | Stop loss: 2077.5555107142854 | Take profit: 2036.1627339285712 +2025-03-10 12:58:22,927 - INFO - CLOSED short at 2070.7 | PnL: -0.17% | $-0.51 +2025-03-10 12:58:22,927 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3269892857143 | Take profit: 2101.7897660714284 +2025-03-10 12:58:23,059 - INFO - CLOSED long at 2068.8 | PnL: -0.09% | $-0.36 +2025-03-10 12:58:23,152 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.1529392857146 | Take profit: 2098.551916071429 +2025-03-10 12:58:23,234 - INFO - CLOSED long at 2066.39 | PnL: -0.05% | $-0.29 +2025-03-10 12:58:23,277 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.640539285714 | Take profit: 2097.0091160714283 +2025-03-10 12:58:23,401 - INFO - CLOSED long at 2065.08 | PnL: -0.04% | $-0.27 +2025-03-10 12:58:23,401 - INFO - OPENED SHORT at 2065.08 | Stop loss: 2075.424910714286 | Take profit: 2034.0745339285713 +2025-03-10 12:58:23,441 - INFO - CLOSED short at 2066.18 | PnL: -0.05% | $-0.29 +2025-03-10 12:58:23,485 - INFO - OPENED LONG at 2068.76 | Stop loss: 2058.3966892857147 | Take profit: 2099.8206660714286 +2025-03-10 12:58:23,613 - INFO - CLOSED long at 2068.59 | PnL: -0.01% | $-0.20 +2025-03-10 12:58:23,614 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.9524607142857 | Take profit: 2037.5318839285715 +2025-03-10 12:58:23,658 - INFO - CLOSED short at 2069.7 | PnL: -0.05% | $-0.29 +2025-03-10 12:58:23,658 - INFO - OPENED LONG at 2069.7 | Stop loss: 2059.331989285714 | Take profit: 2100.774766071428 +2025-03-10 12:58:23,742 - INFO - CLOSED long at 2069.96 | PnL: 0.01% | $-0.16 +2025-03-10 12:58:23,742 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.329310714286 | Take profit: 2038.8813339285714 +2025-03-10 12:58:23,793 - INFO - CLOSED short at 2071.4 | PnL: -0.07% | $-0.32 +2025-03-10 12:58:23,793 - INFO - OPENED LONG at 2071.4 | Stop loss: 2061.0234892857143 | Take profit: 2102.500266071429 +2025-03-10 12:58:23,834 - INFO - CLOSED long at 2071.39 | PnL: -0.00% | $-0.19 +2025-03-10 12:58:23,919 - INFO - OPENED SHORT at 2072.75 | Stop loss: 2083.133260714286 | Take profit: 2041.6294839285713 +2025-03-10 12:58:24,084 - INFO - CLOSED short at 2074.29 | PnL: -0.07% | $-0.32 +2025-03-10 12:58:24,255 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.7349392857145 | Take profit: 2102.2059160714284 +2025-03-10 12:58:24,340 - INFO - CLOSED long at 2069.35 | PnL: -0.08% | $-0.34 +2025-03-10 12:58:24,340 - INFO - OPENED SHORT at 2069.35 | Stop loss: 2079.7162607142855 | Take profit: 2038.2804839285714 +2025-03-10 12:58:24,389 - INFO - CLOSED short at 2068.32 | PnL: 0.05% | $-0.09 +2025-03-10 12:58:24,389 - INFO - OPENED LONG at 2068.32 | Stop loss: 2057.9588892857146 | Take profit: 2099.374066071429 +2025-03-10 12:58:24,433 - INFO - CLOSED long at 2067.0 | PnL: -0.06% | $-0.30 +2025-03-10 12:58:24,516 - INFO - OPENED LONG at 2067.46 | Stop loss: 2057.103189285714 | Take profit: 2098.5011660714285 +2025-03-10 12:58:24,635 - INFO - CLOSED long at 2063.61 | PnL: -0.19% | $-0.52 +2025-03-10 12:58:24,636 - INFO - OPENED SHORT at 2063.61 | Stop loss: 2073.947560714286 | Take profit: 2032.6265839285716 +2025-03-10 12:58:24,755 - INFO - CLOSED short at 2068.58 | PnL: -0.24% | $-0.62 +2025-03-10 12:58:24,805 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.4364892857143 | Take profit: 2099.861266071429 +2025-03-10 12:58:24,888 - INFO - CLOSED long at 2067.86 | PnL: -0.05% | $-0.26 +2025-03-10 12:58:24,929 - INFO - OPENED LONG at 2067.59 | Stop loss: 2057.2325392857147 | Take profit: 2098.6331160714285 +2025-03-10 12:58:24,973 - INFO - CLOSED long at 2069.2 | PnL: 0.08% | $-0.04 +2025-03-10 12:58:24,974 - INFO - OPENED SHORT at 2069.2 | Stop loss: 2079.5655107142857 | Take profit: 2038.1327339285713 +2025-03-10 12:58:25,015 - INFO - CLOSED short at 2070.3 | PnL: -0.05% | $-0.28 +2025-03-10 12:58:25,015 - INFO - OPENED LONG at 2070.3 | Stop loss: 2059.9289892857146 | Take profit: 2101.383766071429 +2025-03-10 12:58:25,055 - INFO - CLOSED long at 2071.59 | PnL: 0.06% | $-0.07 +2025-03-10 12:58:25,098 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3269892857143 | Take profit: 2101.7897660714284 +2025-03-10 12:58:25,142 - INFO - CLOSED long at 2070.4 | PnL: -0.01% | $-0.21 +2025-03-10 12:58:25,143 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.771510714286 | Take profit: 2039.3147339285715 +2025-03-10 12:58:25,192 - INFO - CLOSED short at 2070.73 | PnL: -0.02% | $-0.21 +2025-03-10 12:58:25,193 - INFO - OPENED LONG at 2070.73 | Stop loss: 2060.356839285714 | Take profit: 2101.8202160714286 +2025-03-10 12:58:25,234 - INFO - CLOSED long at 2068.5 | PnL: -0.11% | $-0.37 +2025-03-10 12:58:25,278 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.0529607142857 | Take profit: 2037.6303839285715 +2025-03-10 12:58:25,324 - INFO - CLOSED short at 2067.84 | PnL: 0.04% | $-0.11 +2025-03-10 12:58:25,325 - INFO - OPENED LONG at 2067.84 | Stop loss: 2057.4812892857144 | Take profit: 2098.886866071429 +2025-03-10 12:58:25,457 - INFO - CLOSED long at 2066.4 | PnL: -0.07% | $-0.30 +2025-03-10 12:58:25,458 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.751510714286 | Take profit: 2035.3747339285715 +2025-03-10 12:58:25,541 - INFO - CLOSED short at 2065.28 | PnL: 0.05% | $-0.08 +2025-03-10 12:58:25,582 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.7414607142855 | Take profit: 2035.3648839285713 +2025-03-10 12:58:25,629 - INFO - CLOSED short at 2064.47 | PnL: 0.09% | $-0.01 +2025-03-10 12:58:25,676 - INFO - OPENED LONG at 2070.04 | Stop loss: 2059.6702892857143 | Take profit: 2101.1198660714285 +2025-03-10 12:58:25,804 - INFO - CLOSED long at 2065.69 | PnL: -0.21% | $-0.55 +2025-03-10 12:58:25,846 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.5210892857144 | Take profit: 2098.9274660714286 +2025-03-10 12:58:25,976 - INFO - CLOSED long at 2066.15 | PnL: -0.08% | $-0.32 +2025-03-10 12:58:26,024 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.6058107142862 | Take profit: 2034.2518339285716 +2025-03-10 12:58:26,112 - INFO - CLOSED short at 2062.65 | PnL: 0.13% | $0.05 +2025-03-10 12:58:26,112 - INFO - OPENED LONG at 2062.65 | Stop loss: 2052.3172392857145 | Take profit: 2093.6190160714286 +2025-03-10 12:58:26,204 - INFO - CLOSED long at 2059.59 | PnL: -0.15% | $-0.44 +2025-03-10 12:58:26,246 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9739892857147 | Take profit: 2092.2487660714287 +2025-03-10 12:58:26,379 - INFO - CLOSED long at 2066.24 | PnL: 0.24% | $0.24 +2025-03-10 12:58:26,380 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.5907107142853 | Take profit: 2035.2171339285712 +2025-03-10 12:58:26,562 - INFO - CLOSED short at 2064.45 | PnL: 0.09% | $-0.02 +2025-03-10 12:58:26,649 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.3769392857143 | Take profit: 2093.6799160714286 +2025-03-10 12:58:26,695 - INFO - CLOSED long at 2062.89 | PnL: 0.01% | $-0.16 +2025-03-10 12:58:26,696 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2239607142856 | Take profit: 2031.9173839285713 +2025-03-10 12:58:26,741 - INFO - CLOSED short at 2064.5 | PnL: -0.08% | $-0.31 +2025-03-10 12:58:26,741 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1579892857144 | Take profit: 2095.4967660714287 +2025-03-10 12:58:26,788 - INFO - CLOSED long at 2063.5 | PnL: -0.05% | $-0.26 +2025-03-10 12:58:26,833 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.272489285714 | Take profit: 2092.5532660714284 +2025-03-10 12:58:26,929 - INFO - CLOSED long at 2060.65 | PnL: -0.05% | $-0.25 +2025-03-10 12:58:26,974 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.2039607142856 | Take profit: 2027.9773839285715 +2025-03-10 12:58:27,017 - INFO - CLOSED short at 2059.3 | PnL: -0.02% | $-0.21 +2025-03-10 12:58:27,017 - INFO - OPENED LONG at 2059.3 | Stop loss: 2048.9839892857144 | Take profit: 2090.2187660714285 +2025-03-10 12:58:27,112 - INFO - CLOSED long at 2061.8 | PnL: 0.12% | $0.04 +2025-03-10 12:58:27,112 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.1285107142858 | Take profit: 2030.8437339285715 +2025-03-10 12:58:27,251 - INFO - CLOSED short at 2060.91 | PnL: 0.04% | $-0.10 +2025-03-10 12:58:27,252 - INFO - OPENED LONG at 2060.91 | Stop loss: 2050.585939285714 | Take profit: 2091.8529160714284 +2025-03-10 12:58:27,435 - INFO - CLOSED long at 2064.1 | PnL: 0.15% | $0.09 +2025-03-10 12:58:27,484 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.0136892857145 | Take profit: 2096.3696660714286 +2025-03-10 12:58:27,529 - INFO - CLOSED long at 2064.33 | PnL: -0.05% | $-0.26 +2025-03-10 12:58:27,530 - INFO - OPENED SHORT at 2064.33 | Stop loss: 2074.6711607142856 | Take profit: 2033.3357839285713 +2025-03-10 12:58:27,580 - INFO - CLOSED short at 2063.39 | PnL: 0.05% | $-0.09 +2025-03-10 12:58:27,580 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.053539285714 | Take profit: 2094.3701160714286 +2025-03-10 12:58:27,766 - INFO - CLOSED long at 2063.0 | PnL: -0.02% | $-0.20 +2025-03-10 12:58:27,766 - INFO - OPENED SHORT at 2063.0 | Stop loss: 2073.334510714286 | Take profit: 2032.0257339285715 +2025-03-10 12:58:28,080 - INFO - CLOSED short at 2059.16 | PnL: 0.19% | $0.15 +2025-03-10 12:58:28,080 - INFO - OPENED LONG at 2059.16 | Stop loss: 2048.844689285714 | Take profit: 2090.0766660714285 +2025-03-10 12:58:28,180 - INFO - CLOSED long at 2058.89 | PnL: -0.01% | $-0.19 +2025-03-10 12:58:28,180 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.2039607142856 | Take profit: 2027.9773839285715 +2025-03-10 12:58:28,229 - INFO - CLOSED short at 2059.96 | PnL: -0.05% | $-0.26 +2025-03-10 12:58:28,230 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.6406892857144 | Take profit: 2090.888666071429 +2025-03-10 12:58:28,346 - INFO - CLOSED long at 2057.4 | PnL: -0.12% | $-0.38 +2025-03-10 12:58:28,402 - INFO - OPENED LONG at 2058.28 | Stop loss: 2047.9690892857145 | Take profit: 2089.183466071429 +2025-03-10 12:58:28,449 - INFO - CLOSED long at 2056.28 | PnL: -0.10% | $-0.34 +2025-03-10 12:58:28,450 - INFO - OPENED SHORT at 2056.28 | Stop loss: 2066.580910714286 | Take profit: 2025.4065339285717 +2025-03-10 12:58:28,500 - INFO - CLOSED short at 2055.6 | PnL: 0.03% | $-0.11 +2025-03-10 12:58:28,558 - INFO - OPENED LONG at 2054.89 | Stop loss: 2044.5960392857144 | Take profit: 2085.7426160714285 +2025-03-10 12:58:28,605 - INFO - CLOSED long at 2054.83 | PnL: -0.00% | $-0.17 +2025-03-10 12:58:28,606 - INFO - OPENED SHORT at 2054.83 | Stop loss: 2065.1236607142855 | Take profit: 2023.9782839285713 +2025-03-10 12:58:28,660 - INFO - CLOSED short at 2056.71 | PnL: -0.09% | $-0.32 +2025-03-10 12:58:28,660 - INFO - OPENED LONG at 2056.71 | Stop loss: 2046.4069392857143 | Take profit: 2087.5899160714284 +2025-03-10 12:58:28,708 - INFO - CLOSED long at 2058.15 | PnL: 0.07% | $-0.05 +2025-03-10 12:58:28,806 - INFO - OPENED SHORT at 2061.66 | Stop loss: 2071.9878107142854 | Take profit: 2030.7058339285713 +2025-03-10 12:58:28,860 - INFO - CLOSED short at 2061.5 | PnL: 0.01% | $-0.16 +2025-03-10 12:58:28,861 - INFO - OPENED LONG at 2061.5 | Stop loss: 2051.1729892857143 | Take profit: 2092.4517660714287 +2025-03-10 12:58:28,905 - INFO - CLOSED long at 2061.6 | PnL: 0.00% | $-0.16 +2025-03-10 12:58:28,951 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9739892857147 | Take profit: 2092.2487660714287 +2025-03-10 12:58:29,085 - INFO - CLOSED long at 2066.36 | PnL: 0.25% | $0.24 +2025-03-10 12:58:29,086 - INFO - OPENED SHORT at 2066.36 | Stop loss: 2076.711310714286 | Take profit: 2035.3353339285716 +2025-03-10 12:58:29,129 - INFO - CLOSED short at 2066.01 | PnL: 0.02% | $-0.14 +2025-03-10 12:58:29,178 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.560989285714 | Take profit: 2094.8877660714284 +2025-03-10 12:58:29,274 - INFO - CLOSED long at 2066.33 | PnL: 0.12% | $0.03 +2025-03-10 12:58:29,322 - INFO - OPENED LONG at 2066.34 | Stop loss: 2055.9887892857146 | Take profit: 2097.364366071429 +2025-03-10 12:58:29,553 - INFO - CLOSED long at 2069.79 | PnL: 0.17% | $0.11 +2025-03-10 12:58:29,554 - INFO - OPENED SHORT at 2069.79 | Stop loss: 2080.158460714286 | Take profit: 2038.7138839285715 +2025-03-10 12:58:29,605 - INFO - CLOSED short at 2072.0 | PnL: -0.11% | $-0.35 +2025-03-10 12:58:29,605 - INFO - OPENED LONG at 2072.0 | Stop loss: 2061.620489285714 | Take profit: 2103.1092660714285 +2025-03-10 12:58:29,847 - INFO - CLOSED long at 2071.04 | PnL: -0.05% | $-0.25 +2025-03-10 12:58:29,848 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.414710714286 | Take profit: 2039.9451339285715 +2025-03-10 12:58:29,899 - INFO - CLOSED short at 2070.01 | PnL: 0.05% | $-0.08 +2025-03-10 12:58:29,899 - INFO - OPENED LONG at 2070.01 | Stop loss: 2059.640439285715 | Take profit: 2101.089416071429 +2025-03-10 12:58:29,943 - INFO - CLOSED long at 2071.6 | PnL: 0.08% | $-0.04 +2025-03-10 12:58:30,075 - INFO - OPENED LONG at 2068.15 | Stop loss: 2057.7897392857144 | Take profit: 2099.2015160714286 +2025-03-10 12:58:30,117 - INFO - CLOSED long at 2068.39 | PnL: 0.01% | $-0.15 +2025-03-10 13:02:30,047 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 13:02:30,068 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 13:02:30,069 - INFO - Fetching initial data for ETH/USDT +2025-03-10 13:02:33,841 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 13:02:33,857 - INFO - Initialized environment with 500 candles +2025-03-10 13:02:36,337 - INFO - Starting training for 1000 episodes... +2025-03-10 13:02:36,337 - INFO - Starting training on device: cuda +2025-03-10 13:02:36,368 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 13:02:36,635 - INFO - OPENED SHORT at 2050.44 | Stop loss: 2060.710857142857 | Take profit: 2019.6554142857142 +2025-03-10 13:02:36,636 - INFO - CLOSED short at 2049.49 | PnL: 0.05% | $-0.11 +2025-03-10 13:02:36,637 - INFO - OPENED LONG at 2049.49 | Stop loss: 2039.2238928571428 | Take profit: 2080.2603357142852 +2025-03-10 13:02:36,638 - INFO - CLOSED long at 2049.24 | PnL: -0.01% | $-0.22 +2025-03-10 13:02:36,638 - INFO - OPENED SHORT at 2049.24 | Stop loss: 2059.504857142857 | Take profit: 2018.473414285714 +2025-03-10 13:02:36,639 - INFO - CLOSED short at 2048.48 | PnL: 0.04% | $-0.12 +2025-03-10 13:02:36,639 - INFO - OPENED LONG at 2048.48 | Stop loss: 2038.2189428571428 | Take profit: 2079.2351857142858 +2025-03-10 13:02:36,640 - INFO - CLOSED long at 2046.58 | PnL: -0.09% | $-0.38 +2025-03-10 13:02:36,640 - INFO - OPENED SHORT at 2047.4 | Stop loss: 2057.6556571428573 | Take profit: 2016.6610142857144 +2025-03-10 13:02:36,640 - INFO - CLOSED short at 2047.2 | PnL: 0.01% | $-0.18 +2025-03-10 13:02:36,641 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.2386071428573 | Take profit: 2015.2721642857143 +2025-03-10 13:02:36,642 - INFO - CLOSED short at 2045.99 | PnL: 0.00% | $-0.20 +2025-03-10 13:02:36,642 - INFO - OPENED SHORT at 2045.79 | Stop loss: 2056.0376071428573 | Take profit: 2015.0751642857144 +2025-03-10 13:02:36,643 - INFO - CLOSED short at 2048.51 | PnL: -0.13% | $-0.46 +2025-03-10 13:02:36,643 - INFO - OPENED LONG at 2048.51 | Stop loss: 2038.2487928571431 | Take profit: 2079.265635714286 +2025-03-10 13:02:36,643 - INFO - CLOSED long at 2050.24 | PnL: 0.08% | $-0.03 +2025-03-10 13:02:36,645 - INFO - OPENED SHORT at 2049.89 | Stop loss: 2060.158107142857 | Take profit: 2019.1136642857143 +2025-03-10 13:02:36,646 - INFO - CLOSED short at 2051.11 | PnL: -0.06% | $-0.31 +2025-03-10 13:02:36,646 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.835792857143 | Take profit: 2081.9046357142856 +2025-03-10 13:02:36,648 - INFO - CLOSED long at 2056.89 | PnL: 0.28% | $0.35 +2025-03-10 13:02:36,648 - INFO - OPENED LONG at 2058.39 | Stop loss: 2048.0793928571425 | Take profit: 2089.2938357142857 +2025-03-10 13:02:36,649 - INFO - CLOSED long at 2060.13 | PnL: 0.08% | $-0.03 +2025-03-10 13:02:36,649 - INFO - OPENED LONG at 2059.7 | Stop loss: 2049.382842857143 | Take profit: 2090.6234857142854 +2025-03-10 13:02:36,650 - INFO - CLOSED long at 2061.49 | PnL: 0.09% | $-0.03 +2025-03-10 13:02:36,650 - INFO - OPENED SHORT at 2061.49 | Stop loss: 2071.8161071428567 | Take profit: 2030.539664285714 +2025-03-10 13:02:36,651 - INFO - CLOSED short at 2063.29 | PnL: -0.09% | $-0.36 +2025-03-10 13:02:36,652 - INFO - OPENED LONG at 2064.69 | Stop loss: 2054.347892857143 | Take profit: 2095.6883357142856 +2025-03-10 13:02:36,652 - INFO - CLOSED long at 2060.99 | PnL: -0.18% | $-0.54 +2025-03-10 13:02:36,652 - INFO - OPENED SHORT at 2060.99 | Stop loss: 2071.313607142857 | Take profit: 2030.047164285714 +2025-03-10 13:02:36,653 - INFO - CLOSED short at 2060.0 | PnL: 0.05% | $-0.10 +2025-03-10 13:02:36,654 - INFO - OPENED LONG at 2060.0 | Stop loss: 2049.681342857143 | Take profit: 2090.9279857142856 +2025-03-10 13:02:36,654 - INFO - CLOSED long at 2061.89 | PnL: 0.09% | $-0.02 +2025-03-10 13:02:36,655 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.218107142857 | Take profit: 2030.9336642857143 +2025-03-10 13:02:36,656 - INFO - CLOSED short at 2059.49 | PnL: 0.12% | $0.03 +2025-03-10 13:02:36,656 - INFO - OPENED LONG at 2059.49 | Stop loss: 2049.1738928571426 | Take profit: 2090.4103357142853 +2025-03-10 13:02:36,657 - INFO - CLOSED long at 2057.8 | PnL: -0.08% | $-0.35 +2025-03-10 13:02:36,657 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.5818928571427 | Take profit: 2088.786335714286 +2025-03-10 13:02:36,658 - INFO - CLOSED long at 2057.94 | PnL: 0.00% | $-0.19 +2025-03-10 13:02:36,658 - INFO - OPENED SHORT at 2064.32 | Stop loss: 2074.660257142857 | Take profit: 2033.3272142857143 +2025-03-10 13:02:36,659 - INFO - CLOSED short at 2065.86 | PnL: -0.07% | $-0.33 +2025-03-10 13:02:36,660 - INFO - OPENED SHORT at 2070.58 | Stop loss: 2080.951557142857 | Take profit: 2039.4933142857142 +2025-03-10 13:02:36,660 - INFO - CLOSED short at 2068.11 | PnL: 0.12% | $0.04 +2025-03-10 13:02:36,661 - INFO - OPENED LONG at 2068.29 | Stop loss: 2057.929892857143 | Take profit: 2099.3423357142856 +2025-03-10 13:02:36,661 - INFO - CLOSED long at 2067.89 | PnL: -0.02% | $-0.23 +2025-03-10 13:02:36,662 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.248107142857 | Take profit: 2036.843664285714 +2025-03-10 13:02:36,663 - INFO - CLOSED short at 2068.99 | PnL: -0.05% | $-0.29 +2025-03-10 13:02:36,664 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2581571428573 | Take profit: 2036.8535142857145 +2025-03-10 13:02:36,664 - INFO - CLOSED short at 2067.69 | PnL: 0.01% | $-0.17 +2025-03-10 13:02:36,667 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,669 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,672 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,673 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,673 - INFO - OPENED SHORT at 2071.44 | Stop loss: 2081.815857142857 | Take profit: 2040.3404142857144 +2025-03-10 13:02:36,674 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,675 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,677 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,678 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,679 - INFO - CLOSED short at 2075.1 | PnL: -0.18% | $-0.53 +2025-03-10 13:02:36,679 - INFO - OPENED LONG at 2075.1 | Stop loss: 2064.7058428571427 | Take profit: 2106.2544857142857 +2025-03-10 13:02:36,681 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,681 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,682 - INFO - CLOSED long at 2072.91 | PnL: -0.11% | $-0.39 +2025-03-10 13:02:36,684 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,685 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,685 - INFO - OPENED LONG at 2072.33 | Stop loss: 2061.949692857143 | Take profit: 2103.442935714286 +2025-03-10 13:02:36,686 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,687 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,688 - INFO - CLOSED long at 2071.38 | PnL: -0.05% | $-0.27 +2025-03-10 13:02:36,688 - INFO - OPENED SHORT at 2071.38 | Stop loss: 2081.7555571428575 | Take profit: 2040.2813142857144 +2025-03-10 13:02:36,689 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,691 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,692 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,693 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,694 - INFO - CLOSED short at 2069.37 | PnL: 0.10% | $-0.01 +2025-03-10 13:02:36,694 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.004492857143 | Take profit: 2100.4385357142855 +2025-03-10 13:02:36,695 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,696 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,696 - INFO - CLOSED long at 2070.9 | PnL: 0.07% | $-0.05 +2025-03-10 13:02:36,696 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.273157142857 | Take profit: 2039.8085142857144 +2025-03-10 13:02:36,697 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,698 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,699 - INFO - CLOSED short at 2072.8 | PnL: -0.09% | $-0.36 +2025-03-10 13:02:36,699 - INFO - OPENED LONG at 2072.8 | Stop loss: 2062.417342857143 | Take profit: 2103.919985714286 +2025-03-10 13:02:36,700 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,701 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,701 - INFO - CLOSED long at 2070.79 | PnL: -0.10% | $-0.37 +2025-03-10 13:02:36,703 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,706 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,707 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.3787571428575 | Take profit: 2036.9717142857144 +2025-03-10 13:02:36,709 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,709 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,710 - INFO - CLOSED short at 2067.2 | PnL: 0.04% | $-0.11 +2025-03-10 13:02:36,710 - INFO - OPENED LONG at 2067.2 | Stop loss: 2056.8453428571424 | Take profit: 2098.2359857142856 +2025-03-10 13:02:36,711 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,712 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,713 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,714 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,716 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,716 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,717 - INFO - CLOSED long at 2070.7 | PnL: 0.17% | $0.13 +2025-03-10 13:02:36,717 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.072157142857 | Take profit: 2039.611514285714 +2025-03-10 13:02:36,719 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,720 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,721 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,722 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,723 - INFO - CLOSED short at 2069.19 | PnL: 0.07% | $-0.05 +2025-03-10 13:02:36,723 - INFO - OPENED LONG at 2069.19 | Stop loss: 2058.825392857143 | Take profit: 2100.2558357142857 +2025-03-10 13:02:36,724 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,725 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,727 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,728 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,729 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,731 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,732 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,733 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,734 - INFO - CLOSED long at 2069.01 | PnL: -0.01% | $-0.20 +2025-03-10 13:02:36,735 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,735 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,737 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.7406071428572 | Take profit: 2035.3661642857141 +2025-03-10 13:02:36,738 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,740 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,740 - INFO - CLOSED short at 2065.99 | PnL: 0.02% | $-0.15 +2025-03-10 13:02:36,740 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.6413928571424 | Take profit: 2097.0078357142856 +2025-03-10 13:02:36,741 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,742 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,743 - INFO - CLOSED long at 2066.19 | PnL: 0.01% | $-0.17 +2025-03-10 13:02:36,743 - INFO - OPENED SHORT at 2066.19 | Stop loss: 2076.539607142857 | Take profit: 2035.1691642857143 +2025-03-10 13:02:36,744 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,746 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,746 - INFO - CLOSED short at 2066.29 | PnL: -0.00% | $-0.19 +2025-03-10 13:02:36,746 - INFO - OPENED LONG at 2066.29 | Stop loss: 2055.9398928571427 | Take profit: 2097.3123357142854 +2025-03-10 13:02:36,747 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,749 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,749 - INFO - CLOSED long at 2065.08 | PnL: -0.06% | $-0.29 +2025-03-10 13:02:36,750 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,751 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,752 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,754 - INFO - OPENED LONG at 2068.76 | Stop loss: 2058.397542857143 | Take profit: 2099.819385714286 +2025-03-10 13:02:36,755 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,755 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,757 - INFO - CLOSED long at 2068.9 | PnL: 0.01% | $-0.17 +2025-03-10 13:02:36,757 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.263157142857 | Take profit: 2037.8385142857144 +2025-03-10 13:02:36,758 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,758 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,760 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,761 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,762 - INFO - CLOSED short at 2068.59 | PnL: 0.01% | $-0.16 +2025-03-10 13:02:36,763 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,763 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,764 - INFO - OPENED LONG at 2069.7 | Stop loss: 2059.3328428571426 | Take profit: 2100.7734857142855 +2025-03-10 13:02:36,764 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,766 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,767 - INFO - CLOSED long at 2070.4 | PnL: 0.03% | $-0.12 +2025-03-10 13:02:36,768 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,769 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,771 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,771 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,773 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,774 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,776 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,777 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,777 - INFO - OPENED SHORT at 2071.36 | Stop loss: 2081.7354571428573 | Take profit: 2040.2616142857146 +2025-03-10 13:02:36,779 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,780 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,810 - INFO - CLOSED short at 2072.75 | PnL: -0.07% | $-0.31 +2025-03-10 13:02:36,811 - INFO - OPENED LONG at 2072.75 | Stop loss: 2062.367592857143 | Take profit: 2103.869235714286 +2025-03-10 13:02:36,812 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,814 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,814 - INFO - CLOSED long at 2073.11 | PnL: 0.02% | $-0.15 +2025-03-10 13:02:36,815 - INFO - OPENED SHORT at 2073.11 | Stop loss: 2083.4942071428572 | Take profit: 2041.9853642857142 +2025-03-10 13:02:36,816 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,817 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,818 - INFO - CLOSED short at 2072.7 | PnL: 0.02% | $-0.15 +2025-03-10 13:02:36,818 - INFO - OPENED LONG at 2072.7 | Stop loss: 2062.3178428571428 | Take profit: 2103.8184857142855 +2025-03-10 13:02:36,819 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,819 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,820 - INFO - CLOSED long at 2072.15 | PnL: -0.03% | $-0.23 +2025-03-10 13:02:36,822 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,823 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,825 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,825 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,827 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,828 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,829 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,830 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,831 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,832 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,833 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,834 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,835 - INFO - OPENED SHORT at 2069.46 | Stop loss: 2079.825957142857 | Take profit: 2038.3901142857142 +2025-03-10 13:02:36,836 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,837 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,838 - INFO - CLOSED short at 2069.35 | PnL: 0.01% | $-0.17 +2025-03-10 13:02:36,838 - INFO - OPENED LONG at 2069.35 | Stop loss: 2058.984592857143 | Take profit: 2100.418235714286 +2025-03-10 13:02:36,839 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,840 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,842 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,844 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,844 - INFO - CLOSED long at 2067.0 | PnL: -0.11% | $-0.39 +2025-03-10 13:02:36,845 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,846 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,847 - INFO - OPENED LONG at 2067.79 | Stop loss: 2057.4323928571425 | Take profit: 2098.834835714286 +2025-03-10 13:02:36,848 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,850 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,850 - INFO - CLOSED long at 2067.46 | PnL: -0.02% | $-0.21 +2025-03-10 13:02:36,850 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.815957142857 | Take profit: 2036.4201142857144 +2025-03-10 13:02:36,851 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,852 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,853 - INFO - CLOSED short at 2066.8 | PnL: 0.03% | $-0.12 +2025-03-10 13:02:36,854 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,855 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,856 - INFO - OPENED LONG at 2065.49 | Stop loss: 2055.143892857143 | Take profit: 2096.5003357142855 +2025-03-10 13:02:36,856 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,858 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,860 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,861 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,861 - INFO - CLOSED long at 2065.26 | PnL: -0.01% | $-0.20 +2025-03-10 13:02:36,861 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.6049571428575 | Take profit: 2034.2531142857144 +2025-03-10 13:02:36,863 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,863 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,863 - INFO - CLOSED short at 2067.89 | PnL: -0.13% | $-0.41 +2025-03-10 13:02:36,865 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.531892857143 | Take profit: 2098.9363357142856 +2025-03-10 13:02:36,866 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,867 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,868 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,870 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,871 - INFO - CLOSED long at 2068.8 | PnL: 0.04% | $-0.10 +2025-03-10 13:02:36,872 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,873 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,875 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,875 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,876 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.502042857143 | Take profit: 2098.905885714286 +2025-03-10 13:02:36,877 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,878 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,878 - INFO - CLOSED long at 2067.59 | PnL: -0.01% | $-0.20 +2025-03-10 13:02:36,879 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,880 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,880 - INFO - OPENED SHORT at 2069.2 | Stop loss: 2079.564657142857 | Take profit: 2038.134014285714 +2025-03-10 13:02:36,882 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,883 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,884 - INFO - CLOSED short at 2070.3 | PnL: -0.05% | $-0.27 +2025-03-10 13:02:36,885 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,886 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,886 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.9666071428574 | Take profit: 2040.4881642857144 +2025-03-10 13:02:36,887 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,889 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,890 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,891 - INFO - CLOSED short at 2070.4 | PnL: 0.06% | $-0.08 +2025-03-10 13:02:36,891 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.029342857143 | Take profit: 2101.4839857142856 +2025-03-10 13:02:36,893 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,894 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,894 - INFO - CLOSED long at 2070.73 | PnL: 0.02% | $-0.15 +2025-03-10 13:02:36,896 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,896 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,897 - INFO - OPENED LONG at 2068.5 | Stop loss: 2058.1388428571427 | Take profit: 2099.5554857142856 +2025-03-10 13:02:36,898 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,899 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,900 - INFO - CLOSED long at 2068.69 | PnL: 0.01% | $-0.16 +2025-03-10 13:02:36,901 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,902 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,902 - INFO - OPENED LONG at 2067.84 | Stop loss: 2057.482142857143 | Take profit: 2098.8855857142858 +2025-03-10 13:02:36,904 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,904 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,906 - INFO - CLOSED long at 2067.11 | PnL: -0.04% | $-0.24 +2025-03-10 13:02:36,907 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,908 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,909 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.502042857143 | Take profit: 2098.905885714286 +2025-03-10 13:02:36,910 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,911 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,912 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,913 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,915 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,916 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,917 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,918 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,918 - INFO - CLOSED long at 2066.39 | PnL: -0.07% | $-0.30 +2025-03-10 13:02:36,919 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,920 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,921 - INFO - OPENED LONG at 2064.47 | Stop loss: 2054.1289928571427 | Take profit: 2095.4650357142855 +2025-03-10 13:02:36,923 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,923 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,924 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,926 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,926 - INFO - CLOSED long at 2067.8 | PnL: 0.16% | $0.11 +2025-03-10 13:02:36,926 - INFO - OPENED SHORT at 2067.8 | Stop loss: 2078.1576571428573 | Take profit: 2036.7550142857144 +2025-03-10 13:02:36,928 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,929 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,930 - INFO - CLOSED short at 2068.18 | PnL: -0.02% | $-0.21 +2025-03-10 13:02:36,931 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,932 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,932 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.037107142857 | Take profit: 2034.6766642857144 +2025-03-10 13:02:36,933 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,934 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,935 - INFO - CLOSED short at 2067.88 | PnL: -0.11% | $-0.36 +2025-03-10 13:02:36,935 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.521942857143 | Take profit: 2098.9261857142856 +2025-03-10 13:02:36,936 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,937 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,938 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,939 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,940 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,941 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,942 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,943 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,945 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,946 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,946 - INFO - CLOSED long at 2062.89 | PnL: -0.24% | $-0.60 +2025-03-10 13:02:36,946 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.223107142857 | Take profit: 2031.9186642857142 +2025-03-10 13:02:36,947 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,949 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,951 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,952 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,952 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,954 - INFO - CLOSED short at 2059.59 | PnL: 0.16% | $0.10 +2025-03-10 13:02:36,955 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,956 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,957 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,959 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,960 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,960 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,961 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,963 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,964 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,965 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,966 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,968 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,969 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,970 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,971 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.439107142857 | Take profit: 2035.0706642857144 +2025-03-10 13:02:36,972 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,973 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,974 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,976 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,976 - INFO - CLOSED short at 2064.08 | PnL: 0.10% | $-0.00 +2025-03-10 13:02:36,977 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,978 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,979 - INFO - OPENED SHORT at 2062.71 | Stop loss: 2073.0422071428575 | Take profit: 2031.7413642857143 +2025-03-10 13:02:36,980 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,981 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,982 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,983 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,983 - INFO - CLOSED short at 2064.5 | PnL: -0.09% | $-0.32 +2025-03-10 13:02:36,983 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1588428571426 | Take profit: 2095.4954857142857 +2025-03-10 13:02:36,985 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,986 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,987 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,988 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,990 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,991 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,992 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,993 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,994 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,995 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,996 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,997 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,998 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:36,999 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:36,999 - INFO - CLOSED long at 2060.31 | PnL: -0.20% | $-0.52 +2025-03-10 13:02:37,000 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.630207142857 | Take profit: 2029.377364285714 +2025-03-10 13:02:37,001 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,002 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,003 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,004 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,004 - INFO - CLOSED short at 2064.7 | PnL: -0.21% | $-0.54 +2025-03-10 13:02:37,005 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,006 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,007 - INFO - OPENED LONG at 2062.61 | Stop loss: 2052.278292857143 | Take profit: 2093.577135714286 +2025-03-10 13:02:37,008 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,010 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,011 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,012 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,012 - INFO - CLOSED long at 2060.3 | PnL: -0.11% | $-0.36 +2025-03-10 13:02:37,014 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,014 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,015 - INFO - OPENED LONG at 2061.13 | Stop loss: 2050.805692857143 | Take profit: 2092.074935714286 +2025-03-10 13:02:37,016 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,017 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,017 - INFO - CLOSED long at 2061.9 | PnL: 0.04% | $-0.11 +2025-03-10 13:02:37,020 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,021 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,023 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,023 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,024 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,025 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,026 - INFO - OPENED SHORT at 2064.33 | Stop loss: 2074.6703071428574 | Take profit: 2033.3370642857142 +2025-03-10 13:02:37,027 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,028 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,029 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,030 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,031 - INFO - CLOSED short at 2064.79 | PnL: -0.02% | $-0.21 +2025-03-10 13:02:37,031 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,032 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,034 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.5418928571426 | Take profit: 2096.906335714286 +2025-03-10 13:02:37,035 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,036 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,037 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,038 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,039 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,040 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,040 - INFO - CLOSED long at 2062.6 | PnL: -0.16% | $-0.44 +2025-03-10 13:02:37,041 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,043 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,043 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.218107142857 | Take profit: 2030.9336642857143 +2025-03-10 13:02:37,045 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,045 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,046 - INFO - CLOSED short at 2061.7 | PnL: 0.01% | $-0.15 +2025-03-10 13:02:37,046 - INFO - OPENED LONG at 2061.7 | Stop loss: 2051.3728428571426 | Take profit: 2092.6534857142856 +2025-03-10 13:02:37,047 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,048 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,048 - INFO - CLOSED long at 2060.7 | PnL: -0.05% | $-0.25 +2025-03-10 13:02:37,048 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,050 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,051 - INFO - OPENED SHORT at 2061.09 | Stop loss: 2071.414107142857 | Take profit: 2030.1456642857145 +2025-03-10 13:02:37,052 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,053 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,054 - INFO - CLOSED short at 2059.61 | PnL: 0.07% | $-0.05 +2025-03-10 13:02:37,054 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.2932928571427 | Take profit: 2090.5321357142857 +2025-03-10 13:02:37,055 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,056 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,057 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,058 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,059 - INFO - CLOSED long at 2059.02 | PnL: -0.03% | $-0.22 +2025-03-10 13:02:37,059 - INFO - OPENED SHORT at 2059.02 | Stop loss: 2069.3337571428574 | Take profit: 2028.1067142857144 +2025-03-10 13:02:37,060 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,061 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,062 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,063 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,063 - INFO - CLOSED short at 2059.96 | PnL: -0.05% | $-0.24 +2025-03-10 13:02:37,065 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,066 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,068 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,069 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,069 - INFO - OPENED LONG at 2057.4 | Stop loss: 2047.0943428571431 | Take profit: 2088.2889857142854 +2025-03-10 13:02:37,070 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,071 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,072 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,073 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,074 - INFO - CLOSED long at 2056.28 | PnL: -0.05% | $-0.26 +2025-03-10 13:02:37,074 - INFO - OPENED SHORT at 2056.28 | Stop loss: 2066.5800571428576 | Take profit: 2025.4078142857145 +2025-03-10 13:02:37,075 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,076 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,076 - INFO - CLOSED short at 2055.6 | PnL: 0.03% | $-0.11 +2025-03-10 13:02:37,077 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,079 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,081 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,081 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,083 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,084 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,085 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,087 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,087 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,088 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,090 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,090 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,093 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,094 - INFO - OPENED LONG at 2061.5 | Stop loss: 2051.173842857143 | Take profit: 2092.4504857142856 +2025-03-10 13:02:37,095 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,097 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,097 - INFO - CLOSED long at 2061.6 | PnL: 0.00% | $-0.16 +2025-03-10 13:02:37,098 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,099 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,100 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.974842857143 | Take profit: 2092.247485714286 +2025-03-10 13:02:37,101 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,102 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,103 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,104 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,105 - INFO - CLOSED long at 2063.4 | PnL: 0.10% | $0.00 +2025-03-10 13:02:37,105 - INFO - OPENED SHORT at 2063.4 | Stop loss: 2073.7356571428572 | Take profit: 2032.4210142857144 +2025-03-10 13:02:37,106 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,106 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,108 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,108 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,110 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,111 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,112 - INFO - CLOSED short at 2063.9 | PnL: -0.02% | $-0.21 +2025-03-10 13:02:37,112 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.561842857143 | Take profit: 2094.8864857142858 +2025-03-10 13:02:37,112 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,113 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,116 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,116 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,117 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,118 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,119 - INFO - CLOSED long at 2066.34 | PnL: 0.12% | $0.03 +2025-03-10 13:02:37,119 - INFO - OPENED SHORT at 2066.34 | Stop loss: 2076.690357142857 | Take profit: 2035.3169142857143 +2025-03-10 13:02:37,120 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,122 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,123 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,123 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,124 - INFO - CLOSED short at 2067.33 | PnL: -0.05% | $-0.24 +2025-03-10 13:02:37,124 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.974692857143 | Take profit: 2098.3679357142855 +2025-03-10 13:02:37,124 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,125 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,128 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,129 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,129 - INFO - CLOSED long at 2065.69 | PnL: -0.08% | $-0.30 +2025-03-10 13:02:37,129 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.037107142857 | Take profit: 2034.6766642857144 +2025-03-10 13:02:37,130 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,132 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,133 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,134 - INFO - CLOSED short at 2072.0 | PnL: -0.31% | $-0.67 +2025-03-10 13:02:37,134 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,137 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,138 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,139 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,140 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,141 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,141 - INFO - OPENED LONG at 2075.01 | Stop loss: 2064.616292857143 | Take profit: 2106.163135714286 +2025-03-10 13:02:37,143 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,145 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,146 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,147 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,147 - INFO - CLOSED long at 2071.04 | PnL: -0.19% | $-0.47 +2025-03-10 13:02:37,147 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.413857142857 | Take profit: 2039.9464142857141 +2025-03-10 13:02:37,149 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,149 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,151 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,152 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,152 - INFO - CLOSED short at 2071.6 | PnL: -0.03% | $-0.21 +2025-03-10 13:02:37,153 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,154 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,160 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,161 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,162 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,162 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,163 - INFO - OPENED SHORT at 2068.15 | Stop loss: 2078.5094071428575 | Take profit: 2037.0997642857144 +2025-03-10 13:02:37,164 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,165 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,167 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,168 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,170 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,170 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,171 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,172 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,173 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,175 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,175 - INFO - CLOSED short at 2068.79 | PnL: -0.03% | $-0.21 +2025-03-10 13:02:37,176 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,177 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,177 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6063928571425 | Take profit: 2104.1128357142857 +2025-03-10 13:02:37,180 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,181 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,182 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,182 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,183 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,185 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,185 - INFO - CLOSED long at 2067.33 | PnL: -0.27% | $-0.60 +2025-03-10 13:02:37,185 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.685307142857 | Take profit: 2036.292064285714 +2025-03-10 13:02:37,187 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,188 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,191 - INFO - CLOSED short at 2066.38 | PnL: 0.05% | $-0.09 +2025-03-10 13:02:37,192 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.029442857143 | Take profit: 2097.403685714286 +2025-03-10 13:02:37,192 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,194 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,194 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,196 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,201 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,202 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,203 - INFO - CLOSED long at 2063.95 | PnL: -0.12% | $-0.35 +2025-03-10 13:02:37,203 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.288407142857 | Take profit: 2032.962764285714 +2025-03-10 13:02:37,204 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,205 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,206 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,207 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,208 - INFO - CLOSED short at 2064.5 | PnL: -0.03% | $-0.20 +2025-03-10 13:02:37,209 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,210 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,210 - INFO - OPENED LONG at 2065.3 | Stop loss: 2054.954842857143 | Take profit: 2096.307485714286 +2025-03-10 13:02:37,211 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,212 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,214 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,215 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,215 - INFO - CLOSED long at 2064.31 | PnL: -0.05% | $-0.23 +2025-03-10 13:02:37,216 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,218 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,218 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,219 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,220 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,221 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,222 - INFO - OPENED SHORT at 2065.29 | Stop loss: 2075.635107142857 | Take profit: 2034.2826642857144 +2025-03-10 13:02:37,223 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,224 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,225 - INFO - CLOSED short at 2065.31 | PnL: -0.00% | $-0.16 +2025-03-10 13:02:37,225 - INFO - OPENED LONG at 2065.31 | Stop loss: 2054.9647928571426 | Take profit: 2096.3176357142856 +2025-03-10 13:02:37,227 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,228 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,228 - INFO - CLOSED long at 2066.8 | PnL: 0.07% | $-0.04 +2025-03-10 13:02:37,229 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,230 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,231 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,232 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,233 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.228392857143 | Take profit: 2099.6468357142858 +2025-03-10 13:02:37,233 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,234 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,235 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,236 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,237 - INFO - CLOSED long at 2070.2 | PnL: 0.08% | $-0.03 +2025-03-10 13:02:37,238 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,239 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,240 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,241 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,243 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,245 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,245 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.322892857143 | Take profit: 2100.763335714286 +2025-03-10 13:02:37,246 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,247 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,247 - INFO - CLOSED long at 2070.7 | PnL: 0.05% | $-0.08 +2025-03-10 13:02:37,247 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.072157142857 | Take profit: 2039.611514285714 +2025-03-10 13:02:37,249 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,250 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,250 - INFO - CLOSED short at 2070.8 | PnL: -0.00% | $-0.17 +2025-03-10 13:02:37,252 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,253 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,253 - INFO - OPENED LONG at 2070.35 | Stop loss: 2059.979592857143 | Take profit: 2101.4332357142857 +2025-03-10 13:02:37,255 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,256 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,257 - INFO - CLOSED long at 2070.61 | PnL: 0.01% | $-0.14 +2025-03-10 13:02:37,257 - INFO - OPENED SHORT at 2070.61 | Stop loss: 2080.981707142857 | Take profit: 2039.5228642857146 +2025-03-10 13:02:37,258 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,258 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,259 - INFO - CLOSED short at 2071.99 | PnL: -0.07% | $-0.26 +2025-03-10 13:02:37,259 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.6113928571426 | Take profit: 2103.0978357142853 +2025-03-10 13:02:37,261 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,262 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,262 - INFO - CLOSED long at 2068.19 | PnL: -0.18% | $-0.44 +2025-03-10 13:02:37,264 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,265 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,265 - INFO - OPENED LONG at 2068.67 | Stop loss: 2058.307992857143 | Take profit: 2099.728035714286 +2025-03-10 13:02:37,266 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,267 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,268 - INFO - CLOSED long at 2070.67 | PnL: 0.10% | $-0.01 +2025-03-10 13:02:37,269 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,270 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,272 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,272 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,273 - INFO - OPENED SHORT at 2071.61 | Stop loss: 2081.986707142857 | Take profit: 2040.5078642857145 +2025-03-10 13:02:37,274 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,275 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,276 - INFO - CLOSED short at 2074.37 | PnL: -0.13% | $-0.36 +2025-03-10 13:02:37,276 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.9794928571428 | Take profit: 2105.513535714286 +2025-03-10 13:02:37,278 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,278 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,279 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,280 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,282 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,284 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,285 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,286 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,287 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,288 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,288 - INFO - CLOSED long at 2075.32 | PnL: 0.05% | $-0.08 +2025-03-10 13:02:37,288 - INFO - OPENED SHORT at 2075.32 | Stop loss: 2085.7152571428574 | Take profit: 2044.1622142857143 +2025-03-10 13:02:37,290 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,291 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,293 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,294 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,295 - INFO - CLOSED short at 2076.9 | PnL: -0.08% | $-0.27 +2025-03-10 13:02:37,296 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,296 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,298 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2086.006707142857 | Take profit: 2044.4478642857146 +2025-03-10 13:02:37,299 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,300 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,301 - INFO - CLOSED short at 2074.0 | PnL: 0.08% | $-0.03 +2025-03-10 13:02:37,301 - INFO - OPENED LONG at 2074.0 | Stop loss: 2063.611342857143 | Take profit: 2105.137985714286 +2025-03-10 13:02:37,303 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,303 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,304 - INFO - CLOSED long at 2072.09 | PnL: -0.09% | $-0.30 +2025-03-10 13:02:37,305 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,307 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,307 - INFO - OPENED SHORT at 2069.97 | Stop loss: 2080.3385071428565 | Take profit: 2038.8924642857141 +2025-03-10 13:02:37,309 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,310 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,311 - INFO - CLOSED short at 2067.7 | PnL: 0.11% | $0.01 +2025-03-10 13:02:37,312 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,313 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,313 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.353657142857 | Take profit: 2035.9670142857144 +2025-03-10 13:02:37,314 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,315 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,316 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,318 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,318 - INFO - CLOSED short at 2066.4 | PnL: 0.03% | $-0.11 +2025-03-10 13:02:37,319 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.049342857143 | Take profit: 2097.423985714286 +2025-03-10 13:02:37,319 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,321 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,322 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,323 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,325 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,326 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,326 - INFO - CLOSED long at 2065.45 | PnL: -0.05% | $-0.22 +2025-03-10 13:02:37,328 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,328 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,329 - INFO - OPENED SHORT at 2068.1 | Stop loss: 2078.459157142857 | Take profit: 2037.0505142857141 +2025-03-10 13:02:37,331 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,331 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,333 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,334 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,336 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,337 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,337 - INFO - CLOSED short at 2070.1 | PnL: -0.10% | $-0.30 +2025-03-10 13:02:37,339 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,340 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,342 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,343 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,344 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,345 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,347 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,348 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,349 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,350 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,352 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,353 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,355 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,357 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.725607142857 | Take profit: 2032.4111642857142 +2025-03-10 13:02:37,358 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,359 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,361 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,362 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,363 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,364 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,365 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,368 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,369 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,370 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,372 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,373 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,374 - INFO - CLOSED short at 2064.5 | PnL: -0.05% | $-0.23 +2025-03-10 13:02:37,374 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1588428571426 | Take profit: 2095.4954857142857 +2025-03-10 13:02:37,375 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,376 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,376 - INFO - CLOSED long at 2066.33 | PnL: 0.09% | $-0.02 +2025-03-10 13:02:37,377 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,378 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,379 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.676292857143 | Take profit: 2093.983135714286 +2025-03-10 13:02:37,380 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,381 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,381 - INFO - CLOSED long at 2060.7 | PnL: -0.11% | $-0.32 +2025-03-10 13:02:37,383 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,384 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,385 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,386 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,388 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,389 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,390 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,391 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,393 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,394 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,394 - INFO - OPENED SHORT at 2056.77 | Stop loss: 2067.0725071428574 | Take profit: 2025.8904642857142 +2025-03-10 13:02:37,396 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,397 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,397 - INFO - CLOSED short at 2053.01 | PnL: 0.18% | $0.13 +2025-03-10 13:02:37,399 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,400 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,401 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,402 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,403 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.2338428571427 | Take profit: 2080.2704857142858 +2025-03-10 13:02:37,403 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,405 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,406 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,408 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,409 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,410 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,412 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,413 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,414 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,415 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,415 - INFO - CLOSED long at 2057.89 | PnL: 0.41% | $0.47 +2025-03-10 13:02:37,417 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,417 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,418 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.162807142857 | Take profit: 2031.8595642857142 +2025-03-10 13:02:37,420 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,420 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,421 - INFO - CLOSED short at 2063.9 | PnL: -0.05% | $-0.23 +2025-03-10 13:02:37,422 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,423 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,424 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.755842857143 | Take profit: 2096.1044857142856 +2025-03-10 13:02:37,426 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,427 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,427 - INFO - CLOSED long at 2062.43 | PnL: -0.13% | $-0.35 +2025-03-10 13:02:37,429 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,430 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,431 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,432 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,434 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,435 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,435 - INFO - OPENED SHORT at 2068.33 | Stop loss: 2078.6903071428574 | Take profit: 2037.2770642857142 +2025-03-10 13:02:37,436 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,437 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,439 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,440 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,441 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,443 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,444 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,445 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,446 - INFO - CLOSED short at 2061.21 | PnL: 0.34% | $0.37 +2025-03-10 13:02:37,447 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,448 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,449 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.218157142857 | Take profit: 2028.9735142857144 +2025-03-10 13:02:37,449 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,451 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,451 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,452 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,454 - INFO - CLOSED short at 2061.84 | PnL: -0.09% | $-0.30 +2025-03-10 13:02:37,454 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,456 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,457 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.8713571428575 | Take profit: 2031.5739142857142 +2025-03-10 13:02:37,457 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,459 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,460 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,460 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,462 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,463 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,464 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,465 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,467 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,468 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,468 - INFO - CLOSED short at 2069.81 | PnL: -0.35% | $-0.68 +2025-03-10 13:02:37,469 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,470 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,471 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,473 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,474 - INFO - OPENED SHORT at 2073.49 | Stop loss: 2083.876107142857 | Take profit: 2042.359664285714 +2025-03-10 13:02:37,474 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,476 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,476 - INFO - CLOSED short at 2074.05 | PnL: -0.03% | $-0.19 +2025-03-10 13:02:37,477 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,479 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,480 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,480 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,482 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,482 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,484 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,486 - INFO - OPENED LONG at 2074.9 | Stop loss: 2064.506842857143 | Take profit: 2106.0514857142857 +2025-03-10 13:02:37,487 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,489 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,490 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,491 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,492 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,493 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,495 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,495 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,499 - INFO - CLOSED long at 2090.49 | PnL: 0.75% | $0.97 +2025-03-10 13:02:37,500 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,501 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,503 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,504 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,504 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.372157142857 | Take profit: 2098.711514285714 +2025-03-10 13:02:37,505 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,506 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,510 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,511 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,512 - INFO - CLOSED short at 2131.78 | PnL: -0.05% | $-0.23 +2025-03-10 13:02:37,512 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.102442857143 | Take profit: 2163.7846857142863 +2025-03-10 13:02:37,512 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,514 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,514 - INFO - CLOSED long at 2133.95 | PnL: 0.10% | $0.00 +2025-03-10 13:02:37,514 - INFO - OPENED SHORT at 2133.95 | Stop loss: 2144.638407142857 | Take profit: 2101.9127642857143 +2025-03-10 13:02:37,517 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,517 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,518 - INFO - CLOSED short at 2137.59 | PnL: -0.17% | $-0.41 +2025-03-10 13:02:37,518 - INFO - OPENED LONG at 2137.59 | Stop loss: 2126.883392857143 | Take profit: 2169.6818357142856 +2025-03-10 13:02:37,519 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,520 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,521 - INFO - CLOSED long at 2141.41 | PnL: 0.18% | $0.12 +2025-03-10 13:02:37,523 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,524 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,525 - INFO - OPENED LONG at 2141.3 | Stop loss: 2130.574842857143 | Take profit: 2173.447485714286 +2025-03-10 13:02:37,526 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,527 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,532 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,533 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,534 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,535 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,537 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,538 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,539 - INFO - CLOSED long at 2126.99 | PnL: -0.67% | $-1.16 +2025-03-10 13:02:37,539 - INFO - OPENED SHORT at 2126.99 | Stop loss: 2137.6436071428566 | Take profit: 2095.057164285714 +2025-03-10 13:02:37,540 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,540 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,542 - INFO - CLOSED short at 2127.3 | PnL: -0.01% | $-0.17 +2025-03-10 13:02:37,542 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.644842857143 | Take profit: 2159.2374857142863 +2025-03-10 13:02:37,544 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,544 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,545 - INFO - CLOSED long at 2128.69 | PnL: 0.07% | $-0.05 +2025-03-10 13:02:37,545 - INFO - OPENED SHORT at 2128.69 | Stop loss: 2139.352107142857 | Take profit: 2096.731664285714 +2025-03-10 13:02:37,547 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,548 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,548 - INFO - CLOSED short at 2121.09 | PnL: 0.36% | $0.38 +2025-03-10 13:02:37,549 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,551 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,552 - INFO - OPENED SHORT at 2120.15 | Stop loss: 2130.769407142857 | Take profit: 2088.3197642857144 +2025-03-10 13:02:37,553 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,554 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,555 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,556 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,557 - INFO - CLOSED short at 2119.93 | PnL: 0.01% | $-0.13 +2025-03-10 13:02:37,558 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,558 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,560 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.774342857143 | Take profit: 2153.248985714286 +2025-03-10 13:02:37,562 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,562 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,567 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,568 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,568 - INFO - CLOSED long at 2119.14 | PnL: -0.11% | $-0.31 +2025-03-10 13:02:37,569 - INFO - OPENED SHORT at 2119.14 | Stop loss: 2129.7543571428573 | Take profit: 2087.324914285714 +2025-03-10 13:02:37,570 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,570 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,572 - INFO - CLOSED short at 2119.07 | PnL: 0.00% | $-0.14 +2025-03-10 13:02:37,573 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,574 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,576 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,577 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,578 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,579 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,581 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,581 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,582 - INFO - OPENED LONG at 2109.05 | Stop loss: 2098.486092857143 | Take profit: 2140.7137357142856 +2025-03-10 13:02:37,584 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,585 - INFO - CLOSED long at 2112.09 | PnL: 0.14% | $0.07 +2025-03-10 13:02:37,586 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,586 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,588 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.533407142857 | Take profit: 2081.2277642857143 +2025-03-10 13:02:37,589 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,590 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,592 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,593 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,594 - INFO - CLOSED short at 2113.24 | PnL: -0.01% | $-0.17 +2025-03-10 13:02:37,594 - INFO - OPENED LONG at 2113.24 | Stop loss: 2102.655142857143 | Take profit: 2144.9665857142854 +2025-03-10 13:02:37,595 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,596 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,597 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,598 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,599 - INFO - CLOSED long at 2120.81 | PnL: 0.36% | $0.38 +2025-03-10 13:02:37,599 - INFO - OPENED SHORT at 2120.81 | Stop loss: 2131.432707142857 | Take profit: 2088.9698642857143 +2025-03-10 13:02:37,600 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,601 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,601 - INFO - CLOSED short at 2116.48 | PnL: 0.20% | $0.15 +2025-03-10 13:02:37,602 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,603 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,604 - INFO - OPENED SHORT at 2114.8 | Stop loss: 2125.3926571428574 | Take profit: 2083.0500142857145 +2025-03-10 13:02:37,606 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,607 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,608 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,609 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,611 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,611 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,612 - INFO - CLOSED short at 2106.49 | PnL: 0.39% | $0.43 +2025-03-10 13:02:37,612 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.938892857143 | Take profit: 2138.1153357142853 +2025-03-10 13:02:37,614 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,614 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,615 - INFO - CLOSED long at 2108.06 | PnL: 0.07% | $-0.04 +2025-03-10 13:02:37,615 - INFO - OPENED SHORT at 2108.06 | Stop loss: 2118.6189571428567 | Take profit: 2076.411114285714 +2025-03-10 13:02:37,616 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,617 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,618 - INFO - CLOSED short at 2103.33 | PnL: 0.22% | $0.19 +2025-03-10 13:02:37,619 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,619 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,621 - INFO - OPENED SHORT at 2100.5 | Stop loss: 2111.021157142857 | Take profit: 2068.9645142857144 +2025-03-10 13:02:37,622 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,622 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,624 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,625 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,626 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,628 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,629 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,631 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,632 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,632 - INFO - CLOSED short at 2102.29 | PnL: -0.09% | $-0.28 +2025-03-10 13:02:37,634 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,635 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,636 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,637 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,638 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,639 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,641 - INFO - OPENED LONG at 2100.69 | Stop loss: 2090.1678928571428 | Take profit: 2132.2283357142855 +2025-03-10 13:02:37,642 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,643 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,644 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,645 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,646 - INFO - CLOSED long at 2106.39 | PnL: 0.27% | $0.26 +2025-03-10 13:02:37,646 - INFO - OPENED SHORT at 2106.39 | Stop loss: 2116.940607142857 | Take profit: 2074.7661642857142 +2025-03-10 13:02:37,647 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,648 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,649 - INFO - CLOSED short at 2100.74 | PnL: 0.27% | $0.25 +2025-03-10 13:02:37,649 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,651 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,652 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,655 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,656 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,657 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,658 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,659 - INFO - OPENED SHORT at 2099.59 | Stop loss: 2110.1066071428572 | Take profit: 2068.0681642857144 +2025-03-10 13:02:37,660 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,661 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,664 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,666 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,666 - INFO - CLOSED short at 2098.39 | PnL: 0.06% | $-0.06 +2025-03-10 13:02:37,666 - INFO - OPENED LONG at 2098.39 | Stop loss: 2087.8793928571426 | Take profit: 2129.8938357142856 +2025-03-10 13:02:37,668 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,669 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,670 - INFO - CLOSED long at 2095.29 | PnL: -0.15% | $-0.37 +2025-03-10 13:02:37,671 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,672 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,674 - INFO - OPENED SHORT at 2093.46 | Stop loss: 2103.945957142857 | Take profit: 2062.0301142857143 +2025-03-10 13:02:37,675 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,676 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,678 - INFO - CLOSED short at 2093.33 | PnL: 0.01% | $-0.14 +2025-03-10 13:02:37,679 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,680 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,682 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,683 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,684 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,686 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,687 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.227742857143 | Take profit: 2126.1687857142856 +2025-03-10 13:02:37,689 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,690 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,691 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,693 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,694 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,695 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,696 - INFO - CLOSED long at 2083.28 | PnL: -0.55% | $-0.96 +2025-03-10 13:02:37,696 - INFO - OPENED SHORT at 2083.28 | Stop loss: 2093.7150571428574 | Take profit: 2052.0028142857145 +2025-03-10 13:02:37,698 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,700 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,701 - INFO - CLOSED short at 2088.44 | PnL: -0.25% | $-0.51 +2025-03-10 13:02:37,702 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,704 - INFO - OPENED LONG at 2083.97 | Stop loss: 2073.5314928571424 | Take profit: 2115.2575357142855 +2025-03-10 13:02:37,706 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,708 - INFO - CLOSED long at 2085.3 | PnL: 0.06% | $-0.05 +2025-03-10 13:02:37,709 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,711 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,713 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,714 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,716 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,717 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,719 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,720 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,722 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,723 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,724 - INFO - OPENED SHORT at 2083.41 | Stop loss: 2093.845707142857 | Take profit: 2052.130864285714 +2025-03-10 13:02:37,726 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,728 - INFO - CLOSED short at 2085.09 | PnL: -0.08% | $-0.26 +2025-03-10 13:02:37,729 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,731 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,731 - INFO - OPENED SHORT at 2083.59 | Stop loss: 2094.0266071428573 | Take profit: 2052.308164285714 +2025-03-10 13:02:37,733 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,735 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,735 - INFO - CLOSED short at 2086.57 | PnL: -0.14% | $-0.35 +2025-03-10 13:02:37,737 - INFO - OPENED LONG at 2086.57 | Stop loss: 2076.118492857143 | Take profit: 2117.8965357142856 +2025-03-10 13:02:37,738 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,741 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,743 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,744 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,746 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,749 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,751 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,753 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,755 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,755 - INFO - CLOSED long at 2088.66 | PnL: 0.10% | $0.00 +2025-03-10 13:02:37,756 - INFO - OPENED SHORT at 2088.66 | Stop loss: 2099.121957142857 | Take profit: 2057.302114285714 +2025-03-10 13:02:37,759 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,761 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,762 - INFO - CLOSED short at 2088.32 | PnL: 0.02% | $-0.12 +2025-03-10 13:02:37,763 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,765 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,766 - INFO - OPENED SHORT at 2088.1 | Stop loss: 2098.559157142857 | Take profit: 2056.750514285714 +2025-03-10 13:02:37,767 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,769 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,771 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,773 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,773 - INFO - CLOSED short at 2087.0 | PnL: 0.05% | $-0.07 +2025-03-10 13:02:37,773 - INFO - OPENED LONG at 2087.0 | Stop loss: 2076.546342857143 | Take profit: 2118.3329857142858 +2025-03-10 13:02:37,775 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,777 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,779 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,781 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,786 - INFO - CLOSED long at 2087.78 | PnL: 0.04% | $-0.09 +2025-03-10 13:02:37,788 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,790 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,790 - INFO - OPENED SHORT at 2086.81 | Stop loss: 2097.2627071428574 | Take profit: 2055.479864285714 +2025-03-10 13:02:37,792 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,793 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,794 - INFO - CLOSED short at 2089.79 | PnL: -0.14% | $-0.35 +2025-03-10 13:02:37,795 - INFO - OPENED LONG at 2089.79 | Stop loss: 2079.322392857143 | Take profit: 2121.164835714286 +2025-03-10 13:02:37,796 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,798 - INFO - CLOSED long at 2085.67 | PnL: -0.20% | $-0.43 +2025-03-10 13:02:37,799 - INFO - OPENED SHORT at 2085.67 | Stop loss: 2096.117007142857 | Take profit: 2054.3569642857146 +2025-03-10 13:02:37,801 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,803 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,805 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,806 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,807 - INFO - CLOSED short at 2091.05 | PnL: -0.26% | $-0.51 +2025-03-10 13:02:37,807 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.576092857143 | Take profit: 2122.4437357142856 +2025-03-10 13:02:37,809 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,810 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,811 - INFO - CLOSED long at 2091.05 | PnL: 0.00% | $-0.14 +2025-03-10 13:02:37,811 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.5239071428573 | Take profit: 2059.6562642857148 +2025-03-10 13:02:37,813 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,814 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,817 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,818 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,821 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,822 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,823 - INFO - CLOSED short at 2097.8 | PnL: -0.32% | $-0.60 +2025-03-10 13:02:37,825 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,827 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,833 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,835 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,835 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.166857142857 | Take profit: 2070.087414285714 +2025-03-10 13:02:37,837 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,838 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,840 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,841 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,842 - INFO - CLOSED short at 2098.49 | PnL: 0.15% | $0.07 +2025-03-10 13:02:37,842 - INFO - OPENED LONG at 2098.49 | Stop loss: 2087.9788928571425 | Take profit: 2129.995335714286 +2025-03-10 13:02:37,845 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,846 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,847 - INFO - CLOSED long at 2099.89 | PnL: 0.07% | $-0.05 +2025-03-10 13:02:37,848 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,849 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,850 - INFO - OPENED SHORT at 2100.89 | Stop loss: 2111.413107142857 | Take profit: 2069.348664285714 +2025-03-10 13:02:37,851 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,852 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,854 - INFO - CLOSED short at 2099.73 | PnL: 0.06% | $-0.06 +2025-03-10 13:02:37,855 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,856 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,857 - INFO - OPENED LONG at 2106.15 | Stop loss: 2095.600592857143 | Take profit: 2137.7702357142857 +2025-03-10 13:02:37,858 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,860 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,861 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:37,862 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:37,864 - INFO - Trade Analysis: Win Rate=7.1% in uptrends, 0.0% in downtrends | Avg Win=$0.20, Avg Loss=$-0.24 +2025-03-10 13:02:37,865 - INFO - Episode 0: Reward=-166.89, Balance=$70.55, Win Rate=15.1%, Trades=166, Episode PnL=$-21.40, Total PnL=$-29.45, Max Drawdown=29.4%, Pred Accuracy=97.9% +2025-03-10 13:02:37,866 - ERROR - Error in episode 0: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:02:37,867 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1763, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:02:37,898 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 13:02:38,080 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,081 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,082 - INFO - OPENED SHORT at 2049.49 | Stop loss: 2059.756107142857 | Take profit: 2018.719664285714 +2025-03-10 13:02:38,083 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,084 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,084 - INFO - CLOSED short at 2050.2 | PnL: -0.03% | $-0.27 +2025-03-10 13:02:38,086 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,088 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,093 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,096 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,097 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,098 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,099 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,100 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,101 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,103 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,104 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,104 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,105 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,107 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,108 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,109 - INFO - OPENED SHORT at 2047.4 | Stop loss: 2057.6556571428573 | Take profit: 2016.6610142857144 +2025-03-10 13:02:38,110 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,111 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,112 - INFO - CLOSED short at 2047.2 | PnL: 0.01% | $-0.18 +2025-03-10 13:02:38,112 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.9453428571428 | Take profit: 2077.935985714286 +2025-03-10 13:02:38,113 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,115 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,116 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,117 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,117 - INFO - CLOSED long at 2045.99 | PnL: -0.06% | $-0.31 +2025-03-10 13:02:38,118 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,119 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,120 - INFO - OPENED LONG at 2045.79 | Stop loss: 2035.5423928571429 | Take profit: 2076.5048357142855 +2025-03-10 13:02:38,122 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,123 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,123 - INFO - CLOSED long at 2048.13 | PnL: 0.11% | $0.03 +2025-03-10 13:02:38,123 - INFO - OPENED SHORT at 2048.13 | Stop loss: 2058.3893071428574 | Take profit: 2017.3800642857143 +2025-03-10 13:02:38,124 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,125 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,127 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,128 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,129 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,132 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,132 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,134 - INFO - CLOSED short at 2050.24 | PnL: -0.10% | $-0.40 +2025-03-10 13:02:38,134 - INFO - OPENED LONG at 2050.24 | Stop loss: 2039.9701428571425 | Take profit: 2081.0215857142853 +2025-03-10 13:02:38,135 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,135 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,136 - INFO - CLOSED long at 2049.89 | PnL: -0.02% | $-0.23 +2025-03-10 13:02:38,136 - INFO - OPENED SHORT at 2049.89 | Stop loss: 2060.158107142857 | Take profit: 2019.1136642857143 +2025-03-10 13:02:38,138 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,139 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,139 - INFO - CLOSED short at 2051.11 | PnL: -0.06% | $-0.31 +2025-03-10 13:02:38,139 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.835792857143 | Take profit: 2081.9046357142856 +2025-03-10 13:02:38,141 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,142 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,142 - INFO - CLOSED long at 2053.26 | PnL: 0.10% | $0.01 +2025-03-10 13:02:38,143 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,144 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,146 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,147 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,147 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.0198428571432 | Take profit: 2083.112485714286 +2025-03-10 13:02:38,148 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,149 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,153 - INFO - CLOSED long at 2055.69 | PnL: 0.17% | $0.13 +2025-03-10 13:02:38,154 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,155 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,157 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,158 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,158 - INFO - OPENED SHORT at 2056.89 | Stop loss: 2067.1931071428567 | Take profit: 2026.008664285714 +2025-03-10 13:02:38,159 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,160 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,161 - INFO - CLOSED short at 2058.39 | PnL: -0.07% | $-0.34 +2025-03-10 13:02:38,161 - INFO - OPENED LONG at 2058.39 | Stop loss: 2048.0793928571425 | Take profit: 2089.2938357142857 +2025-03-10 13:02:38,162 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,163 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,164 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,166 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,166 - INFO - CLOSED long at 2059.7 | PnL: 0.06% | $-0.07 +2025-03-10 13:02:38,166 - INFO - OPENED SHORT at 2059.7 | Stop loss: 2070.0171571428573 | Take profit: 2028.776514285714 +2025-03-10 13:02:38,168 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,169 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,169 - INFO - CLOSED short at 2061.49 | PnL: -0.09% | $-0.36 +2025-03-10 13:02:38,170 - INFO - OPENED LONG at 2061.49 | Stop loss: 2051.163892857143 | Take profit: 2092.4403357142855 +2025-03-10 13:02:38,171 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,172 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,173 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,175 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,175 - INFO - CLOSED long at 2064.61 | PnL: 0.15% | $0.10 +2025-03-10 13:02:38,176 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,177 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,178 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,180 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,181 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,182 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,182 - INFO - OPENED LONG at 2064.69 | Stop loss: 2054.347892857143 | Take profit: 2095.6883357142856 +2025-03-10 13:02:38,183 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,184 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,185 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,187 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,188 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,189 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,189 - INFO - CLOSED long at 2058.3 | PnL: -0.31% | $-0.79 +2025-03-10 13:02:38,190 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,192 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,193 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,194 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,195 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,196 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,198 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,199 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,200 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,201 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,201 - INFO - OPENED SHORT at 2059.49 | Stop loss: 2069.806107142857 | Take profit: 2028.569664285714 +2025-03-10 13:02:38,204 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,205 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,206 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,206 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,209 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,210 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,210 - INFO - CLOSED short at 2057.94 | PnL: 0.08% | $-0.05 +2025-03-10 13:02:38,211 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,211 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,213 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.8007928571428 | Take profit: 2089.0096357142857 +2025-03-10 13:02:38,213 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,214 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,215 - INFO - CLOSED long at 2061.79 | PnL: 0.18% | $0.15 +2025-03-10 13:02:38,216 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,216 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,218 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,219 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,220 - INFO - OPENED LONG at 2064.32 | Stop loss: 2053.979742857143 | Take profit: 2095.312785714286 +2025-03-10 13:02:38,221 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,222 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,222 - INFO - CLOSED long at 2065.86 | PnL: 0.07% | $-0.05 +2025-03-10 13:02:38,224 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,224 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,225 - INFO - OPENED SHORT at 2070.58 | Stop loss: 2080.951557142857 | Take profit: 2039.4933142857142 +2025-03-10 13:02:38,227 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,228 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,229 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,231 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,232 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,233 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,234 - INFO - CLOSED short at 2067.89 | PnL: 0.13% | $0.06 +2025-03-10 13:02:38,234 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,236 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,236 - INFO - OPENED SHORT at 2071.63 | Stop loss: 2082.0068071428573 | Take profit: 2040.5275642857143 +2025-03-10 13:02:38,237 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,238 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,239 - INFO - CLOSED short at 2070.99 | PnL: 0.03% | $-0.13 +2025-03-10 13:02:38,239 - INFO - OPENED LONG at 2070.99 | Stop loss: 2060.6163928571427 | Take profit: 2102.0828357142855 +2025-03-10 13:02:38,240 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,241 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,241 - INFO - CLOSED long at 2069.6 | PnL: -0.07% | $-0.32 +2025-03-10 13:02:38,244 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,245 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,245 - INFO - OPENED SHORT at 2068.65 | Stop loss: 2079.011907142857 | Take profit: 2037.5922642857145 +2025-03-10 13:02:38,246 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,247 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,247 - INFO - CLOSED short at 2068.99 | PnL: -0.02% | $-0.22 +2025-03-10 13:02:38,248 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,249 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,250 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,251 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,255 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,256 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,260 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,261 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,262 - INFO - OPENED SHORT at 2071.44 | Stop loss: 2081.815857142857 | Take profit: 2040.3404142857144 +2025-03-10 13:02:38,263 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,263 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,265 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,266 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,267 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,269 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,269 - INFO - CLOSED short at 2072.91 | PnL: -0.07% | $-0.33 +2025-03-10 13:02:38,270 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,271 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,271 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,273 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,273 - INFO - OPENED SHORT at 2071.38 | Stop loss: 2081.7555571428575 | Take profit: 2040.2813142857144 +2025-03-10 13:02:38,275 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,276 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,277 - INFO - CLOSED short at 2071.41 | PnL: -0.00% | $-0.19 +2025-03-10 13:02:38,277 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,279 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,279 - INFO - OPENED SHORT at 2069.37 | Stop loss: 2079.7355071428574 | Take profit: 2038.301464285714 +2025-03-10 13:02:38,281 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,282 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,283 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,284 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,285 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,286 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,288 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,289 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,290 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,291 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,293 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,294 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,295 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,296 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,297 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,298 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,299 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,300 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,301 - INFO - CLOSED short at 2070.7 | PnL: -0.06% | $-0.31 +2025-03-10 13:02:38,302 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,303 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,304 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,305 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,306 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,307 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,308 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.437342857143 | Take profit: 2099.859985714286 +2025-03-10 13:02:38,308 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,310 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,312 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,313 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,314 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,314 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,316 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,317 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,319 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,319 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,320 - INFO - CLOSED long at 2065.99 | PnL: -0.14% | $-0.45 +2025-03-10 13:02:38,322 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,322 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,323 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,324 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,325 - INFO - OPENED LONG at 2066.29 | Stop loss: 2055.9398928571427 | Take profit: 2097.3123357142854 +2025-03-10 13:02:38,326 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,327 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,328 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,328 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,330 - INFO - CLOSED long at 2066.18 | PnL: -0.01% | $-0.20 +2025-03-10 13:02:38,330 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.529557142857 | Take profit: 2035.1593142857141 +2025-03-10 13:02:38,331 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,332 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,333 - INFO - CLOSED short at 2068.76 | PnL: -0.12% | $-0.42 +2025-03-10 13:02:38,333 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,334 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,335 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.263157142857 | Take profit: 2037.8385142857144 +2025-03-10 13:02:38,335 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,338 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,339 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,340 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,342 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,343 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,343 - INFO - CLOSED short at 2069.7 | PnL: -0.04% | $-0.26 +2025-03-10 13:02:38,344 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,345 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,348 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.029342857143 | Take profit: 2101.4839857142856 +2025-03-10 13:02:38,350 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,351 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,352 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,353 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,356 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,358 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,359 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,359 - INFO - CLOSED long at 2071.36 | PnL: 0.05% | $-0.10 +2025-03-10 13:02:38,360 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,361 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,362 - INFO - OPENED SHORT at 2072.75 | Stop loss: 2083.132407142857 | Take profit: 2041.6307642857143 +2025-03-10 13:02:38,363 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,364 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,365 - INFO - CLOSED short at 2073.11 | PnL: -0.02% | $-0.22 +2025-03-10 13:02:38,365 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.725792857143 | Take profit: 2104.2346357142856 +2025-03-10 13:02:38,366 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,367 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,368 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,369 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,369 - INFO - CLOSED long at 2072.15 | PnL: -0.05% | $-0.27 +2025-03-10 13:02:38,371 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,373 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,373 - INFO - OPENED LONG at 2074.29 | Stop loss: 2063.8998928571427 | Take profit: 2105.4323357142857 +2025-03-10 13:02:38,374 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,375 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,376 - INFO - CLOSED long at 2073.9 | PnL: -0.02% | $-0.22 +2025-03-10 13:02:38,377 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,378 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,379 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,380 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,382 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,383 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,384 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,385 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,386 - INFO - OPENED LONG at 2069.46 | Stop loss: 2059.094042857143 | Take profit: 2100.5298857142857 +2025-03-10 13:02:38,387 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,388 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,389 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,390 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,391 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,392 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,392 - INFO - CLOSED long at 2067.0 | PnL: -0.12% | $-0.41 +2025-03-10 13:02:38,394 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,395 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,396 - INFO - OPENED LONG at 2067.79 | Stop loss: 2057.4323928571425 | Take profit: 2098.834835714286 +2025-03-10 13:02:38,397 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,398 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,399 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,400 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,401 - INFO - CLOSED long at 2066.8 | PnL: -0.05% | $-0.27 +2025-03-10 13:02:38,401 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.152657142857 | Take profit: 2035.7700142857145 +2025-03-10 13:02:38,402 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,403 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,404 - INFO - CLOSED short at 2065.49 | PnL: 0.06% | $-0.07 +2025-03-10 13:02:38,405 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,406 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,406 - INFO - OPENED LONG at 2063.61 | Stop loss: 2053.273292857143 | Take profit: 2094.592135714286 +2025-03-10 13:02:38,407 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,408 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,409 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,410 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,410 - INFO - CLOSED long at 2067.89 | PnL: 0.21% | $0.20 +2025-03-10 13:02:38,412 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,413 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,414 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,415 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,419 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,420 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,421 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,421 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,423 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.2179571428574 | Take profit: 2036.8141142857144 +2025-03-10 13:02:38,424 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,426 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,427 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,428 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,428 - INFO - CLOSED short at 2069.2 | PnL: -0.06% | $-0.30 +2025-03-10 13:02:38,430 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,431 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,431 - INFO - OPENED SHORT at 2070.3 | Stop loss: 2080.6701571428575 | Take profit: 2039.2175142857143 +2025-03-10 13:02:38,432 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,433 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,434 - INFO - CLOSED short at 2071.59 | PnL: -0.06% | $-0.30 +2025-03-10 13:02:38,434 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.213392857143 | Take profit: 2102.691835714286 +2025-03-10 13:02:38,435 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,436 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,438 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,439 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,440 - INFO - CLOSED long at 2070.4 | PnL: -0.06% | $-0.29 +2025-03-10 13:02:38,440 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.770657142857 | Take profit: 2039.3160142857146 +2025-03-10 13:02:38,442 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,442 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,443 - INFO - CLOSED short at 2070.73 | PnL: -0.02% | $-0.21 +2025-03-10 13:02:38,444 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,445 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,446 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,447 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,447 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.052107142857 | Take profit: 2037.6316642857144 +2025-03-10 13:02:38,448 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,449 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,451 - INFO - CLOSED short at 2067.84 | PnL: 0.04% | $-0.11 +2025-03-10 13:02:38,451 - INFO - OPENED LONG at 2067.84 | Stop loss: 2057.482142857143 | Take profit: 2098.8855857142858 +2025-03-10 13:02:38,452 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,453 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,459 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,460 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,461 - INFO - CLOSED long at 2067.86 | PnL: 0.00% | $-0.18 +2025-03-10 13:02:38,462 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,463 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,464 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,464 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,467 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,467 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,472 - INFO - OPENED LONG at 2065.28 | Stop loss: 2054.934942857143 | Take profit: 2096.287185714286 +2025-03-10 13:02:38,473 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,474 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,475 - INFO - CLOSED long at 2066.39 | PnL: 0.05% | $-0.08 +2025-03-10 13:02:38,476 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,476 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,478 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,479 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,480 - INFO - OPENED SHORT at 2070.04 | Stop loss: 2080.408857142857 | Take profit: 2038.9614142857142 +2025-03-10 13:02:38,481 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,482 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,483 - INFO - CLOSED short at 2067.8 | PnL: 0.11% | $0.01 +2025-03-10 13:02:38,483 - INFO - OPENED LONG at 2067.8 | Stop loss: 2057.442342857143 | Take profit: 2098.844985714286 +2025-03-10 13:02:38,485 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,487 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,488 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,489 - INFO - CLOSED long at 2065.69 | PnL: -0.10% | $-0.37 +2025-03-10 13:02:38,491 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,492 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,493 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,494 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,495 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,496 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,496 - INFO - OPENED LONG at 2065.83 | Stop loss: 2055.4821928571428 | Take profit: 2096.845435714286 +2025-03-10 13:02:38,498 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,499 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,501 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,502 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,502 - INFO - CLOSED long at 2065.26 | PnL: -0.03% | $-0.23 +2025-03-10 13:02:38,502 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.6049571428575 | Take profit: 2034.2531142857144 +2025-03-10 13:02:38,504 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,505 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,506 - INFO - CLOSED short at 2062.89 | PnL: 0.11% | $0.03 +2025-03-10 13:02:38,506 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.556892857143 | Take profit: 2093.8613357142854 +2025-03-10 13:02:38,507 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,508 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,509 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,510 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,510 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,513 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,513 - INFO - CLOSED long at 2059.59 | PnL: -0.16% | $-0.47 +2025-03-10 13:02:38,514 - INFO - OPENED SHORT at 2059.59 | Stop loss: 2069.9066071428574 | Take profit: 2028.6681642857145 +2025-03-10 13:02:38,515 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,516 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,518 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,519 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,520 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,521 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,521 - INFO - CLOSED short at 2064.96 | PnL: -0.26% | $-0.65 +2025-03-10 13:02:38,521 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.616542857143 | Take profit: 2095.9623857142856 +2025-03-10 13:02:38,523 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,524 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,524 - INFO - CLOSED long at 2066.24 | PnL: 0.06% | $-0.07 +2025-03-10 13:02:38,525 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,527 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,527 - INFO - OPENED SHORT at 2067.1 | Stop loss: 2077.454157142857 | Take profit: 2036.0655142857142 +2025-03-10 13:02:38,528 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,529 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,531 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,532 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,534 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,534 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,535 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,536 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,539 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,540 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,541 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,542 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,543 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,544 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,545 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,547 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,548 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,549 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,550 - INFO - CLOSED short at 2061.6 | PnL: 0.27% | $0.30 +2025-03-10 13:02:38,550 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.273342857143 | Take profit: 2092.551985714286 +2025-03-10 13:02:38,551 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,551 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,553 - INFO - CLOSED long at 2060.9 | PnL: -0.03% | $-0.24 +2025-03-10 13:02:38,554 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,555 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,555 - INFO - OPENED SHORT at 2060.65 | Stop loss: 2070.971907142857 | Take profit: 2029.7122642857146 +2025-03-10 13:02:38,556 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,557 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,558 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,560 - INFO - CLOSED short at 2059.3 | PnL: 0.07% | $-0.06 +2025-03-10 13:02:38,560 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,562 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,563 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,564 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,566 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,567 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,567 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,570 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,570 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,571 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,572 - INFO - OPENED LONG at 2060.91 | Stop loss: 2050.586792857143 | Take profit: 2091.8516357142853 +2025-03-10 13:02:38,572 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,574 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,575 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,576 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,577 - INFO - CLOSED long at 2061.13 | PnL: 0.01% | $-0.16 +2025-03-10 13:02:38,577 - INFO - OPENED SHORT at 2061.13 | Stop loss: 2071.4543071428575 | Take profit: 2030.1850642857146 +2025-03-10 13:02:38,578 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,578 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,580 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,581 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,583 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,583 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,586 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,586 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,588 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,589 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,590 - INFO - CLOSED short at 2063.39 | PnL: -0.11% | $-0.37 +2025-03-10 13:02:38,590 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.054392857143 | Take profit: 2094.368835714286 +2025-03-10 13:02:38,591 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,592 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,593 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,594 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,595 - INFO - CLOSED long at 2065.89 | PnL: 0.12% | $0.04 +2025-03-10 13:02:38,595 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,597 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,598 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,599 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,601 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,602 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,603 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,603 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,605 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,607 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,612 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,613 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,614 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3778428571427 | Take profit: 2091.6384857142853 +2025-03-10 13:02:38,615 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,615 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,617 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,617 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,619 - INFO - CLOSED long at 2059.61 | PnL: -0.05% | $-0.27 +2025-03-10 13:02:38,620 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,621 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,622 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,624 - INFO - OPENED LONG at 2059.02 | Stop loss: 2048.706242857143 | Take profit: 2089.933285714286 +2025-03-10 13:02:38,625 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,626 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,627 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,627 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,629 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,630 - INFO - CLOSED long at 2059.46 | PnL: 0.02% | $-0.14 +2025-03-10 13:02:38,630 - INFO - OPENED SHORT at 2059.46 | Stop loss: 2069.7759571428574 | Take profit: 2028.5401142857145 +2025-03-10 13:02:38,633 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,633 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,635 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,636 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,637 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,638 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,639 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,640 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,641 - INFO - CLOSED short at 2055.6 | PnL: 0.19% | $0.15 +2025-03-10 13:02:38,641 - INFO - OPENED LONG at 2055.6 | Stop loss: 2045.3033428571428 | Take profit: 2086.4619857142857 +2025-03-10 13:02:38,642 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,643 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,644 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,646 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,646 - INFO - CLOSED long at 2054.83 | PnL: -0.04% | $-0.24 +2025-03-10 13:02:38,646 - INFO - OPENED SHORT at 2054.83 | Stop loss: 2065.122807142857 | Take profit: 2023.979564285714 +2025-03-10 13:02:38,648 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,649 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,650 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,652 - INFO - CLOSED short at 2058.15 | PnL: -0.16% | $-0.46 +2025-03-10 13:02:38,652 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,653 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,654 - INFO - OPENED LONG at 2059.8 | Stop loss: 2049.482342857143 | Take profit: 2090.724985714286 +2025-03-10 13:02:38,655 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,656 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,656 - INFO - CLOSED long at 2061.66 | PnL: 0.09% | $-0.02 +2025-03-10 13:02:38,657 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,658 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,660 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,661 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,662 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.273342857143 | Take profit: 2092.551985714286 +2025-03-10 13:02:38,663 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,663 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,665 - INFO - CLOSED long at 2061.3 | PnL: -0.01% | $-0.20 +2025-03-10 13:02:38,666 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,666 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,667 - INFO - OPENED LONG at 2062.69 | Stop loss: 2052.357892857143 | Take profit: 2093.658335714286 +2025-03-10 13:02:38,669 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,670 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,675 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,676 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,678 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,679 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,681 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,681 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,682 - INFO - CLOSED long at 2063.9 | PnL: 0.06% | $-0.07 +2025-03-10 13:02:38,682 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.2381571428573 | Take profit: 2032.9135142857144 +2025-03-10 13:02:38,683 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,685 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,685 - INFO - CLOSED short at 2064.49 | PnL: -0.03% | $-0.22 +2025-03-10 13:02:38,686 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,687 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,687 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.9796928571427 | Take profit: 2097.3529357142856 +2025-03-10 13:02:38,688 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,689 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,691 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,692 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,692 - INFO - CLOSED long at 2066.79 | PnL: 0.02% | $-0.14 +2025-03-10 13:02:38,694 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,694 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,695 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.685307142857 | Take profit: 2036.292064285714 +2025-03-10 13:02:38,696 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,697 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,698 - INFO - CLOSED short at 2067.01 | PnL: 0.02% | $-0.15 +2025-03-10 13:02:38,698 - INFO - OPENED LONG at 2067.01 | Stop loss: 2056.656292857143 | Take profit: 2098.043135714286 +2025-03-10 13:02:38,699 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,700 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,700 - INFO - CLOSED long at 2065.69 | PnL: -0.06% | $-0.28 +2025-03-10 13:02:38,701 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,702 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,702 - INFO - OPENED SHORT at 2069.79 | Stop loss: 2080.157607142857 | Take profit: 2038.715164285714 +2025-03-10 13:02:38,703 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,705 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,707 - INFO - CLOSED short at 2074.3 | PnL: -0.22% | $-0.55 +2025-03-10 13:02:38,707 - INFO - OPENED LONG at 2074.3 | Stop loss: 2063.909842857143 | Take profit: 2105.442485714286 +2025-03-10 13:02:38,709 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,709 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,711 - INFO - CLOSED long at 2078.01 | PnL: 0.18% | $0.14 +2025-03-10 13:02:38,712 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,713 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,719 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,720 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,720 - INFO - OPENED LONG at 2072.6 | Stop loss: 2062.218342857143 | Take profit: 2103.716985714286 +2025-03-10 13:02:38,722 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,723 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,723 - INFO - CLOSED long at 2071.04 | PnL: -0.08% | $-0.30 +2025-03-10 13:02:38,724 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.413857142857 | Take profit: 2039.9464142857141 +2025-03-10 13:02:38,725 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,726 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,727 - INFO - CLOSED short at 2070.01 | PnL: 0.05% | $-0.09 +2025-03-10 13:02:38,728 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,731 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,732 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.223342857143 | Take profit: 2102.701985714286 +2025-03-10 13:02:38,733 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,734 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,740 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,740 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,742 - INFO - CLOSED long at 2070.0 | PnL: -0.08% | $-0.30 +2025-03-10 13:02:38,742 - INFO - OPENED SHORT at 2070.0 | Stop loss: 2080.368657142857 | Take profit: 2038.922014285714 +2025-03-10 13:02:38,743 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,743 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,745 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,746 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,747 - INFO - CLOSED short at 2068.39 | PnL: 0.08% | $-0.04 +2025-03-10 13:02:38,748 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,749 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,750 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,752 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,753 - INFO - OPENED LONG at 2069.03 | Stop loss: 2058.666192857143 | Take profit: 2100.0934357142855 +2025-03-10 13:02:38,754 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,755 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,756 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,757 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,758 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,759 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,761 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,761 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,762 - INFO - CLOSED long at 2071.49 | PnL: 0.12% | $0.03 +2025-03-10 13:02:38,764 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,764 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,766 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,768 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,768 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.685307142857 | Take profit: 2036.292064285714 +2025-03-10 13:02:38,769 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,770 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,771 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,772 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,773 - INFO - CLOSED short at 2065.7 | PnL: 0.08% | $-0.04 +2025-03-10 13:02:38,773 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3528428571426 | Take profit: 2096.713485714286 +2025-03-10 13:02:38,774 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,775 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,777 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,778 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,778 - INFO - CLOSED long at 2063.95 | PnL: -0.08% | $-0.31 +2025-03-10 13:02:38,779 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,780 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,781 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,782 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,783 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1588428571426 | Take profit: 2095.4954857142857 +2025-03-10 13:02:38,784 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,785 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,786 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,788 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,788 - INFO - CLOSED long at 2064.4 | PnL: -0.00% | $-0.18 +2025-03-10 13:02:38,789 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,790 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,791 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,794 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,797 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,799 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,800 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,801 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,801 - INFO - OPENED SHORT at 2065.29 | Stop loss: 2075.635107142857 | Take profit: 2034.2826642857144 +2025-03-10 13:02:38,802 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,803 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,805 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,806 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,810 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,811 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,812 - INFO - CLOSED short at 2066.5 | PnL: -0.06% | $-0.27 +2025-03-10 13:02:38,812 - INFO - OPENED LONG at 2066.5 | Stop loss: 2056.148842857143 | Take profit: 2097.5254857142854 +2025-03-10 13:02:38,814 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,815 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,817 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,818 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,818 - INFO - CLOSED long at 2071.59 | PnL: 0.25% | $0.25 +2025-03-10 13:02:38,819 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,820 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,821 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,822 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,823 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,824 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,825 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.526842857143 | Take profit: 2101.991485714286 +2025-03-10 13:02:38,825 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,828 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,828 - INFO - CLOSED long at 2069.69 | PnL: -0.06% | $-0.27 +2025-03-10 13:02:38,829 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.057107142857 | Take profit: 2038.6166642857143 +2025-03-10 13:02:38,830 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,831 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,831 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,833 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,834 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,834 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,835 - INFO - CLOSED short at 2070.35 | PnL: -0.03% | $-0.22 +2025-03-10 13:02:38,835 - INFO - OPENED LONG at 2070.35 | Stop loss: 2059.979592857143 | Take profit: 2101.4332357142857 +2025-03-10 13:02:38,837 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,838 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,839 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,840 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,840 - INFO - CLOSED long at 2071.99 | PnL: 0.08% | $-0.04 +2025-03-10 13:02:38,840 - INFO - OPENED SHORT at 2071.99 | Stop loss: 2082.368607142857 | Take profit: 2040.8821642857142 +2025-03-10 13:02:38,842 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,842 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,844 - INFO - CLOSED short at 2068.19 | PnL: 0.18% | $0.14 +2025-03-10 13:02:38,844 - INFO - OPENED LONG at 2068.19 | Stop loss: 2057.830392857143 | Take profit: 2099.240835714286 +2025-03-10 13:02:38,845 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,846 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,846 - INFO - CLOSED long at 2068.67 | PnL: 0.02% | $-0.13 +2025-03-10 13:02:38,848 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,848 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,849 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,851 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,852 - INFO - OPENED SHORT at 2069.78 | Stop loss: 2080.1475571428573 | Take profit: 2038.7053142857144 +2025-03-10 13:02:38,852 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,853 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,854 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,856 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,857 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,858 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,860 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,860 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,861 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,863 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,864 - INFO - CLOSED short at 2073.27 | PnL: -0.17% | $-0.45 +2025-03-10 13:02:38,865 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,866 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,867 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,868 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,870 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,871 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,872 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,873 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,875 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,876 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,876 - INFO - OPENED LONG at 2075.61 | Stop loss: 2065.2132928571427 | Take profit: 2106.772135714286 +2025-03-10 13:02:38,877 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,878 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,878 - INFO - CLOSED long at 2074.0 | PnL: -0.08% | $-0.30 +2025-03-10 13:02:38,878 - INFO - OPENED SHORT at 2074.0 | Stop loss: 2084.388657142857 | Take profit: 2042.8620142857144 +2025-03-10 13:02:38,880 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,881 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,881 - INFO - CLOSED short at 2072.09 | PnL: 0.09% | $-0.01 +2025-03-10 13:02:38,882 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,883 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,885 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,885 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,887 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,889 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.353657142857 | Take profit: 2035.9670142857144 +2025-03-10 13:02:38,890 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,891 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,892 - INFO - CLOSED short at 2067.9 | PnL: -0.04% | $-0.24 +2025-03-10 13:02:38,892 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.541842857143 | Take profit: 2098.9464857142857 +2025-03-10 13:02:38,893 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,894 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,895 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,896 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,898 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,899 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,900 - INFO - CLOSED long at 2067.88 | PnL: -0.00% | $-0.17 +2025-03-10 13:02:38,900 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2380571428575 | Take profit: 2036.8338142857144 +2025-03-10 13:02:38,901 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,902 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,903 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,904 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,908 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,909 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,911 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,911 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,912 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,914 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,916 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,917 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,917 - INFO - CLOSED short at 2067.19 | PnL: 0.03% | $-0.11 +2025-03-10 13:02:38,918 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,919 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,920 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8461571428575 | Take profit: 2034.4895142857142 +2025-03-10 13:02:38,921 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,922 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,922 - INFO - CLOSED short at 2065.7 | PnL: -0.01% | $-0.18 +2025-03-10 13:02:38,923 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3528428571426 | Take profit: 2096.713485714286 +2025-03-10 13:02:38,923 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,925 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,925 - INFO - CLOSED long at 2065.8 | PnL: 0.00% | $-0.16 +2025-03-10 13:02:38,927 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,927 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,933 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,935 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,936 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,937 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,937 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.725607142857 | Take profit: 2032.4111642857142 +2025-03-10 13:02:38,938 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,939 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,940 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,941 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,942 - INFO - CLOSED short at 2063.98 | PnL: -0.03% | $-0.21 +2025-03-10 13:02:38,942 - INFO - OPENED LONG at 2063.98 | Stop loss: 2053.641442857143 | Take profit: 2094.967685714286 +2025-03-10 13:02:38,944 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,944 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,945 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,947 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,948 - INFO - CLOSED long at 2065.06 | PnL: 0.05% | $-0.08 +2025-03-10 13:02:38,948 - INFO - OPENED SHORT at 2065.06 | Stop loss: 2075.403957142857 | Take profit: 2034.056114285714 +2025-03-10 13:02:38,949 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,950 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,951 - INFO - CLOSED short at 2064.11 | PnL: 0.05% | $-0.09 +2025-03-10 13:02:38,951 - INFO - OPENED LONG at 2064.11 | Stop loss: 2053.770792857143 | Take profit: 2095.099635714286 +2025-03-10 13:02:38,952 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,953 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,954 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,956 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,956 - INFO - CLOSED long at 2066.33 | PnL: 0.11% | $0.01 +2025-03-10 13:02:38,958 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,959 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,960 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,960 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,963 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,963 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,969 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,970 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,971 - INFO - OPENED LONG at 2059.2 | Stop loss: 2048.885342857143 | Take profit: 2090.1159857142857 +2025-03-10 13:02:38,972 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,973 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,975 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,976 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,977 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,979 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,980 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,981 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,982 - INFO - CLOSED long at 2053.01 | PnL: -0.30% | $-0.66 +2025-03-10 13:02:38,983 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,984 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,985 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,986 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,988 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,989 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,990 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,991 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,995 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,997 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:38,998 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:38,998 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,001 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,002 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,003 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,004 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,004 - INFO - OPENED LONG at 2062.83 | Stop loss: 2052.4971928571426 | Take profit: 2093.8004357142854 +2025-03-10 13:02:39,006 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,006 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,007 - INFO - CLOSED long at 2063.9 | PnL: 0.05% | $-0.08 +2025-03-10 13:02:39,007 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.2381571428573 | Take profit: 2032.9135142857144 +2025-03-10 13:02:39,008 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,010 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,010 - INFO - CLOSED short at 2065.1 | PnL: -0.06% | $-0.26 +2025-03-10 13:02:39,010 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.755842857143 | Take profit: 2096.1044857142856 +2025-03-10 13:02:39,012 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,012 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,014 - INFO - CLOSED long at 2062.43 | PnL: -0.13% | $-0.37 +2025-03-10 13:02:39,015 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,015 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,016 - INFO - OPENED LONG at 2062.55 | Stop loss: 2052.218592857143 | Take profit: 2093.516235714286 +2025-03-10 13:02:39,017 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,017 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,018 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,020 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,021 - INFO - CLOSED long at 2068.33 | PnL: 0.28% | $0.29 +2025-03-10 13:02:39,021 - INFO - OPENED SHORT at 2068.33 | Stop loss: 2078.6903071428574 | Take profit: 2037.2770642857142 +2025-03-10 13:02:39,022 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,023 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,024 - INFO - CLOSED short at 2067.49 | PnL: 0.04% | $-0.10 +2025-03-10 13:02:39,025 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,026 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,030 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,031 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,032 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,034 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,034 - INFO - OPENED LONG at 2061.21 | Stop loss: 2050.8852928571428 | Take profit: 2092.1561357142855 +2025-03-10 13:02:39,035 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,035 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,038 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,039 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,040 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,041 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,042 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,044 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,044 - INFO - CLOSED long at 2062.54 | PnL: 0.06% | $-0.06 +2025-03-10 13:02:39,044 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.8713571428575 | Take profit: 2031.5739142857142 +2025-03-10 13:02:39,045 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,047 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,047 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,048 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,049 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,050 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,050 - INFO - CLOSED short at 2070.24 | PnL: -0.37% | $-0.77 +2025-03-10 13:02:39,052 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,053 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,054 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,056 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,057 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,058 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,059 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,061 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,062 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,063 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,064 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,065 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,066 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6063928571425 | Take profit: 2104.1128357142857 +2025-03-10 13:02:39,067 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,068 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,069 - INFO - CLOSED long at 2071.89 | PnL: -0.05% | $-0.25 +2025-03-10 13:02:39,069 - INFO - OPENED SHORT at 2071.89 | Stop loss: 2082.268107142857 | Take profit: 2040.7836642857142 +2025-03-10 13:02:39,070 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,071 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,071 - INFO - CLOSED short at 2071.8 | PnL: 0.00% | $-0.15 +2025-03-10 13:02:39,072 - INFO - OPENED LONG at 2071.8 | Stop loss: 2061.422342857143 | Take profit: 2102.904985714286 +2025-03-10 13:02:39,073 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,074 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,075 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,076 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,076 - INFO - CLOSED long at 2076.08 | PnL: 0.21% | $0.17 +2025-03-10 13:02:39,077 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,078 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,078 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2088.0167071428573 | Take profit: 2046.4178642857144 +2025-03-10 13:02:39,080 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,081 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,083 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,083 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,084 - INFO - CLOSED short at 2090.49 | PnL: -0.62% | $-1.15 +2025-03-10 13:02:39,085 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,086 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,088 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,088 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,090 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,090 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,090 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2563571428573 | Take profit: 2107.4189142857144 +2025-03-10 13:02:39,092 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,093 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,094 - INFO - CLOSED short at 2131.78 | PnL: 0.36% | $0.41 +2025-03-10 13:02:39,094 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.102442857143 | Take profit: 2163.7846857142863 +2025-03-10 13:02:39,095 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,095 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,097 - INFO - CLOSED long at 2133.95 | PnL: 0.10% | $0.00 +2025-03-10 13:02:39,097 - INFO - OPENED SHORT at 2133.95 | Stop loss: 2144.638407142857 | Take profit: 2101.9127642857143 +2025-03-10 13:02:39,098 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,099 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,100 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,102 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,102 - INFO - CLOSED short at 2141.41 | PnL: -0.35% | $-0.71 +2025-03-10 13:02:39,102 - INFO - OPENED LONG at 2141.41 | Stop loss: 2130.6842928571427 | Take profit: 2173.5591357142853 +2025-03-10 13:02:39,103 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,104 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,105 - INFO - CLOSED long at 2141.3 | PnL: -0.01% | $-0.17 +2025-03-10 13:02:39,106 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,108 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,109 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,109 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,111 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,112 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,112 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.0874428571433 | Take profit: 2166.829685714286 +2025-03-10 13:02:39,114 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,115 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,115 - INFO - CLOSED long at 2126.99 | PnL: -0.36% | $-0.73 +2025-03-10 13:02:39,116 - INFO - OPENED SHORT at 2126.99 | Stop loss: 2137.6436071428566 | Take profit: 2095.057164285714 +2025-03-10 13:02:39,117 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,117 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,119 - INFO - CLOSED short at 2127.3 | PnL: -0.01% | $-0.18 +2025-03-10 13:02:39,119 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.644842857143 | Take profit: 2159.2374857142863 +2025-03-10 13:02:39,121 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,121 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,123 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,124 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,125 - INFO - CLOSED long at 2121.09 | PnL: -0.29% | $-0.61 +2025-03-10 13:02:39,125 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.7141071428573 | Take profit: 2089.2456642857146 +2025-03-10 13:02:39,125 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,126 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,127 - INFO - CLOSED short at 2120.15 | PnL: 0.04% | $-0.09 +2025-03-10 13:02:39,127 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.530592857143 | Take profit: 2151.9802357142858 +2025-03-10 13:02:39,128 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,130 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,131 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,133 - INFO - CLOSED long at 2119.93 | PnL: -0.01% | $-0.17 +2025-03-10 13:02:39,134 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,136 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,136 - INFO - OPENED SHORT at 2121.4 | Stop loss: 2132.0256571428577 | Take profit: 2089.5510142857142 +2025-03-10 13:02:39,137 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,138 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,139 - INFO - CLOSED short at 2118.52 | PnL: 0.14% | $0.05 +2025-03-10 13:02:39,139 - INFO - OPENED LONG at 2118.52 | Stop loss: 2107.908742857143 | Take profit: 2150.3257857142858 +2025-03-10 13:02:39,140 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,141 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,143 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,144 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,145 - INFO - CLOSED long at 2119.07 | PnL: 0.03% | $-0.11 +2025-03-10 13:02:39,146 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,147 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,148 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,149 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,150 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.985807142857 | Take profit: 2075.790564285714 +2025-03-10 13:02:39,151 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,152 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,152 - INFO - CLOSED short at 2110.6 | PnL: -0.15% | $-0.38 +2025-03-10 13:02:39,153 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,153 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,154 - INFO - OPENED SHORT at 2109.05 | Stop loss: 2119.6139071428574 | Take profit: 2077.3862642857143 +2025-03-10 13:02:39,156 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,157 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,157 - INFO - CLOSED short at 2112.09 | PnL: -0.14% | $-0.37 +2025-03-10 13:02:39,158 - INFO - OPENED LONG at 2112.09 | Stop loss: 2101.510892857143 | Take profit: 2143.799335714286 +2025-03-10 13:02:39,159 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,160 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,160 - INFO - CLOSED long at 2112.95 | PnL: 0.04% | $-0.09 +2025-03-10 13:02:39,160 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.533407142857 | Take profit: 2081.2277642857143 +2025-03-10 13:02:39,162 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,164 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,164 - INFO - CLOSED short at 2112.46 | PnL: 0.02% | $-0.12 +2025-03-10 13:02:39,164 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.879042857143 | Take profit: 2144.174885714286 +2025-03-10 13:02:39,165 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,166 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,167 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,169 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,169 - INFO - CLOSED long at 2112.99 | PnL: 0.03% | $-0.11 +2025-03-10 13:02:39,170 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,171 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,171 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.187292857143 | Take profit: 2152.6501357142856 +2025-03-10 13:02:39,173 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,175 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,176 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,178 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,179 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,180 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,182 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,183 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,183 - INFO - CLOSED long at 2108.71 | PnL: -0.57% | $-1.01 +2025-03-10 13:02:39,184 - INFO - OPENED SHORT at 2108.71 | Stop loss: 2119.272207142857 | Take profit: 2077.0513642857145 +2025-03-10 13:02:39,185 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,185 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,187 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,188 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,188 - INFO - CLOSED short at 2108.06 | PnL: 0.03% | $-0.10 +2025-03-10 13:02:39,189 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.5010428571427 | Take profit: 2139.7088857142858 +2025-03-10 13:02:39,190 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,191 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,191 - INFO - CLOSED long at 2103.33 | PnL: -0.22% | $-0.48 +2025-03-10 13:02:39,192 - INFO - OPENED SHORT at 2103.33 | Stop loss: 2113.865307142857 | Take profit: 2071.7520642857144 +2025-03-10 13:02:39,194 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,195 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,199 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,199 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,200 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,201 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,202 - INFO - CLOSED short at 2099.53 | PnL: 0.18% | $0.12 +2025-03-10 13:02:39,204 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,204 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,205 - INFO - OPENED SHORT at 2098.1 | Stop loss: 2108.609157142857 | Take profit: 2066.6005142857143 +2025-03-10 13:02:39,206 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,208 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,209 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,210 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,210 - INFO - CLOSED short at 2102.29 | PnL: -0.20% | $-0.44 +2025-03-10 13:02:39,211 - INFO - OPENED LONG at 2102.29 | Stop loss: 2091.759892857143 | Take profit: 2133.852335714286 +2025-03-10 13:02:39,212 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,213 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,213 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,215 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,215 - INFO - CLOSED long at 2098.9 | PnL: -0.16% | $-0.38 +2025-03-10 13:02:39,217 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,217 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,218 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,219 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,221 - INFO - OPENED SHORT at 2104.83 | Stop loss: 2115.3728071428573 | Take profit: 2073.2295642857143 +2025-03-10 13:02:39,222 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,223 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,224 - INFO - CLOSED short at 2106.39 | PnL: -0.07% | $-0.26 +2025-03-10 13:02:39,224 - INFO - OPENED LONG at 2106.39 | Stop loss: 2095.8393928571427 | Take profit: 2138.0138357142855 +2025-03-10 13:02:39,225 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,226 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,230 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,231 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,232 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,234 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,234 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,235 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,237 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,237 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,240 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,240 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,241 - INFO - CLOSED long at 2100.02 | PnL: -0.30% | $-0.59 +2025-03-10 13:02:39,241 - INFO - OPENED SHORT at 2100.02 | Stop loss: 2110.538757142857 | Take profit: 2068.4917142857144 +2025-03-10 13:02:39,242 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,244 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,245 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,247 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,247 - INFO - CLOSED short at 2095.29 | PnL: 0.23% | $0.18 +2025-03-10 13:02:39,248 - INFO - OPENED LONG at 2095.29 | Stop loss: 2084.7948928571427 | Take profit: 2126.747335714286 +2025-03-10 13:02:39,249 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,249 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,249 - INFO - CLOSED long at 2093.46 | PnL: -0.09% | $-0.27 +2025-03-10 13:02:39,249 - INFO - OPENED SHORT at 2093.46 | Stop loss: 2103.945957142857 | Take profit: 2062.0301142857143 +2025-03-10 13:02:39,251 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,252 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,253 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,254 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,255 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,256 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,258 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,259 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,259 - INFO - CLOSED short at 2094.72 | PnL: -0.06% | $-0.23 +2025-03-10 13:02:39,260 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.227742857143 | Take profit: 2126.1687857142856 +2025-03-10 13:02:39,262 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,263 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,263 - INFO - CLOSED long at 2094.08 | PnL: -0.03% | $-0.19 +2025-03-10 13:02:39,263 - INFO - OPENED SHORT at 2094.08 | Stop loss: 2104.569057142857 | Take profit: 2062.640814285714 +2025-03-10 13:02:39,264 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,266 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,266 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,268 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,268 - INFO - CLOSED short at 2083.28 | PnL: 0.52% | $0.60 +2025-03-10 13:02:39,268 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.844942857143 | Take profit: 2114.557185714286 +2025-03-10 13:02:39,270 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,270 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,272 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,274 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,275 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,276 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,277 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,279 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,280 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,282 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,283 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,284 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,284 - INFO - CLOSED long at 2080.38 | PnL: -0.14% | $-0.35 +2025-03-10 13:02:39,285 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,285 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,287 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.674907142857 | Take profit: 2050.003264285714 +2025-03-10 13:02:39,288 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,288 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,290 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,291 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,292 - INFO - CLOSED short at 2085.09 | PnL: -0.18% | $-0.41 +2025-03-10 13:02:39,292 - INFO - OPENED LONG at 2085.09 | Stop loss: 2074.645892857143 | Take profit: 2116.3943357142857 +2025-03-10 13:02:39,293 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,294 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,295 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,297 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,298 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,299 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,301 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,301 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,302 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,303 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,306 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,306 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,307 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,308 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,309 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,311 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,312 - INFO - CLOSED long at 2088.32 | PnL: 0.15% | $0.08 +2025-03-10 13:02:39,313 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,313 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,315 - INFO - OPENED LONG at 2088.1 | Stop loss: 2077.640842857143 | Take profit: 2119.449485714286 +2025-03-10 13:02:39,316 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,316 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,317 - INFO - CLOSED long at 2089.96 | PnL: 0.09% | $-0.02 +2025-03-10 13:02:39,317 - INFO - OPENED SHORT at 2089.96 | Stop loss: 2100.4284571428575 | Take profit: 2058.582614285714 +2025-03-10 13:02:39,319 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,320 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,324 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,325 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,330 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,331 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,331 - INFO - CLOSED short at 2087.78 | PnL: 0.10% | $0.01 +2025-03-10 13:02:39,333 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,333 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,334 - INFO - OPENED SHORT at 2086.81 | Stop loss: 2097.2627071428574 | Take profit: 2055.479864285714 +2025-03-10 13:02:39,335 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,336 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,337 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,338 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,338 - INFO - CLOSED short at 2085.67 | PnL: 0.05% | $-0.07 +2025-03-10 13:02:39,338 - INFO - OPENED LONG at 2085.67 | Stop loss: 2075.222992857143 | Take profit: 2116.9830357142855 +2025-03-10 13:02:39,341 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,341 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,342 - INFO - CLOSED long at 2089.2 | PnL: 0.17% | $0.10 +2025-03-10 13:02:39,344 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,344 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,345 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.5239071428573 | Take profit: 2059.6562642857148 +2025-03-10 13:02:39,346 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,346 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,347 - INFO - CLOSED short at 2091.05 | PnL: 0.00% | $-0.14 +2025-03-10 13:02:39,347 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.576092857143 | Take profit: 2122.4437357142856 +2025-03-10 13:02:39,350 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,350 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,351 - INFO - CLOSED long at 2091.95 | PnL: 0.04% | $-0.08 +2025-03-10 13:02:39,351 - INFO - OPENED SHORT at 2091.95 | Stop loss: 2102.428407142857 | Take profit: 2060.542764285714 +2025-03-10 13:02:39,353 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,354 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,356 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,361 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,362 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,363 - INFO - CLOSED short at 2099.99 | PnL: -0.38% | $-0.69 +2025-03-10 13:02:39,364 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,365 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,370 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,371 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,372 - INFO - OPENED SHORT at 2097.11 | Stop loss: 2107.614207142857 | Take profit: 2065.625364285714 +2025-03-10 13:02:39,373 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,374 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,376 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,377 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,377 - INFO - CLOSED short at 2099.89 | PnL: -0.13% | $-0.33 +2025-03-10 13:02:39,378 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,380 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,381 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,382 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,383 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,384 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,386 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,386 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,387 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.0160571428573 | Take profit: 2071.8998142857145 +2025-03-10 13:02:39,389 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,390 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,391 - INFO - Trade Analysis: Win Rate=20.9% in uptrends, 0.0% in downtrends | Avg Win=$0.14, Avg Loss=$-0.27 +2025-03-10 13:02:39,392 - INFO - Episode 1: Reward=-142.50, Balance=$71.29, Win Rate=18.8%, Trades=149, Episode PnL=$-20.76, Total PnL=$-58.16, Max Drawdown=28.7%, Pred Accuracy=99.2% +2025-03-10 13:02:39,392 - ERROR - Error in episode 1: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:02:39,393 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1763, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:02:39,413 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 13:02:39,592 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,593 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,594 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,595 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,599 - INFO - OPENED LONG at 2050.2 | Stop loss: 2039.9303428571427 | Take profit: 2080.9809857142855 +2025-03-10 13:02:39,600 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,601 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,602 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,604 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,604 - INFO - CLOSED long at 2051.99 | PnL: 0.09% | $-0.03 +2025-03-10 13:02:39,604 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.268607142857 | Take profit: 2021.182164285714 +2025-03-10 13:02:39,605 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,607 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,608 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,609 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,610 - INFO - CLOSED short at 2049.24 | PnL: 0.13% | $0.07 +2025-03-10 13:02:39,610 - INFO - OPENED LONG at 2049.24 | Stop loss: 2038.9751428571426 | Take profit: 2080.0065857142854 +2025-03-10 13:02:39,611 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,612 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,613 - INFO - CLOSED long at 2048.48 | PnL: -0.04% | $-0.27 +2025-03-10 13:02:39,614 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,615 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,615 - INFO - OPENED SHORT at 2047.39 | Stop loss: 2057.6456071428574 | Take profit: 2016.6511642857145 +2025-03-10 13:02:39,617 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,618 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,623 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,624 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,626 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,626 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,627 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,629 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,631 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,632 - INFO - CLOSED short at 2045.99 | PnL: 0.07% | $-0.06 +2025-03-10 13:02:39,633 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,634 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,634 - INFO - OPENED LONG at 2045.79 | Stop loss: 2035.5423928571429 | Take profit: 2076.5048357142855 +2025-03-10 13:02:39,636 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,637 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,638 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,639 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,640 - INFO - CLOSED long at 2047.59 | PnL: 0.09% | $-0.02 +2025-03-10 13:02:39,642 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,643 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,643 - INFO - OPENED SHORT at 2048.51 | Stop loss: 2058.7712071428573 | Take profit: 2017.7543642857145 +2025-03-10 13:02:39,644 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,645 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,645 - INFO - CLOSED short at 2050.0 | PnL: -0.07% | $-0.34 +2025-03-10 13:02:39,647 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,648 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,648 - INFO - OPENED LONG at 2050.24 | Stop loss: 2039.9701428571425 | Take profit: 2081.0215857142853 +2025-03-10 13:02:39,650 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,652 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,652 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,653 - INFO - CLOSED long at 2051.11 | PnL: 0.04% | $-0.11 +2025-03-10 13:02:39,653 - INFO - OPENED SHORT at 2051.11 | Stop loss: 2061.384207142857 | Take profit: 2020.3153642857144 +2025-03-10 13:02:39,655 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,656 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,658 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,658 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,660 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,661 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,663 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,664 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,665 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,666 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,667 - INFO - CLOSED short at 2057.01 | PnL: -0.29% | $-0.76 +2025-03-10 13:02:39,668 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,669 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,669 - INFO - OPENED SHORT at 2056.89 | Stop loss: 2067.1931071428567 | Take profit: 2026.008664285714 +2025-03-10 13:02:39,671 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,671 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,673 - INFO - CLOSED short at 2058.39 | PnL: -0.07% | $-0.34 +2025-03-10 13:02:39,673 - INFO - OPENED LONG at 2058.39 | Stop loss: 2048.0793928571425 | Take profit: 2089.2938357142857 +2025-03-10 13:02:39,674 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,676 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,676 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,678 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,678 - INFO - CLOSED long at 2059.7 | PnL: 0.06% | $-0.07 +2025-03-10 13:02:39,679 - INFO - OPENED SHORT at 2059.7 | Stop loss: 2070.0171571428573 | Take profit: 2028.776514285714 +2025-03-10 13:02:39,680 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,681 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,681 - INFO - CLOSED short at 2061.49 | PnL: -0.09% | $-0.36 +2025-03-10 13:02:39,682 - INFO - OPENED LONG at 2061.49 | Stop loss: 2051.163892857143 | Take profit: 2092.4403357142855 +2025-03-10 13:02:39,682 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,684 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,685 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,687 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,687 - INFO - CLOSED long at 2064.61 | PnL: 0.15% | $0.10 +2025-03-10 13:02:39,687 - INFO - OPENED SHORT at 2064.61 | Stop loss: 2074.9517071428572 | Take profit: 2033.6128642857143 +2025-03-10 13:02:39,689 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,689 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,690 - INFO - CLOSED short at 2063.59 | PnL: 0.05% | $-0.10 +2025-03-10 13:02:39,690 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.253392857143 | Take profit: 2094.5718357142855 +2025-03-10 13:02:39,690 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,693 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,693 - INFO - CLOSED long at 2061.61 | PnL: -0.10% | $-0.38 +2025-03-10 13:02:39,694 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,695 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,696 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,697 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,699 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,700 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,700 - INFO - OPENED SHORT at 2060.99 | Stop loss: 2071.313607142857 | Take profit: 2030.047164285714 +2025-03-10 13:02:39,702 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,703 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,704 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,705 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,706 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,708 - INFO - CLOSED short at 2061.89 | PnL: -0.04% | $-0.28 +2025-03-10 13:02:39,708 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5618928571425 | Take profit: 2092.846335714286 +2025-03-10 13:02:39,709 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,710 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,712 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,713 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,714 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,715 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,718 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,719 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,720 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,721 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,722 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,723 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,726 - INFO - CLOSED long at 2057.94 | PnL: -0.19% | $-0.56 +2025-03-10 13:02:39,727 - INFO - OPENED SHORT at 2057.94 | Stop loss: 2068.248357142857 | Take profit: 2027.0429142857142 +2025-03-10 13:02:39,727 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,728 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,732 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,733 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,734 - INFO - CLOSED short at 2061.79 | PnL: -0.19% | $-0.55 +2025-03-10 13:02:39,736 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,736 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,736 - INFO - OPENED SHORT at 2061.18 | Stop loss: 2071.5045571428573 | Take profit: 2030.2343142857142 +2025-03-10 13:02:39,737 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,740 - INFO - CLOSED short at 2064.32 | PnL: -0.15% | $-0.48 +2025-03-10 13:02:39,741 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,742 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,742 - INFO - OPENED LONG at 2065.86 | Stop loss: 2055.512042857143 | Take profit: 2096.875885714286 +2025-03-10 13:02:39,743 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,745 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,745 - INFO - CLOSED long at 2070.58 | PnL: 0.23% | $0.24 +2025-03-10 13:02:39,746 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,746 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,749 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,750 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,751 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,751 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,754 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,755 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,755 - INFO - OPENED SHORT at 2071.63 | Stop loss: 2082.0068071428573 | Take profit: 2040.5275642857143 +2025-03-10 13:02:39,756 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,757 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,757 - INFO - CLOSED short at 2070.99 | PnL: 0.03% | $-0.13 +2025-03-10 13:02:39,757 - INFO - OPENED LONG at 2070.99 | Stop loss: 2060.6163928571427 | Take profit: 2102.0828357142855 +2025-03-10 13:02:39,759 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,760 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,761 - INFO - CLOSED long at 2069.6 | PnL: -0.07% | $-0.32 +2025-03-10 13:02:39,761 - INFO - OPENED SHORT at 2069.6 | Stop loss: 2079.9666571428575 | Take profit: 2038.528014285714 +2025-03-10 13:02:39,762 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,763 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,764 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,764 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,766 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,768 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,769 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,770 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,771 - INFO - CLOSED short at 2067.69 | PnL: 0.09% | $-0.01 +2025-03-10 13:02:39,771 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.3328928571427 | Take profit: 2098.733335714286 +2025-03-10 13:02:39,772 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,773 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,774 - INFO - CLOSED long at 2070.26 | PnL: 0.12% | $0.05 +2025-03-10 13:02:39,775 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,776 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,778 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,780 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,781 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,782 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,782 - INFO - OPENED LONG at 2075.1 | Stop loss: 2064.7058428571427 | Take profit: 2106.2544857142857 +2025-03-10 13:02:39,783 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,784 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,785 - INFO - CLOSED long at 2072.91 | PnL: -0.11% | $-0.39 +2025-03-10 13:02:39,786 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,788 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,788 - INFO - OPENED SHORT at 2072.33 | Stop loss: 2082.710307142857 | Take profit: 2041.2170642857143 +2025-03-10 13:02:39,789 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,790 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,791 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,793 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,794 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,795 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,796 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,797 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,798 - INFO - CLOSED short at 2070.9 | PnL: 0.07% | $-0.06 +2025-03-10 13:02:39,799 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,800 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,802 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,803 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,804 - INFO - OPENED SHORT at 2070.79 | Stop loss: 2081.1626071428573 | Take profit: 2039.7001642857142 +2025-03-10 13:02:39,805 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,806 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,807 - INFO - CLOSED short at 2070.28 | PnL: 0.02% | $-0.14 +2025-03-10 13:02:39,807 - INFO - OPENED LONG at 2070.28 | Stop loss: 2059.909942857143 | Take profit: 2101.3621857142857 +2025-03-10 13:02:39,808 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,809 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,810 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,812 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,812 - INFO - CLOSED long at 2067.2 | PnL: -0.15% | $-0.47 +2025-03-10 13:02:39,812 - INFO - OPENED SHORT at 2067.2 | Stop loss: 2077.5546571428567 | Take profit: 2036.1640142857143 +2025-03-10 13:02:39,813 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,814 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,819 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,820 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,821 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,822 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,823 - INFO - CLOSED short at 2070.7 | PnL: -0.17% | $-0.50 +2025-03-10 13:02:39,823 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3278428571425 | Take profit: 2101.7884857142853 +2025-03-10 13:02:39,823 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,826 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,827 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,828 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,828 - INFO - CLOSED long at 2069.19 | PnL: -0.07% | $-0.32 +2025-03-10 13:02:39,828 - INFO - OPENED SHORT at 2069.19 | Stop loss: 2079.5546071428575 | Take profit: 2038.1241642857142 +2025-03-10 13:02:39,830 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,830 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,832 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,833 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,834 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,835 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,836 - INFO - CLOSED short at 2067.51 | PnL: 0.08% | $-0.03 +2025-03-10 13:02:39,836 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.1537928571433 | Take profit: 2098.550635714286 +2025-03-10 13:02:39,838 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,839 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,839 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,840 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,842 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,843 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,844 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,845 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,846 - INFO - CLOSED long at 2066.19 | PnL: -0.06% | $-0.30 +2025-03-10 13:02:39,846 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,848 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,849 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,850 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,853 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,854 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,858 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,859 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,860 - INFO - OPENED SHORT at 2068.76 | Stop loss: 2079.1224571428575 | Take profit: 2037.7006142857147 +2025-03-10 13:02:39,861 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,862 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,863 - INFO - CLOSED short at 2068.9 | PnL: -0.01% | $-0.20 +2025-03-10 13:02:39,863 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.536842857143 | Take profit: 2099.9614857142856 +2025-03-10 13:02:39,864 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,865 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,866 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,867 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,872 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,873 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,874 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,876 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,877 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,878 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,884 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,885 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,885 - INFO - CLOSED long at 2071.4 | PnL: 0.12% | $0.04 +2025-03-10 13:02:39,886 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,889 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,890 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,890 - INFO - OPENED SHORT at 2071.36 | Stop loss: 2081.7354571428573 | Take profit: 2040.2616142857146 +2025-03-10 13:02:39,892 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,893 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,893 - INFO - CLOSED short at 2072.75 | PnL: -0.07% | $-0.31 +2025-03-10 13:02:39,894 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,895 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,896 - INFO - OPENED SHORT at 2073.11 | Stop loss: 2083.4942071428572 | Take profit: 2041.9853642857142 +2025-03-10 13:02:39,896 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,897 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,899 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,900 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,903 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,904 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,904 - INFO - CLOSED short at 2074.29 | PnL: -0.06% | $-0.29 +2025-03-10 13:02:39,905 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,906 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,907 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,908 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,909 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,910 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,911 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.770657142857 | Take profit: 2039.3160142857146 +2025-03-10 13:02:39,912 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,913 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,918 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,919 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,920 - INFO - CLOSED short at 2069.46 | PnL: 0.05% | $-0.10 +2025-03-10 13:02:39,921 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,922 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,923 - INFO - OPENED SHORT at 2069.35 | Stop loss: 2079.7154071428567 | Take profit: 2038.2817642857142 +2025-03-10 13:02:39,924 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,925 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,927 - INFO - CLOSED short at 2068.32 | PnL: 0.05% | $-0.09 +2025-03-10 13:02:39,928 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,929 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,929 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.353657142857 | Take profit: 2035.9670142857144 +2025-03-10 13:02:39,930 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,931 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,932 - INFO - CLOSED short at 2067.79 | PnL: -0.04% | $-0.25 +2025-03-10 13:02:39,932 - INFO - OPENED LONG at 2067.79 | Stop loss: 2057.4323928571425 | Take profit: 2098.834835714286 +2025-03-10 13:02:39,933 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,934 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,935 - INFO - CLOSED long at 2067.46 | PnL: -0.02% | $-0.21 +2025-03-10 13:02:39,935 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.815957142857 | Take profit: 2036.4201142857144 +2025-03-10 13:02:39,936 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,937 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,938 - INFO - CLOSED short at 2066.8 | PnL: 0.03% | $-0.12 +2025-03-10 13:02:39,939 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,939 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,941 - INFO - OPENED SHORT at 2065.49 | Stop loss: 2075.8361071428567 | Take profit: 2034.479664285714 +2025-03-10 13:02:39,942 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,942 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,948 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,949 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,950 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,951 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,952 - INFO - CLOSED short at 2067.89 | PnL: -0.12% | $-0.39 +2025-03-10 13:02:39,952 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.531892857143 | Take profit: 2098.9363357142856 +2025-03-10 13:02:39,953 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,954 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,955 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,956 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,957 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,959 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,959 - INFO - CLOSED long at 2069.34 | PnL: 0.07% | $-0.05 +2025-03-10 13:02:39,960 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.7053571428573 | Take profit: 2038.2719142857143 +2025-03-10 13:02:39,961 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,962 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,965 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,966 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,967 - INFO - CLOSED short at 2067.59 | PnL: 0.08% | $-0.03 +2025-03-10 13:02:39,967 - INFO - OPENED LONG at 2067.59 | Stop loss: 2057.233392857143 | Take profit: 2098.631835714286 +2025-03-10 13:02:39,968 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,969 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,970 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,971 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,972 - INFO - CLOSED long at 2070.3 | PnL: 0.13% | $0.06 +2025-03-10 13:02:39,973 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,975 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.9666071428574 | Take profit: 2040.4881642857144 +2025-03-10 13:02:39,976 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,977 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,977 - INFO - CLOSED short at 2070.7 | PnL: 0.04% | $-0.10 +2025-03-10 13:02:39,978 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,980 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,980 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.029342857143 | Take profit: 2101.4839857142856 +2025-03-10 13:02:39,982 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,983 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,984 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,985 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,990 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,991 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,993 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,994 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,994 - INFO - CLOSED long at 2067.84 | PnL: -0.12% | $-0.40 +2025-03-10 13:02:39,995 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,996 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:39,998 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:39,999 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,000 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,001 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,001 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.049342857143 | Take profit: 2097.423985714286 +2025-03-10 13:02:40,002 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,004 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,004 - INFO - CLOSED long at 2066.1 | PnL: -0.01% | $-0.21 +2025-03-10 13:02:40,004 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.449157142857 | Take profit: 2035.0805142857141 +2025-03-10 13:02:40,005 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,007 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,009 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,010 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,012 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,012 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,014 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,014 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,015 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,016 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,019 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,020 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,021 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,022 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,023 - INFO - CLOSED short at 2065.69 | PnL: 0.02% | $-0.14 +2025-03-10 13:02:40,023 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.342892857143 | Take profit: 2096.703335714286 +2025-03-10 13:02:40,024 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,025 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,027 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,028 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,029 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,030 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,031 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,032 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,033 - INFO - CLOSED long at 2066.15 | PnL: 0.02% | $-0.14 +2025-03-10 13:02:40,033 - INFO - OPENED SHORT at 2066.15 | Stop loss: 2076.4994071428573 | Take profit: 2035.1297642857144 +2025-03-10 13:02:40,034 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,036 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,037 - INFO - CLOSED short at 2065.26 | PnL: 0.04% | $-0.10 +2025-03-10 13:02:40,038 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,039 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,040 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,040 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,042 - INFO - OPENED SHORT at 2062.65 | Stop loss: 2072.9819071428574 | Take profit: 2031.6822642857144 +2025-03-10 13:02:40,043 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,044 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,045 - INFO - CLOSED short at 2061.78 | PnL: 0.04% | $-0.10 +2025-03-10 13:02:40,046 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,046 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,048 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,050 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,055 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,056 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,057 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,058 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,058 - INFO - OPENED SHORT at 2064.96 | Stop loss: 2075.303457142857 | Take profit: 2033.9576142857143 +2025-03-10 13:02:40,059 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,060 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,065 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,066 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,071 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,073 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,074 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,075 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,079 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,080 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,082 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,083 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,085 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,086 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,086 - INFO - CLOSED short at 2062.71 | PnL: 0.11% | $0.02 +2025-03-10 13:02:40,087 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,089 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,090 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,091 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,093 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,095 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,096 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,097 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.273342857143 | Take profit: 2092.551985714286 +2025-03-10 13:02:40,098 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,099 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,099 - INFO - CLOSED long at 2060.9 | PnL: -0.03% | $-0.24 +2025-03-10 13:02:40,100 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,101 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,103 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,104 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,105 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.576892857143 | Take profit: 2089.8013357142854 +2025-03-10 13:02:40,106 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,107 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,108 - INFO - CLOSED long at 2059.3 | PnL: 0.02% | $-0.14 +2025-03-10 13:02:40,109 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,109 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,110 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.630207142857 | Take profit: 2029.377364285714 +2025-03-10 13:02:40,111 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,112 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,113 - INFO - CLOSED short at 2061.8 | PnL: -0.07% | $-0.31 +2025-03-10 13:02:40,113 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.4723428571433 | Take profit: 2092.754985714286 +2025-03-10 13:02:40,113 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,114 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,116 - INFO - CLOSED long at 2064.7 | PnL: 0.14% | $0.07 +2025-03-10 13:02:40,116 - INFO - OPENED SHORT at 2064.7 | Stop loss: 2075.042157142857 | Take profit: 2033.7015142857142 +2025-03-10 13:02:40,117 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,118 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,121 - INFO - CLOSED short at 2062.61 | PnL: 0.10% | $0.00 +2025-03-10 13:02:40,122 - INFO - OPENED LONG at 2062.61 | Stop loss: 2052.278292857143 | Take profit: 2093.577135714286 +2025-03-10 13:02:40,122 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,124 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,126 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,127 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,127 - INFO - CLOSED long at 2060.3 | PnL: -0.11% | $-0.38 +2025-03-10 13:02:40,128 - INFO - OPENED SHORT at 2060.3 | Stop loss: 2070.6201571428574 | Take profit: 2029.3675142857144 +2025-03-10 13:02:40,130 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,130 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,132 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,132 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,133 - INFO - CLOSED short at 2061.9 | PnL: -0.08% | $-0.31 +2025-03-10 13:02:40,135 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,135 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,136 - INFO - OPENED LONG at 2064.1 | Stop loss: 2053.760842857143 | Take profit: 2095.0894857142857 +2025-03-10 13:02:40,136 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,138 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,140 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,141 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,145 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,147 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,148 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,149 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,151 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,151 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,153 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,153 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,155 - INFO - CLOSED long at 2063.53 | PnL: -0.03% | $-0.22 +2025-03-10 13:02:40,155 - INFO - OPENED SHORT at 2063.53 | Stop loss: 2073.8663071428573 | Take profit: 2032.5490642857144 +2025-03-10 13:02:40,156 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,158 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,158 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,160 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,161 - INFO - CLOSED short at 2062.6 | PnL: 0.05% | $-0.10 +2025-03-10 13:02:40,161 - INFO - OPENED LONG at 2062.6 | Stop loss: 2052.2683428571427 | Take profit: 2093.5669857142852 +2025-03-10 13:02:40,162 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,162 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,164 - INFO - CLOSED long at 2061.89 | PnL: -0.03% | $-0.24 +2025-03-10 13:02:40,164 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,165 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,166 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,168 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,168 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.022157142857 | Take profit: 2029.7615142857142 +2025-03-10 13:02:40,169 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,171 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,171 - INFO - CLOSED short at 2061.09 | PnL: -0.02% | $-0.21 +2025-03-10 13:02:40,172 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,172 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,174 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.2932928571427 | Take profit: 2090.5321357142857 +2025-03-10 13:02:40,175 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,176 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,176 - INFO - CLOSED long at 2059.16 | PnL: -0.02% | $-0.21 +2025-03-10 13:02:40,176 - INFO - OPENED SHORT at 2059.16 | Stop loss: 2069.474457142857 | Take profit: 2028.244614285714 +2025-03-10 13:02:40,178 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,178 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,179 - INFO - CLOSED short at 2059.02 | PnL: 0.01% | $-0.16 +2025-03-10 13:02:40,179 - INFO - OPENED LONG at 2059.02 | Stop loss: 2048.706242857143 | Take profit: 2089.933285714286 +2025-03-10 13:02:40,181 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,182 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,182 - INFO - CLOSED long at 2058.89 | PnL: -0.01% | $-0.18 +2025-03-10 13:02:40,182 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.203107142857 | Take profit: 2027.978664285714 +2025-03-10 13:02:40,184 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,184 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,185 - INFO - CLOSED short at 2059.96 | PnL: -0.05% | $-0.26 +2025-03-10 13:02:40,187 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,188 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,189 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,190 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,191 - INFO - OPENED LONG at 2057.4 | Stop loss: 2047.0943428571431 | Take profit: 2088.2889857142854 +2025-03-10 13:02:40,191 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,192 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,197 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,198 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,199 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,201 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,201 - INFO - CLOSED long at 2055.6 | PnL: -0.09% | $-0.32 +2025-03-10 13:02:40,203 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,203 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,206 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,207 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,210 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,211 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,212 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,214 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,218 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,219 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,220 - INFO - OPENED SHORT at 2059.8 | Stop loss: 2070.1176571428573 | Take profit: 2028.8750142857145 +2025-03-10 13:02:40,221 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,222 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,223 - INFO - CLOSED short at 2061.66 | PnL: -0.09% | $-0.33 +2025-03-10 13:02:40,224 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,224 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,229 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,230 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,231 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.926657142857 | Take profit: 2030.6480142857142 +2025-03-10 13:02:40,233 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,233 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,236 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,236 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,237 - INFO - CLOSED short at 2062.69 | PnL: -0.05% | $-0.26 +2025-03-10 13:02:40,237 - INFO - OPENED LONG at 2062.69 | Stop loss: 2052.357892857143 | Take profit: 2093.658335714286 +2025-03-10 13:02:40,238 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,239 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,239 - INFO - CLOSED long at 2063.4 | PnL: 0.03% | $-0.11 +2025-03-10 13:02:40,240 - INFO - OPENED SHORT at 2063.4 | Stop loss: 2073.7356571428572 | Take profit: 2032.4210142857144 +2025-03-10 13:02:40,241 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,243 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,244 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,245 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,246 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,247 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,248 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,249 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,250 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,251 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,252 - INFO - CLOSED short at 2066.33 | PnL: -0.14% | $-0.41 +2025-03-10 13:02:40,252 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.9796928571427 | Take profit: 2097.3529357142856 +2025-03-10 13:02:40,253 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,254 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,254 - INFO - CLOSED long at 2066.34 | PnL: 0.00% | $-0.17 +2025-03-10 13:02:40,255 - INFO - OPENED SHORT at 2066.34 | Stop loss: 2076.690357142857 | Take profit: 2035.3169142857143 +2025-03-10 13:02:40,255 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,257 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,258 - INFO - CLOSED short at 2066.79 | PnL: -0.02% | $-0.21 +2025-03-10 13:02:40,259 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,260 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,261 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.974692857143 | Take profit: 2098.3679357142855 +2025-03-10 13:02:40,262 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,263 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,263 - INFO - CLOSED long at 2067.01 | PnL: -0.02% | $-0.20 +2025-03-10 13:02:40,264 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,265 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,266 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.342892857143 | Take profit: 2096.703335714286 +2025-03-10 13:02:40,266 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,267 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,269 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,270 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,274 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,275 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,277 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,278 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,278 - INFO - CLOSED long at 2078.01 | PnL: 0.60% | $0.84 +2025-03-10 13:02:40,279 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,280 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,281 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.4037071428575 | Take profit: 2043.8568642857144 +2025-03-10 13:02:40,283 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,284 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,285 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,286 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,286 - INFO - CLOSED short at 2071.04 | PnL: 0.19% | $0.16 +2025-03-10 13:02:40,288 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,289 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,289 - INFO - OPENED SHORT at 2070.01 | Stop loss: 2080.3787071428574 | Take profit: 2038.9318642857145 +2025-03-10 13:02:40,291 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,292 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,292 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,293 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,293 - INFO - CLOSED short at 2073.23 | PnL: -0.16% | $-0.44 +2025-03-10 13:02:40,295 - INFO - OPENED LONG at 2073.23 | Stop loss: 2062.8451928571426 | Take profit: 2104.356435714286 +2025-03-10 13:02:40,296 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,297 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,297 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,298 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,299 - INFO - CLOSED long at 2068.15 | PnL: -0.25% | $-0.59 +2025-03-10 13:02:40,300 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,301 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,306 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,308 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,308 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.322892857143 | Take profit: 2100.763335714286 +2025-03-10 13:02:40,308 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,310 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,311 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,313 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,314 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,315 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,316 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,317 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,322 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,324 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,328 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,329 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,330 - INFO - CLOSED long at 2069.87 | PnL: 0.01% | $-0.15 +2025-03-10 13:02:40,332 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,333 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,334 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,335 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,336 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.029442857143 | Take profit: 2097.403685714286 +2025-03-10 13:02:40,337 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,339 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,339 - INFO - CLOSED long at 2065.7 | PnL: -0.03% | $-0.22 +2025-03-10 13:02:40,340 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,341 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,342 - INFO - OPENED SHORT at 2065.66 | Stop loss: 2076.006957142857 | Take profit: 2034.6471142857142 +2025-03-10 13:02:40,343 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,344 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,345 - INFO - CLOSED short at 2063.95 | PnL: 0.08% | $-0.03 +2025-03-10 13:02:40,347 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,349 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,349 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.631492857143 | Take profit: 2094.9575357142853 +2025-03-10 13:02:40,350 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,352 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,352 - INFO - CLOSED long at 2064.5 | PnL: 0.03% | $-0.12 +2025-03-10 13:02:40,354 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,355 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,356 - INFO - OPENED LONG at 2065.3 | Stop loss: 2054.954842857143 | Take profit: 2096.307485714286 +2025-03-10 13:02:40,356 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,359 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,360 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,361 - INFO - CLOSED long at 2064.31 | PnL: -0.05% | $-0.25 +2025-03-10 13:02:40,362 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,363 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,363 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8461571428575 | Take profit: 2034.4895142857142 +2025-03-10 13:02:40,365 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,365 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,369 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,369 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,370 - INFO - CLOSED short at 2065.29 | PnL: 0.01% | $-0.15 +2025-03-10 13:02:40,370 - INFO - OPENED LONG at 2065.29 | Stop loss: 2054.944892857143 | Take profit: 2096.2973357142855 +2025-03-10 13:02:40,371 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,373 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,373 - INFO - CLOSED long at 2065.31 | PnL: 0.00% | $-0.17 +2025-03-10 13:02:40,374 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,375 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,376 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.152657142857 | Take profit: 2035.7700142857145 +2025-03-10 13:02:40,377 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,377 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,385 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,385 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,386 - INFO - CLOSED short at 2068.59 | PnL: -0.09% | $-0.31 +2025-03-10 13:02:40,386 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.228392857143 | Take profit: 2099.6468357142858 +2025-03-10 13:02:40,387 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,388 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,389 - INFO - CLOSED long at 2071.59 | PnL: 0.15% | $0.07 +2025-03-10 13:02:40,389 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.9666071428574 | Take profit: 2040.4881642857144 +2025-03-10 13:02:40,390 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,391 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,392 - INFO - CLOSED short at 2070.2 | PnL: 0.07% | $-0.05 +2025-03-10 13:02:40,393 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,394 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,396 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,397 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,397 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.273157142857 | Take profit: 2039.8085142857144 +2025-03-10 13:02:40,398 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,401 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,402 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,402 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,403 - INFO - CLOSED short at 2070.7 | PnL: 0.01% | $-0.15 +2025-03-10 13:02:40,403 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3278428571425 | Take profit: 2101.7884857142853 +2025-03-10 13:02:40,404 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,406 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,406 - INFO - CLOSED long at 2070.8 | PnL: 0.00% | $-0.16 +2025-03-10 13:02:40,407 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,408 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,409 - INFO - OPENED SHORT at 2070.35 | Stop loss: 2080.7204071428573 | Take profit: 2039.2667642857143 +2025-03-10 13:02:40,411 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,412 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,413 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,414 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,415 - INFO - CLOSED short at 2071.99 | PnL: -0.08% | $-0.30 +2025-03-10 13:02:40,415 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.6113928571426 | Take profit: 2103.0978357142853 +2025-03-10 13:02:40,416 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,418 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,423 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,424 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,425 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,426 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,431 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,432 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,433 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,435 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,435 - INFO - CLOSED long at 2071.61 | PnL: -0.02% | $-0.19 +2025-03-10 13:02:40,436 - INFO - OPENED SHORT at 2071.61 | Stop loss: 2081.986707142857 | Take profit: 2040.5078642857145 +2025-03-10 13:02:40,437 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,438 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,443 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,444 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,445 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,447 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,448 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,450 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,455 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,456 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,456 - INFO - CLOSED short at 2073.99 | PnL: -0.11% | $-0.35 +2025-03-10 13:02:40,457 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,458 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,460 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,461 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,461 - INFO - OPENED SHORT at 2075.29 | Stop loss: 2085.6851071428573 | Take profit: 2044.1326642857143 +2025-03-10 13:02:40,464 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,464 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,467 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,468 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,469 - INFO - CLOSED short at 2075.61 | PnL: -0.02% | $-0.19 +2025-03-10 13:02:40,469 - INFO - OPENED LONG at 2075.61 | Stop loss: 2065.2132928571427 | Take profit: 2106.772135714286 +2025-03-10 13:02:40,471 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,472 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,473 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,475 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,477 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,478 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,479 - INFO - CLOSED long at 2069.97 | PnL: -0.27% | $-0.61 +2025-03-10 13:02:40,479 - INFO - OPENED SHORT at 2069.97 | Stop loss: 2080.3385071428565 | Take profit: 2038.8924642857141 +2025-03-10 13:02:40,481 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,482 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,483 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,486 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,487 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,488 - INFO - CLOSED short at 2067.9 | PnL: 0.10% | $0.00 +2025-03-10 13:02:40,489 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,491 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,491 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.750657142857 | Take profit: 2035.3760142857143 +2025-03-10 13:02:40,492 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,495 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,496 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,497 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,498 - INFO - CLOSED short at 2067.88 | PnL: -0.07% | $-0.28 +2025-03-10 13:02:40,499 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,501 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,506 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,507 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,508 - INFO - OPENED SHORT at 2068.1 | Stop loss: 2078.459157142857 | Take profit: 2037.0505142857141 +2025-03-10 13:02:40,509 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,511 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,512 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,513 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,515 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,516 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,519 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,520 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,522 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,523 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,523 - INFO - CLOSED short at 2065.5 | PnL: 0.13% | $0.04 +2025-03-10 13:02:40,525 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,527 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,529 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,531 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,531 - INFO - OPENED LONG at 2065.8 | Stop loss: 2055.452342857143 | Take profit: 2096.814985714286 +2025-03-10 13:02:40,532 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,533 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,534 - INFO - CLOSED long at 2065.07 | PnL: -0.04% | $-0.22 +2025-03-10 13:02:40,534 - INFO - OPENED SHORT at 2065.07 | Stop loss: 2075.4140071428574 | Take profit: 2034.0659642857145 +2025-03-10 13:02:40,535 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,537 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,537 - INFO - CLOSED short at 2066.09 | PnL: -0.05% | $-0.24 +2025-03-10 13:02:40,539 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,540 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,540 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.054392857143 | Take profit: 2094.368835714286 +2025-03-10 13:02:40,542 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,543 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,550 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,551 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,552 - INFO - CLOSED long at 2063.98 | PnL: 0.03% | $-0.11 +2025-03-10 13:02:40,552 - INFO - OPENED SHORT at 2063.98 | Stop loss: 2074.318557142857 | Take profit: 2032.9923142857144 +2025-03-10 13:02:40,554 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,555 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,560 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,562 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,563 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,565 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,571 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,572 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,573 - INFO - CLOSED short at 2064.5 | PnL: -0.03% | $-0.20 +2025-03-10 13:02:40,573 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1588428571426 | Take profit: 2095.4954857142857 +2025-03-10 13:02:40,575 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,576 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,577 - INFO - CLOSED long at 2066.33 | PnL: 0.09% | $-0.02 +2025-03-10 13:02:40,577 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6803071428567 | Take profit: 2035.3070642857142 +2025-03-10 13:02:40,579 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,580 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,582 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,584 - INFO - CLOSED short at 2060.7 | PnL: 0.27% | $0.28 +2025-03-10 13:02:40,586 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,587 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,588 - INFO - OPENED LONG at 2060.2 | Stop loss: 2049.8803428571428 | Take profit: 2091.1309857142855 +2025-03-10 13:02:40,589 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,591 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,592 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,594 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,599 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,600 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,602 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,604 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,605 - INFO - CLOSED long at 2056.77 | PnL: -0.17% | $-0.43 +2025-03-10 13:02:40,605 - INFO - OPENED SHORT at 2056.77 | Stop loss: 2067.0725071428574 | Take profit: 2025.8904642857142 +2025-03-10 13:02:40,607 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,608 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,609 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,611 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,612 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,613 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,615 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,617 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,618 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,620 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,620 - INFO - CLOSED short at 2058.3 | PnL: -0.07% | $-0.28 +2025-03-10 13:02:40,621 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.989842857143 | Take profit: 2089.2024857142856 +2025-03-10 13:02:40,621 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,623 - INFO - CLOSED long at 2056.85 | PnL: -0.07% | $-0.27 +2025-03-10 13:02:40,625 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,627 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,628 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,635 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,637 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,638 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,640 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,641 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,642 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,643 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.755842857143 | Take profit: 2096.1044857142856 +2025-03-10 13:02:40,644 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,646 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,646 - INFO - CLOSED long at 2062.43 | PnL: -0.13% | $-0.36 +2025-03-10 13:02:40,648 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,649 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,649 - INFO - OPENED LONG at 2062.55 | Stop loss: 2052.218592857143 | Take profit: 2093.516235714286 +2025-03-10 13:02:40,651 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,652 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,654 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,655 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,657 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,658 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,660 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,661 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,663 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,664 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,665 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,666 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,667 - INFO - CLOSED long at 2061.21 | PnL: -0.06% | $-0.26 +2025-03-10 13:02:40,668 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,669 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,671 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,673 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,674 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,675 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,676 - INFO - OPENED LONG at 2061.84 | Stop loss: 2051.5121428571433 | Take profit: 2092.7955857142856 +2025-03-10 13:02:40,677 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,678 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,683 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,683 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,685 - INFO - CLOSED long at 2065.72 | PnL: 0.19% | $0.14 +2025-03-10 13:02:40,685 - INFO - OPENED SHORT at 2065.72 | Stop loss: 2076.0672571428568 | Take profit: 2034.7062142857142 +2025-03-10 13:02:40,687 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,689 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,690 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,692 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,692 - INFO - CLOSED short at 2070.24 | PnL: -0.22% | $-0.50 +2025-03-10 13:02:40,693 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,694 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,695 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.974642857143 | Take profit: 2100.408085714286 +2025-03-10 13:02:40,696 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,697 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,698 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,700 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,701 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,701 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,703 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,705 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,705 - INFO - CLOSED long at 2074.05 | PnL: 0.23% | $0.20 +2025-03-10 13:02:40,706 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,708 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,710 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,710 - INFO - OPENED LONG at 2071.89 | Stop loss: 2061.511892857143 | Take profit: 2102.9963357142856 +2025-03-10 13:02:40,711 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,713 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,714 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,715 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,716 - INFO - CLOSED long at 2074.9 | PnL: 0.15% | $0.07 +2025-03-10 13:02:40,716 - INFO - OPENED SHORT at 2074.9 | Stop loss: 2085.293157142857 | Take profit: 2043.7485142857142 +2025-03-10 13:02:40,718 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,719 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,720 - INFO - CLOSED short at 2076.08 | PnL: -0.06% | $-0.25 +2025-03-10 13:02:40,720 - INFO - OPENED LONG at 2076.08 | Stop loss: 2065.680942857143 | Take profit: 2107.2491857142854 +2025-03-10 13:02:40,721 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,722 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,723 - INFO - CLOSED long at 2077.61 | PnL: 0.07% | $-0.04 +2025-03-10 13:02:40,723 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2088.0167071428573 | Take profit: 2046.4178642857144 +2025-03-10 13:02:40,724 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,725 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,727 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,728 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,729 - INFO - CLOSED short at 2090.49 | PnL: -0.62% | $-1.13 +2025-03-10 13:02:40,729 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.0188928571424 | Take profit: 2121.8753357142855 +2025-03-10 13:02:40,730 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,731 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,733 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,734 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,735 - INFO - CLOSED long at 2130.7 | PnL: 1.92% | $2.81 +2025-03-10 13:02:40,736 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,738 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,739 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,740 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,741 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,742 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,745 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,745 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,746 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.2966071428573 | Take profit: 2105.498164285714 +2025-03-10 13:02:40,747 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,748 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,749 - INFO - CLOSED short at 2141.41 | PnL: -0.18% | $-0.45 +2025-03-10 13:02:40,750 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,751 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,752 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,754 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.412057142857 | Take profit: 2110.511814285714 +2025-03-10 13:02:40,755 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,756 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,762 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,763 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,763 - INFO - CLOSED short at 2134.78 | PnL: 0.37% | $0.43 +2025-03-10 13:02:40,764 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,765 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,767 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,769 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,770 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,771 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,775 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.027892857143 | Take profit: 2160.648335714286 +2025-03-10 13:02:40,776 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,777 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,780 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,780 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,785 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,786 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,788 - INFO - STOP LOSS hit for long at 2118.027892857143 | PnL: -0.50% | $-0.96 +2025-03-10 13:02:40,789 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,790 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,790 - INFO - OPENED SHORT at 2119.93 | Stop loss: 2130.5483071428566 | Take profit: 2088.103064285714 +2025-03-10 13:02:40,792 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,793 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,793 - INFO - CLOSED short at 2121.4 | PnL: -0.07% | $-0.27 +2025-03-10 13:02:40,793 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.774342857143 | Take profit: 2153.248985714286 +2025-03-10 13:02:40,795 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,796 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,798 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,805 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,806 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,806 - INFO - CLOSED long at 2119.07 | PnL: -0.11% | $-0.33 +2025-03-10 13:02:40,808 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,808 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,810 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,811 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,811 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8741928571426 | Take profit: 2139.0694357142856 +2025-03-10 13:02:40,813 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,814 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,816 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,817 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,822 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,823 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,824 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,825 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,826 - INFO - CLOSED long at 2112.95 | PnL: 0.26% | $0.25 +2025-03-10 13:02:40,828 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,829 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,834 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,835 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,841 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,842 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,842 - INFO - OPENED SHORT at 2112.99 | Stop loss: 2123.573607142857 | Take profit: 2081.267164285714 +2025-03-10 13:02:40,844 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,845 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,845 - INFO - CLOSED short at 2120.81 | PnL: -0.37% | $-0.74 +2025-03-10 13:02:40,847 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,847 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,852 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,854 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,855 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,856 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,858 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,859 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,860 - INFO - OPENED SHORT at 2108.71 | Stop loss: 2119.272207142857 | Take profit: 2077.0513642857145 +2025-03-10 13:02:40,862 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,863 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,864 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,865 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,866 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,868 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,873 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,873 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,876 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,877 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,877 - INFO - CLOSED short at 2090.0 | PnL: 0.89% | $1.23 +2025-03-10 13:02:40,877 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.5313428571426 | Take profit: 2121.377985714286 +2025-03-10 13:02:40,878 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,880 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,880 - INFO - CLOSED long at 2099.53 | PnL: 0.46% | $0.56 +2025-03-10 13:02:40,881 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,882 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,884 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,885 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,885 - INFO - OPENED LONG at 2102.19 | Stop loss: 2091.660392857143 | Take profit: 2133.7508357142856 +2025-03-10 13:02:40,888 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,889 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,890 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,891 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,892 - INFO - CLOSED long at 2099.25 | PnL: -0.14% | $-0.38 +2025-03-10 13:02:40,892 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.7649071428573 | Take profit: 2067.7332642857145 +2025-03-10 13:02:40,893 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,895 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,895 - INFO - CLOSED short at 2098.9 | PnL: 0.02% | $-0.13 +2025-03-10 13:02:40,896 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,898 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,904 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,905 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,912 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,912 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,917 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,918 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,919 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.2176428571424 | Take profit: 2132.2790857142854 +2025-03-10 13:02:40,920 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,922 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,923 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,924 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,926 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,927 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,928 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,928 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,929 - INFO - CLOSED long at 2099.59 | PnL: -0.05% | $-0.24 +2025-03-10 13:02:40,930 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,931 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,939 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,940 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,941 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,943 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,944 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,945 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,946 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,950 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,951 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,952 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,953 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,958 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,959 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,967 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,968 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,969 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,971 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,972 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,973 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,975 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,976 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,977 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,978 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,979 - INFO - OPENED SHORT at 2083.97 | Stop loss: 2094.4085071428567 | Take profit: 2052.682464285714 +2025-03-10 13:02:40,980 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,982 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,983 - INFO - CLOSED short at 2085.3 | PnL: -0.06% | $-0.26 +2025-03-10 13:02:40,983 - INFO - OPENED LONG at 2085.3 | Stop loss: 2074.854842857143 | Take profit: 2116.607485714286 +2025-03-10 13:02:40,983 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,985 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,985 - INFO - CLOSED long at 2082.44 | PnL: -0.14% | $-0.37 +2025-03-10 13:02:40,985 - INFO - OPENED SHORT at 2082.44 | Stop loss: 2092.8708571428574 | Take profit: 2051.1754142857144 +2025-03-10 13:02:40,987 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,987 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,989 - INFO - CLOSED short at 2081.49 | PnL: 0.05% | $-0.09 +2025-03-10 13:02:40,989 - INFO - OPENED LONG at 2081.49 | Stop loss: 2071.0638928571425 | Take profit: 2112.7403357142853 +2025-03-10 13:02:40,991 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,992 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,992 - INFO - CLOSED long at 2080.38 | PnL: -0.05% | $-0.24 +2025-03-10 13:02:40,993 - INFO - OPENED SHORT at 2080.38 | Stop loss: 2090.8005571428575 | Take profit: 2049.146314285714 +2025-03-10 13:02:40,994 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,995 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,996 - INFO - CLOSED short at 2081.25 | PnL: -0.04% | $-0.22 +2025-03-10 13:02:40,996 - INFO - OPENED LONG at 2081.25 | Stop loss: 2070.825092857143 | Take profit: 2112.4967357142855 +2025-03-10 13:02:40,997 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:40,998 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:40,999 - INFO - CLOSED long at 2083.41 | PnL: 0.10% | $0.01 +2025-03-10 13:02:40,999 - INFO - OPENED SHORT at 2083.41 | Stop loss: 2093.845707142857 | Take profit: 2052.130864285714 +2025-03-10 13:02:41,000 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,000 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,002 - INFO - CLOSED short at 2085.09 | PnL: -0.08% | $-0.28 +2025-03-10 13:02:41,003 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,004 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,006 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,006 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,011 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,013 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,013 - INFO - OPENED SHORT at 2085.8 | Stop loss: 2096.2476571428574 | Take profit: 2054.4850142857144 +2025-03-10 13:02:41,014 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,015 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,016 - INFO - CLOSED short at 2084.72 | PnL: 0.05% | $-0.07 +2025-03-10 13:02:41,017 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,018 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,019 - INFO - OPENED LONG at 2085.83 | Stop loss: 2075.382192857143 | Take profit: 2117.1454357142857 +2025-03-10 13:02:41,020 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,021 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,021 - INFO - CLOSED long at 2085.85 | PnL: 0.00% | $-0.15 +2025-03-10 13:02:41,023 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,024 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,025 - INFO - OPENED LONG at 2088.66 | Stop loss: 2078.198042857143 | Take profit: 2120.0178857142855 +2025-03-10 13:02:41,026 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,026 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,028 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,029 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,031 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,032 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,032 - INFO - CLOSED long at 2089.96 | PnL: 0.06% | $-0.06 +2025-03-10 13:02:41,033 - INFO - OPENED SHORT at 2089.96 | Stop loss: 2100.4284571428575 | Take profit: 2058.582614285714 +2025-03-10 13:02:41,034 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,035 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,037 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,038 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,039 - INFO - CLOSED short at 2087.47 | PnL: 0.12% | $0.03 +2025-03-10 13:02:41,039 - INFO - OPENED LONG at 2087.47 | Stop loss: 2077.0139928571425 | Take profit: 2118.8100357142853 +2025-03-10 13:02:41,040 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,041 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,042 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,043 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,045 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,046 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,047 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,049 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,049 - INFO - CLOSED long at 2085.67 | PnL: -0.09% | $-0.29 +2025-03-10 13:02:41,050 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,051 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,053 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,054 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,056 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,057 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,059 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,060 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,060 - INFO - OPENED LONG at 2091.95 | Stop loss: 2081.4715928571427 | Take profit: 2123.3572357142853 +2025-03-10 13:02:41,062 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,063 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,064 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,065 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,067 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,068 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,069 - INFO - CLOSED long at 2099.99 | PnL: 0.38% | $0.44 +2025-03-10 13:02:41,070 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,072 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,072 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.166857142857 | Take profit: 2070.087414285714 +2025-03-10 13:02:41,073 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,075 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,076 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,077 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,078 - INFO - CLOSED short at 2098.49 | PnL: 0.15% | $0.08 +2025-03-10 13:02:41,078 - INFO - OPENED LONG at 2098.49 | Stop loss: 2087.9788928571425 | Take profit: 2129.995335714286 +2025-03-10 13:02:41,079 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,080 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,082 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,083 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,084 - INFO - CLOSED long at 2100.89 | PnL: 0.11% | $0.02 +2025-03-10 13:02:41,085 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,086 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,089 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,090 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,090 - INFO - OPENED SHORT at 2106.15 | Stop loss: 2116.699407142857 | Take profit: 2074.5297642857145 +2025-03-10 13:02:41,091 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,093 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,093 - INFO - CLOSED short at 2103.48 | PnL: 0.13% | $0.04 +2025-03-10 13:02:41,094 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,095 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,098 - INFO - Trade Analysis: Win Rate=12.8% in uptrends, 0.0% in downtrends | Avg Win=$0.29, Avg Loss=$-0.26 +2025-03-10 13:02:41,098 - INFO - Episode 2: Reward=-132.35, Balance=$78.18, Win Rate=19.9%, Trades=146, Episode PnL=$-15.85, Total PnL=$-79.98, Max Drawdown=22.4%, Pred Accuracy=98.5% +2025-03-10 13:02:41,099 - ERROR - Error in episode 2: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:02:41,100 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1763, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:02:41,121 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 13:02:41,472 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,474 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,479 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,480 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,481 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,482 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,483 - INFO - OPENED LONG at 2049.6 | Stop loss: 2039.3333428571427 | Take profit: 2080.3719857142855 +2025-03-10 13:02:41,484 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,486 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,487 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,488 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,489 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,490 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,492 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,493 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,494 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,495 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,495 - INFO - CLOSED long at 2047.39 | PnL: -0.11% | $-0.41 +2025-03-10 13:02:41,496 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,498 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,498 - INFO - OPENED SHORT at 2046.58 | Stop loss: 2056.8315571428575 | Take profit: 2015.8533142857143 +2025-03-10 13:02:41,499 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,501 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,501 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,503 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,504 - INFO - CLOSED short at 2047.2 | PnL: -0.03% | $-0.26 +2025-03-10 13:02:41,504 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,505 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,506 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.2386071428573 | Take profit: 2015.2721642857143 +2025-03-10 13:02:41,507 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,508 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,509 - INFO - CLOSED short at 2045.99 | PnL: 0.00% | $-0.20 +2025-03-10 13:02:41,509 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.741392857143 | Take profit: 2076.707835714286 +2025-03-10 13:02:41,510 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,511 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,512 - INFO - CLOSED long at 2045.79 | PnL: -0.01% | $-0.22 +2025-03-10 13:02:41,512 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,513 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,515 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,517 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,517 - INFO - OPENED LONG at 2047.59 | Stop loss: 2037.3333928571428 | Take profit: 2078.3318357142857 +2025-03-10 13:02:41,518 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,519 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,524 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,524 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,525 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,526 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,527 - INFO - CLOSED long at 2050.24 | PnL: 0.13% | $0.06 +2025-03-10 13:02:41,529 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,530 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,531 - INFO - OPENED SHORT at 2049.89 | Stop loss: 2060.158107142857 | Take profit: 2019.1136642857143 +2025-03-10 13:02:41,531 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,532 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,533 - INFO - CLOSED short at 2051.11 | PnL: -0.06% | $-0.31 +2025-03-10 13:02:41,535 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,536 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,540 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,541 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,542 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,543 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,545 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,546 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,552 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,553 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,555 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,556 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,558 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,559 - INFO - OPENED LONG at 2058.39 | Stop loss: 2048.0793928571425 | Take profit: 2089.2938357142857 +2025-03-10 13:02:41,560 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,561 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,566 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,567 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,568 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,569 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,570 - INFO - CLOSED long at 2061.49 | PnL: 0.15% | $0.10 +2025-03-10 13:02:41,570 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,572 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,572 - INFO - OPENED LONG at 2063.29 | Stop loss: 2052.9548928571426 | Take profit: 2094.2673357142858 +2025-03-10 13:02:41,573 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,574 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,576 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,577 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,578 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,580 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,581 - INFO - CLOSED long at 2061.61 | PnL: -0.08% | $-0.36 +2025-03-10 13:02:41,581 - INFO - OPENED SHORT at 2061.61 | Stop loss: 2071.9367071428574 | Take profit: 2030.6578642857144 +2025-03-10 13:02:41,583 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,585 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,586 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,586 - INFO - CLOSED short at 2063.01 | PnL: -0.07% | $-0.33 +2025-03-10 13:02:41,588 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,589 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,589 - INFO - OPENED SHORT at 2060.99 | Stop loss: 2071.313607142857 | Take profit: 2030.047164285714 +2025-03-10 13:02:41,590 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,592 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,593 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,594 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,596 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,596 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,597 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,598 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,599 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,600 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,601 - INFO - CLOSED short at 2060.31 | PnL: 0.03% | $-0.13 +2025-03-10 13:02:41,601 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.9897928571427 | Take profit: 2091.2426357142854 +2025-03-10 13:02:41,603 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,603 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,605 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,607 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,607 - INFO - CLOSED long at 2057.8 | PnL: -0.12% | $-0.43 +2025-03-10 13:02:41,608 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,609 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,609 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.198107142857 | Take profit: 2026.9936642857142 +2025-03-10 13:02:41,611 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,611 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,616 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,618 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,618 - INFO - CLOSED short at 2058.11 | PnL: -0.01% | $-0.21 +2025-03-10 13:02:41,619 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,620 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,620 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,622 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,624 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,625 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,625 - INFO - OPENED SHORT at 2064.32 | Stop loss: 2074.660257142857 | Take profit: 2033.3272142857143 +2025-03-10 13:02:41,627 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,627 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,629 - INFO - CLOSED short at 2065.86 | PnL: -0.07% | $-0.34 +2025-03-10 13:02:41,629 - INFO - OPENED LONG at 2065.86 | Stop loss: 2055.512042857143 | Take profit: 2096.875885714286 +2025-03-10 13:02:41,630 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,632 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,633 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,634 - INFO - CLOSED long at 2068.11 | PnL: 0.11% | $0.02 +2025-03-10 13:02:41,634 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.4692071428576 | Take profit: 2037.0603642857143 +2025-03-10 13:02:41,635 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,636 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,637 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,638 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,639 - INFO - CLOSED short at 2067.89 | PnL: 0.01% | $-0.17 +2025-03-10 13:02:41,640 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,642 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,642 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,644 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,644 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,646 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,647 - INFO - OPENED LONG at 2069.6 | Stop loss: 2059.233342857143 | Take profit: 2100.6719857142857 +2025-03-10 13:02:41,648 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,649 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,649 - INFO - CLOSED long at 2068.65 | PnL: -0.05% | $-0.28 +2025-03-10 13:02:41,651 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,652 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.6263928571425 | Take profit: 2100.0528357142853 +2025-03-10 13:02:41,653 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,653 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,655 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,656 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,657 - INFO - CLOSED long at 2067.69 | PnL: -0.06% | $-0.31 +2025-03-10 13:02:41,658 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,658 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,659 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,661 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,662 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,663 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,664 - INFO - OPENED SHORT at 2073.73 | Stop loss: 2084.117307142857 | Take profit: 2042.5960642857142 +2025-03-10 13:02:41,665 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,666 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,667 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,669 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,669 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,671 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,673 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,674 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,675 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,676 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,683 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,685 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,686 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,687 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,688 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,690 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,690 - INFO - CLOSED short at 2072.8 | PnL: 0.04% | $-0.11 +2025-03-10 13:02:41,690 - INFO - OPENED LONG at 2072.8 | Stop loss: 2062.417342857143 | Take profit: 2103.919985714286 +2025-03-10 13:02:41,692 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,693 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,694 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,695 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,696 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,697 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,698 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,700 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,700 - INFO - CLOSED long at 2067.2 | PnL: -0.27% | $-0.71 +2025-03-10 13:02:41,700 - INFO - OPENED SHORT at 2067.2 | Stop loss: 2077.5546571428567 | Take profit: 2036.1640142857143 +2025-03-10 13:02:41,701 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,703 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,704 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,705 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,706 - INFO - CLOSED short at 2068.9 | PnL: -0.08% | $-0.34 +2025-03-10 13:02:41,707 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,708 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,710 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,710 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,711 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.974642857143 | Take profit: 2100.408085714286 +2025-03-10 13:02:41,712 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,712 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,714 - INFO - CLOSED long at 2069.19 | PnL: -0.01% | $-0.20 +2025-03-10 13:02:41,714 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,716 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,717 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,719 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,719 - INFO - OPENED SHORT at 2067.6 | Stop loss: 2077.956657142857 | Take profit: 2036.558014285714 +2025-03-10 13:02:41,720 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,721 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,722 - INFO - CLOSED short at 2067.51 | PnL: 0.00% | $-0.18 +2025-03-10 13:02:41,723 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,724 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,725 - INFO - OPENED LONG at 2069.01 | Stop loss: 2058.646292857143 | Take profit: 2100.073135714286 +2025-03-10 13:02:41,726 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,727 - INFO - CLOSED long at 2066.39 | PnL: -0.13% | $-0.43 +2025-03-10 13:02:41,728 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.7406071428572 | Take profit: 2035.3661642857141 +2025-03-10 13:02:41,729 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,730 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,732 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,733 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,733 - INFO - CLOSED short at 2066.19 | PnL: 0.01% | $-0.17 +2025-03-10 13:02:41,733 - INFO - OPENED LONG at 2066.19 | Stop loss: 2055.840392857143 | Take profit: 2097.210835714286 +2025-03-10 13:02:41,735 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,736 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,736 - INFO - CLOSED long at 2066.29 | PnL: 0.00% | $-0.18 +2025-03-10 13:02:41,737 - INFO - OPENED SHORT at 2066.29 | Stop loss: 2076.6401071428572 | Take profit: 2035.2676642857143 +2025-03-10 13:02:41,738 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,738 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,740 - INFO - CLOSED short at 2065.08 | PnL: 0.06% | $-0.08 +2025-03-10 13:02:41,740 - INFO - OPENED LONG at 2065.08 | Stop loss: 2054.7359428571426 | Take profit: 2096.084185714286 +2025-03-10 13:02:41,741 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,742 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,742 - INFO - CLOSED long at 2066.18 | PnL: 0.05% | $-0.09 +2025-03-10 13:02:41,742 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.529557142857 | Take profit: 2035.1593142857141 +2025-03-10 13:02:41,744 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,745 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,746 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,747 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,751 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,752 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,754 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,755 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,759 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,760 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,761 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,762 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,764 - INFO - CLOSED short at 2070.4 | PnL: -0.20% | $-0.57 +2025-03-10 13:02:41,764 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.029342857143 | Take profit: 2101.4839857142856 +2025-03-10 13:02:41,765 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,766 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,767 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,768 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,772 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,773 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,775 - INFO - CLOSED long at 2071.39 | PnL: 0.05% | $-0.10 +2025-03-10 13:02:41,775 - INFO - OPENED SHORT at 2071.39 | Stop loss: 2081.765607142857 | Take profit: 2040.291164285714 +2025-03-10 13:02:41,776 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,776 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,777 - INFO - CLOSED short at 2071.36 | PnL: 0.00% | $-0.18 +2025-03-10 13:02:41,777 - INFO - OPENED LONG at 2071.36 | Stop loss: 2060.984542857143 | Take profit: 2102.458385714286 +2025-03-10 13:02:41,779 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,779 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,781 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,782 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,782 - INFO - CLOSED long at 2073.11 | PnL: 0.08% | $-0.03 +2025-03-10 13:02:41,783 - INFO - OPENED SHORT at 2073.11 | Stop loss: 2083.4942071428572 | Take profit: 2041.9853642857142 +2025-03-10 13:02:41,783 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,784 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,787 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,787 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,788 - INFO - CLOSED short at 2072.15 | PnL: 0.05% | $-0.10 +2025-03-10 13:02:41,789 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,790 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,790 - INFO - OPENED SHORT at 2074.29 | Stop loss: 2084.680107142857 | Take profit: 2043.1476642857142 +2025-03-10 13:02:41,792 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,794 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,795 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,796 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,797 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,801 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,801 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,803 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,803 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,805 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,806 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,808 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,809 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,813 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,815 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,817 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,817 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,818 - INFO - CLOSED short at 2067.79 | PnL: 0.31% | $0.39 +2025-03-10 13:02:41,820 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,821 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,821 - INFO - OPENED LONG at 2067.46 | Stop loss: 2057.1040428571428 | Take profit: 2098.4998857142855 +2025-03-10 13:02:41,822 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,823 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,824 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,824 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,829 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,830 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,831 - INFO - CLOSED long at 2063.61 | PnL: -0.19% | $-0.53 +2025-03-10 13:02:41,832 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,833 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,834 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.6049571428575 | Take profit: 2034.2531142857144 +2025-03-10 13:02:41,836 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,837 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,837 - INFO - CLOSED short at 2067.89 | PnL: -0.13% | $-0.42 +2025-03-10 13:02:41,838 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,840 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,845 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,845 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,847 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,848 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,852 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,853 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,854 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.502042857143 | Take profit: 2098.905885714286 +2025-03-10 13:02:41,855 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,856 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,860 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,861 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,861 - INFO - CLOSED long at 2069.2 | PnL: 0.06% | $-0.06 +2025-03-10 13:02:41,862 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,863 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,868 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,869 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,870 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,871 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,873 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,874 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,876 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,878 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,882 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,883 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,885 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,886 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,888 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,890 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,890 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,892 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,893 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,896 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,897 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,898 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,899 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,899 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7508428571427 | Take profit: 2097.1194857142855 +2025-03-10 13:02:41,901 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,901 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,902 - INFO - CLOSED long at 2065.28 | PnL: -0.04% | $-0.26 +2025-03-10 13:02:41,902 - INFO - OPENED SHORT at 2065.28 | Stop loss: 2075.6250571428577 | Take profit: 2034.2728142857145 +2025-03-10 13:02:41,904 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,905 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,906 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,907 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,908 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,909 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,911 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,912 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,916 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,918 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,919 - INFO - CLOSED short at 2068.18 | PnL: -0.14% | $-0.44 +2025-03-10 13:02:41,919 - INFO - OPENED LONG at 2068.18 | Stop loss: 2057.8204428571426 | Take profit: 2099.2306857142858 +2025-03-10 13:02:41,920 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,920 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,921 - INFO - CLOSED long at 2065.69 | PnL: -0.12% | $-0.40 +2025-03-10 13:02:41,921 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.037107142857 | Take profit: 2034.6766642857144 +2025-03-10 13:02:41,922 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,922 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,929 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,930 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,931 - INFO - CLOSED short at 2064.99 | PnL: 0.03% | $-0.12 +2025-03-10 13:02:41,931 - INFO - OPENED LONG at 2064.99 | Stop loss: 2054.6463928571425 | Take profit: 2095.9928357142853 +2025-03-10 13:02:41,933 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,934 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,935 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,937 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,937 - INFO - CLOSED long at 2066.15 | PnL: 0.06% | $-0.08 +2025-03-10 13:02:41,937 - INFO - OPENED SHORT at 2066.15 | Stop loss: 2076.4994071428573 | Take profit: 2035.1297642857144 +2025-03-10 13:02:41,939 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,940 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,941 - INFO - CLOSED short at 2065.26 | PnL: 0.04% | $-0.10 +2025-03-10 13:02:41,941 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.915042857143 | Take profit: 2096.2668857142858 +2025-03-10 13:02:41,943 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,944 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,944 - INFO - CLOSED long at 2062.89 | PnL: -0.11% | $-0.39 +2025-03-10 13:02:41,944 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.223107142857 | Take profit: 2031.9186642857142 +2025-03-10 13:02:41,945 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,945 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,947 - INFO - CLOSED short at 2062.65 | PnL: 0.01% | $-0.16 +2025-03-10 13:02:41,948 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,949 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,949 - INFO - OPENED SHORT at 2061.78 | Stop loss: 2072.1075571428573 | Take profit: 2030.8253142857145 +2025-03-10 13:02:41,950 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,951 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,952 - INFO - CLOSED short at 2059.59 | PnL: 0.11% | $0.01 +2025-03-10 13:02:41,954 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,955 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,956 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,957 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,959 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,960 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,961 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,963 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,964 - INFO - OPENED LONG at 2066.24 | Stop loss: 2055.8901428571426 | Take profit: 2097.2615857142855 +2025-03-10 13:02:41,965 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,966 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,968 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,969 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,970 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,972 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,972 - INFO - CLOSED long at 2066.09 | PnL: -0.01% | $-0.19 +2025-03-10 13:02:41,973 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,975 - INFO - OPENED SHORT at 2064.45 | Stop loss: 2074.790907142857 | Take profit: 2033.455264285714 +2025-03-10 13:02:41,976 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,978 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,979 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,980 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,981 - INFO - CLOSED short at 2062.71 | PnL: 0.08% | $-0.03 +2025-03-10 13:02:41,981 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.3777928571426 | Take profit: 2093.678635714286 +2025-03-10 13:02:41,982 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,983 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,984 - INFO - CLOSED long at 2062.89 | PnL: 0.01% | $-0.16 +2025-03-10 13:02:41,985 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,986 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,987 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1588428571426 | Take profit: 2095.4954857142857 +2025-03-10 13:02:41,988 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,989 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,994 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,994 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:41,995 - INFO - CLOSED long at 2061.6 | PnL: -0.14% | $-0.43 +2025-03-10 13:02:41,996 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:41,998 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,003 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,004 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,005 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,006 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,007 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.576892857143 | Take profit: 2089.8013357142854 +2025-03-10 13:02:42,008 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,008 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,010 - INFO - CLOSED long at 2059.3 | PnL: 0.02% | $-0.14 +2025-03-10 13:02:42,011 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,011 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,012 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.9897928571427 | Take profit: 2091.2426357142854 +2025-03-10 13:02:42,013 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,013 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,014 - INFO - CLOSED long at 2061.8 | PnL: 0.07% | $-0.05 +2025-03-10 13:02:42,014 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,017 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,018 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,019 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,019 - INFO - OPENED SHORT at 2062.61 | Stop loss: 2072.941707142857 | Take profit: 2031.6428642857145 +2025-03-10 13:02:42,021 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,021 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,023 - INFO - CLOSED short at 2060.91 | PnL: 0.08% | $-0.03 +2025-03-10 13:02:42,024 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,025 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,025 - INFO - OPENED LONG at 2060.3 | Stop loss: 2049.979842857143 | Take profit: 2091.2324857142858 +2025-03-10 13:02:42,026 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,027 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,028 - INFO - CLOSED long at 2061.13 | PnL: 0.04% | $-0.11 +2025-03-10 13:02:42,028 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,030 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,030 - INFO - OPENED SHORT at 2061.9 | Stop loss: 2072.228157142857 | Take profit: 2030.9435142857144 +2025-03-10 13:02:42,032 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,033 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,034 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,035 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,036 - INFO - CLOSED short at 2065.36 | PnL: -0.17% | $-0.47 +2025-03-10 13:02:42,036 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,038 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,039 - INFO - OPENED LONG at 2064.33 | Stop loss: 2053.9896928571425 | Take profit: 2095.3229357142854 +2025-03-10 13:02:42,040 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,041 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,041 - INFO - CLOSED long at 2063.39 | PnL: -0.05% | $-0.26 +2025-03-10 13:02:42,042 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,043 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,044 - INFO - OPENED LONG at 2064.79 | Stop loss: 2054.447392857143 | Take profit: 2095.789835714286 +2025-03-10 13:02:42,046 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,047 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,050 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,051 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,052 - INFO - CLOSED long at 2063.53 | PnL: -0.06% | $-0.28 +2025-03-10 13:02:42,052 - INFO - OPENED SHORT at 2063.53 | Stop loss: 2073.8663071428573 | Take profit: 2032.5490642857144 +2025-03-10 13:02:42,054 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,055 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,056 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,058 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,059 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,060 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,060 - INFO - CLOSED short at 2061.89 | PnL: 0.08% | $-0.04 +2025-03-10 13:02:42,060 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5618928571425 | Take profit: 2092.846335714286 +2025-03-10 13:02:42,062 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,063 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,068 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,069 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,073 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,074 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,076 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,077 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,082 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,083 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,084 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,085 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,085 - INFO - CLOSED long at 2059.02 | PnL: -0.14% | $-0.42 +2025-03-10 13:02:42,086 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,087 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,089 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,091 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,097 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,098 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,099 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,100 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,101 - INFO - OPENED SHORT at 2057.4 | Stop loss: 2067.7056571428575 | Take profit: 2026.5110142857143 +2025-03-10 13:02:42,102 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,103 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,105 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,106 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,110 - INFO - CLOSED short at 2056.28 | PnL: 0.05% | $-0.08 +2025-03-10 13:02:42,111 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,112 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,113 - INFO - OPENED SHORT at 2055.6 | Stop loss: 2065.8966571428573 | Take profit: 2024.7380142857141 +2025-03-10 13:02:42,115 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,116 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,118 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,118 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,119 - INFO - CLOSED short at 2054.83 | PnL: 0.04% | $-0.11 +2025-03-10 13:02:42,119 - INFO - OPENED LONG at 2054.83 | Stop loss: 2044.5371928571428 | Take profit: 2085.6804357142855 +2025-03-10 13:02:42,120 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,122 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,122 - INFO - CLOSED long at 2056.71 | PnL: 0.09% | $-0.01 +2025-03-10 13:02:42,123 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,125 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,125 - INFO - OPENED LONG at 2058.15 | Stop loss: 2047.8405928571428 | Take profit: 2089.050235714286 +2025-03-10 13:02:42,127 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,127 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,128 - INFO - CLOSED long at 2059.8 | PnL: 0.08% | $-0.03 +2025-03-10 13:02:42,128 - INFO - OPENED SHORT at 2059.8 | Stop loss: 2070.1176571428573 | Take profit: 2028.8750142857145 +2025-03-10 13:02:42,130 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,132 - INFO - CLOSED short at 2061.66 | PnL: -0.09% | $-0.33 +2025-03-10 13:02:42,133 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,134 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,139 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,140 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,140 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.926657142857 | Take profit: 2030.6480142857142 +2025-03-10 13:02:42,142 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,143 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,144 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,145 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,146 - INFO - CLOSED short at 2062.69 | PnL: -0.05% | $-0.26 +2025-03-10 13:02:42,147 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,148 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,149 - INFO - OPENED LONG at 2063.4 | Stop loss: 2053.064342857143 | Take profit: 2094.378985714286 +2025-03-10 13:02:42,150 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,151 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,157 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,158 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,158 - INFO - CLOSED long at 2066.01 | PnL: 0.13% | $0.05 +2025-03-10 13:02:42,160 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,160 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,162 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,163 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,165 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,166 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,170 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,171 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,172 - INFO - OPENED LONG at 2066.34 | Stop loss: 2055.9896428571433 | Take profit: 2097.3630857142857 +2025-03-10 13:02:42,173 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,174 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,174 - INFO - CLOSED long at 2066.79 | PnL: 0.02% | $-0.13 +2025-03-10 13:02:42,175 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,176 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,181 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,182 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,184 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,185 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,191 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,191 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,193 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,194 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,196 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,197 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,198 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,199 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,200 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,201 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,202 - INFO - OPENED LONG at 2075.01 | Stop loss: 2064.616292857143 | Take profit: 2106.163135714286 +2025-03-10 13:02:42,203 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,204 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,208 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,209 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,211 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,212 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,213 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,214 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,216 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,217 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,221 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,222 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,224 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,225 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,225 - INFO - CLOSED long at 2068.15 | PnL: -0.33% | $-0.74 +2025-03-10 13:02:42,226 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,227 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,228 - INFO - OPENED LONG at 2068.39 | Stop loss: 2058.0293928571427 | Take profit: 2099.4438357142853 +2025-03-10 13:02:42,229 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,230 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,232 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,232 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,239 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,240 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,241 - INFO - CLOSED long at 2067.44 | PnL: -0.05% | $-0.25 +2025-03-10 13:02:42,242 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,242 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,243 - INFO - OPENED LONG at 2068.79 | Stop loss: 2058.427392857143 | Take profit: 2099.8498357142853 +2025-03-10 13:02:42,245 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,246 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,247 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,248 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,250 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,251 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,257 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,258 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,258 - INFO - CLOSED long at 2067.33 | PnL: -0.07% | $-0.29 +2025-03-10 13:02:42,258 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.685307142857 | Take profit: 2036.292064285714 +2025-03-10 13:02:42,259 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,260 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,266 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,267 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,268 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,269 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,269 - INFO - CLOSED short at 2065.66 | PnL: 0.08% | $-0.03 +2025-03-10 13:02:42,269 - INFO - OPENED LONG at 2065.66 | Stop loss: 2055.3130428571426 | Take profit: 2096.6728857142857 +2025-03-10 13:02:42,271 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,272 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,273 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,275 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,276 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,277 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,278 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,279 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,280 - INFO - CLOSED long at 2065.3 | PnL: -0.02% | $-0.20 +2025-03-10 13:02:42,280 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,281 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,282 - INFO - OPENED LONG at 2064.4 | Stop loss: 2054.059342857143 | Take profit: 2095.393985714286 +2025-03-10 13:02:42,283 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,284 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,284 - INFO - CLOSED long at 2064.31 | PnL: -0.00% | $-0.18 +2025-03-10 13:02:42,286 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,287 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,287 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,289 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,290 - INFO - OPENED SHORT at 2067.53 | Stop loss: 2077.8863071428573 | Take profit: 2036.4890642857147 +2025-03-10 13:02:42,291 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,292 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,296 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,298 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,299 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,300 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,301 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,303 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,307 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,308 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,310 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,311 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,313 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,314 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,319 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,320 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,321 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,323 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,324 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,325 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,326 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,327 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,328 - INFO - CLOSED short at 2070.7 | PnL: -0.15% | $-0.43 +2025-03-10 13:02:42,328 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,329 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,336 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,336 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,339 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,339 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,340 - INFO - OPENED LONG at 2070.61 | Stop loss: 2060.238292857143 | Take profit: 2101.6971357142857 +2025-03-10 13:02:42,341 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,342 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,348 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,348 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,351 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,352 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,352 - INFO - CLOSED long at 2068.67 | PnL: -0.09% | $-0.32 +2025-03-10 13:02:42,352 - INFO - OPENED SHORT at 2068.67 | Stop loss: 2079.0320071428573 | Take profit: 2037.6119642857143 +2025-03-10 13:02:42,353 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,355 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,355 - INFO - CLOSED short at 2070.67 | PnL: -0.10% | $-0.33 +2025-03-10 13:02:42,356 - INFO - OPENED LONG at 2070.67 | Stop loss: 2060.2979928571426 | Take profit: 2101.7580357142856 +2025-03-10 13:02:42,357 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,358 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,358 - INFO - CLOSED long at 2069.78 | PnL: -0.04% | $-0.24 +2025-03-10 13:02:42,359 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,360 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,366 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,367 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,368 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,369 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,371 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,372 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,374 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,376 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,376 - INFO - OPENED SHORT at 2073.27 | Stop loss: 2083.655007142857 | Take profit: 2042.1429642857142 +2025-03-10 13:02:42,377 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,378 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,383 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,384 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,384 - INFO - CLOSED short at 2075.32 | PnL: -0.10% | $-0.33 +2025-03-10 13:02:42,386 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,387 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,391 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,392 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,393 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,394 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,395 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2086.006707142857 | Take profit: 2044.4478642857146 +2025-03-10 13:02:42,395 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,397 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,398 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,399 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,401 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,402 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,402 - INFO - CLOSED short at 2069.97 | PnL: 0.27% | $0.28 +2025-03-10 13:02:42,403 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,404 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,404 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.057157142857 | Take profit: 2036.6565142857141 +2025-03-10 13:02:42,406 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,407 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,408 - INFO - CLOSED short at 2067.0 | PnL: 0.03% | $-0.11 +2025-03-10 13:02:42,408 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.646342857143 | Take profit: 2098.032985714286 +2025-03-10 13:02:42,409 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,409 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,410 - INFO - CLOSED long at 2067.9 | PnL: 0.04% | $-0.09 +2025-03-10 13:02:42,410 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,411 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,412 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.750657142857 | Take profit: 2035.3760142857143 +2025-03-10 13:02:42,413 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,414 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,415 - INFO - CLOSED short at 2066.89 | PnL: -0.02% | $-0.20 +2025-03-10 13:02:42,416 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,417 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,419 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,421 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,421 - INFO - OPENED SHORT at 2065.45 | Stop loss: 2075.795907142857 | Take profit: 2034.4402642857142 +2025-03-10 13:02:42,422 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,423 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,424 - INFO - CLOSED short at 2068.1 | PnL: -0.13% | $-0.38 +2025-03-10 13:02:42,424 - INFO - OPENED LONG at 2068.1 | Stop loss: 2057.740842857143 | Take profit: 2099.1494857142857 +2025-03-10 13:02:42,425 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,426 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,427 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,428 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,433 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,434 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,434 - INFO - CLOSED long at 2070.1 | PnL: 0.10% | $-0.01 +2025-03-10 13:02:42,435 - INFO - OPENED SHORT at 2070.1 | Stop loss: 2080.469157142857 | Take profit: 2039.0205142857142 +2025-03-10 13:02:42,435 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,436 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,438 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,439 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,440 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,441 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,442 - INFO - CLOSED short at 2065.7 | PnL: 0.21% | $0.18 +2025-03-10 13:02:42,442 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3528428571426 | Take profit: 2096.713485714286 +2025-03-10 13:02:42,443 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,445 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,449 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,451 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,451 - INFO - CLOSED long at 2065.07 | PnL: -0.03% | $-0.21 +2025-03-10 13:02:42,451 - INFO - OPENED SHORT at 2065.07 | Stop loss: 2075.4140071428574 | Take profit: 2034.0659642857145 +2025-03-10 13:02:42,452 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,454 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,454 - INFO - CLOSED short at 2066.09 | PnL: -0.05% | $-0.25 +2025-03-10 13:02:42,454 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.740892857143 | Take profit: 2097.109335714286 +2025-03-10 13:02:42,455 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,456 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,457 - INFO - CLOSED long at 2063.39 | PnL: -0.13% | $-0.38 +2025-03-10 13:02:42,459 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,459 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,460 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,461 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,467 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,468 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,470 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,470 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,472 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,473 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,473 - INFO - OPENED SHORT at 2064.11 | Stop loss: 2074.449207142857 | Take profit: 2033.1203642857145 +2025-03-10 13:02:42,474 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,475 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,480 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,482 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,482 - INFO - CLOSED short at 2066.33 | PnL: -0.11% | $-0.34 +2025-03-10 13:02:42,483 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.9796928571427 | Take profit: 2097.3529357142856 +2025-03-10 13:02:42,484 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,487 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,488 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,488 - INFO - CLOSED long at 2060.7 | PnL: -0.27% | $-0.60 +2025-03-10 13:02:42,489 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.022157142857 | Take profit: 2029.7615142857142 +2025-03-10 13:02:42,490 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,491 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,492 - INFO - CLOSED short at 2060.2 | PnL: 0.02% | $-0.12 +2025-03-10 13:02:42,492 - INFO - OPENED LONG at 2060.2 | Stop loss: 2049.8803428571428 | Take profit: 2091.1309857142855 +2025-03-10 13:02:42,493 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,494 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,495 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,496 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,501 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,502 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,504 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,505 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,505 - INFO - CLOSED long at 2056.77 | PnL: -0.17% | $-0.43 +2025-03-10 13:02:42,505 - INFO - OPENED SHORT at 2056.77 | Stop loss: 2067.0725071428574 | Take profit: 2025.8904642857142 +2025-03-10 13:02:42,506 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,507 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,508 - INFO - CLOSED short at 2053.01 | PnL: 0.18% | $0.13 +2025-03-10 13:02:42,509 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,510 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,511 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,513 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,513 - INFO - OPENED SHORT at 2049.5 | Stop loss: 2059.766157142857 | Take profit: 2018.7295142857145 +2025-03-10 13:02:42,514 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,515 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,515 - INFO - CLOSED short at 2051.99 | PnL: -0.12% | $-0.35 +2025-03-10 13:02:42,517 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,518 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,518 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.989842857143 | Take profit: 2089.2024857142856 +2025-03-10 13:02:42,519 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,519 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,521 - INFO - CLOSED long at 2056.85 | PnL: -0.07% | $-0.27 +2025-03-10 13:02:42,521 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.1529071428567 | Take profit: 2025.9692642857142 +2025-03-10 13:02:42,523 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,524 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,525 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,526 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,527 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,528 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,529 - INFO - CLOSED short at 2062.83 | PnL: -0.29% | $-0.62 +2025-03-10 13:02:42,530 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,531 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,536 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,536 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,537 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,538 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,542 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,545 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,546 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,547 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,549 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,550 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,550 - INFO - OPENED SHORT at 2068.33 | Stop loss: 2078.6903071428574 | Take profit: 2037.2770642857142 +2025-03-10 13:02:42,552 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,552 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,555 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,556 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,557 - INFO - CLOSED short at 2066.59 | PnL: 0.08% | $-0.03 +2025-03-10 13:02:42,558 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,565 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,566 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,570 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,571 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,573 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,574 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,575 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.022157142857 | Take profit: 2029.7615142857142 +2025-03-10 13:02:42,576 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,578 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,579 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,580 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,581 - INFO - CLOSED short at 2062.54 | PnL: -0.09% | $-0.30 +2025-03-10 13:02:42,581 - INFO - OPENED LONG at 2062.54 | Stop loss: 2052.208642857143 | Take profit: 2093.5060857142857 +2025-03-10 13:02:42,583 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,586 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,587 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,587 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,589 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,589 - INFO - CLOSED long at 2070.24 | PnL: 0.37% | $0.43 +2025-03-10 13:02:42,591 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,592 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,592 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.7053571428573 | Take profit: 2038.2719142857143 +2025-03-10 13:02:42,593 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,594 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,595 - INFO - CLOSED short at 2069.81 | PnL: -0.02% | $-0.19 +2025-03-10 13:02:42,595 - INFO - OPENED LONG at 2069.81 | Stop loss: 2059.4422928571425 | Take profit: 2100.8851357142858 +2025-03-10 13:02:42,597 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,598 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,599 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,600 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,601 - INFO - CLOSED long at 2073.49 | PnL: 0.18% | $0.12 +2025-03-10 13:02:42,602 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,603 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,607 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,608 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,609 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,610 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,611 - INFO - OPENED SHORT at 2071.89 | Stop loss: 2082.268107142857 | Take profit: 2040.7836642857142 +2025-03-10 13:02:42,611 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,613 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,614 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,615 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,616 - INFO - CLOSED short at 2074.9 | PnL: -0.15% | $-0.39 +2025-03-10 13:02:42,616 - INFO - OPENED LONG at 2074.9 | Stop loss: 2064.506842857143 | Take profit: 2106.0514857142857 +2025-03-10 13:02:42,618 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,618 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,620 - INFO - CLOSED long at 2076.08 | PnL: 0.06% | $-0.07 +2025-03-10 13:02:42,621 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,622 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,623 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,624 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,625 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,626 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,628 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,628 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,629 - INFO - OPENED LONG at 2103.02 | Stop loss: 2092.4862428571428 | Take profit: 2134.5932857142857 +2025-03-10 13:02:42,630 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,632 - INFO - CLOSED long at 2130.7 | PnL: 1.32% | $1.91 +2025-03-10 13:02:42,632 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.372157142857 | Take profit: 2098.711514285714 +2025-03-10 13:02:42,633 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,634 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,636 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,637 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,637 - INFO - CLOSED short at 2131.78 | PnL: -0.05% | $-0.24 +2025-03-10 13:02:42,638 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,639 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,641 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,642 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,644 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,645 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,646 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,647 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,648 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,649 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,650 - INFO - OPENED LONG at 2142.68 | Stop loss: 2131.9479428571426 | Take profit: 2174.8481857142856 +2025-03-10 13:02:42,652 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,653 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,654 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,655 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,655 - INFO - CLOSED long at 2134.78 | PnL: -0.37% | $-0.75 +2025-03-10 13:02:42,656 - INFO - OPENED SHORT at 2134.78 | Stop loss: 2145.4725571428576 | Take profit: 2102.7303142857145 +2025-03-10 13:02:42,656 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,658 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,658 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,660 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,662 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,663 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,664 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,666 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,666 - INFO - CLOSED short at 2121.09 | PnL: 0.64% | $0.86 +2025-03-10 13:02:42,667 - INFO - OPENED LONG at 2121.09 | Stop loss: 2110.465892857143 | Take profit: 2152.9343357142857 +2025-03-10 13:02:42,668 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,670 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,671 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,671 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,672 - INFO - CLOSED long at 2117.24 | PnL: -0.18% | $-0.45 +2025-03-10 13:02:42,672 - INFO - OPENED SHORT at 2117.24 | Stop loss: 2127.844857142857 | Take profit: 2085.453414285714 +2025-03-10 13:02:42,674 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,675 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,676 - INFO - CLOSED short at 2119.93 | PnL: -0.13% | $-0.36 +2025-03-10 13:02:42,676 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3116928571426 | Take profit: 2151.7569357142856 +2025-03-10 13:02:42,677 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,678 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,685 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,686 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,686 - INFO - CLOSED long at 2118.52 | PnL: -0.07% | $-0.26 +2025-03-10 13:02:42,688 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,689 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,689 - INFO - OPENED SHORT at 2119.14 | Stop loss: 2129.7543571428573 | Take profit: 2087.324914285714 +2025-03-10 13:02:42,690 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,691 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,691 - INFO - CLOSED short at 2119.07 | PnL: 0.00% | $-0.15 +2025-03-10 13:02:42,692 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.455992857143 | Take profit: 2150.884035714286 +2025-03-10 13:02:42,693 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,695 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,695 - INFO - CLOSED long at 2115.28 | PnL: -0.18% | $-0.44 +2025-03-10 13:02:42,696 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,697 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,698 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,700 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,700 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.028342857143 | Take profit: 2142.2869857142855 +2025-03-10 13:02:42,701 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,702 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,703 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,705 - INFO - CLOSED long at 2112.09 | PnL: 0.07% | $-0.05 +2025-03-10 13:02:42,706 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,706 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,708 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.533407142857 | Take profit: 2081.2277642857143 +2025-03-10 13:02:42,709 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,709 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,711 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,712 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,712 - INFO - CLOSED short at 2113.24 | PnL: -0.01% | $-0.18 +2025-03-10 13:02:42,713 - INFO - OPENED LONG at 2113.24 | Stop loss: 2102.655142857143 | Take profit: 2144.9665857142854 +2025-03-10 13:02:42,714 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,714 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,716 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,717 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,719 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,720 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,720 - INFO - CLOSED long at 2116.48 | PnL: 0.15% | $0.08 +2025-03-10 13:02:42,723 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,724 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,728 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,730 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,734 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,735 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,739 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,740 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,742 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,744 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,749 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,751 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,751 - INFO - OPENED SHORT at 2103.33 | Stop loss: 2113.865307142857 | Take profit: 2071.7520642857144 +2025-03-10 13:02:42,753 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,754 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,758 - INFO - CLOSED short at 2100.5 | PnL: 0.13% | $0.05 +2025-03-10 13:02:42,759 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,760 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,760 - INFO - OPENED SHORT at 2090.0 | Stop loss: 2100.468657142857 | Take profit: 2058.622014285714 +2025-03-10 13:02:42,762 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,763 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,764 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,765 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,767 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,767 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,769 - INFO - CLOSED short at 2102.19 | PnL: -0.58% | $-1.07 +2025-03-10 13:02:42,770 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,771 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,772 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,773 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,775 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,775 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,777 - INFO - OPENED SHORT at 2098.9 | Stop loss: 2109.4131571428575 | Take profit: 2067.3885142857143 +2025-03-10 13:02:42,778 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,779 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,784 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,785 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,786 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,787 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,787 - INFO - CLOSED short at 2106.39 | PnL: -0.36% | $-0.71 +2025-03-10 13:02:42,789 - INFO - OPENED LONG at 2106.39 | Stop loss: 2095.8393928571427 | Take profit: 2138.0138357142855 +2025-03-10 13:02:42,790 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,791 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,791 - INFO - CLOSED long at 2100.74 | PnL: -0.27% | $-0.57 +2025-03-10 13:02:42,791 - INFO - OPENED SHORT at 2100.74 | Stop loss: 2111.262357142857 | Take profit: 2069.200914285714 +2025-03-10 13:02:42,793 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,793 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,795 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,796 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,797 - INFO - CLOSED short at 2104.68 | PnL: -0.19% | $-0.44 +2025-03-10 13:02:42,798 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,799 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,800 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,802 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,803 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,805 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,805 - INFO - OPENED SHORT at 2100.02 | Stop loss: 2110.538757142857 | Take profit: 2068.4917142857144 +2025-03-10 13:02:42,807 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,808 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,808 - INFO - CLOSED short at 2098.39 | PnL: 0.08% | $-0.03 +2025-03-10 13:02:42,809 - INFO - OPENED LONG at 2098.39 | Stop loss: 2087.8793928571426 | Take profit: 2129.8938357142856 +2025-03-10 13:02:42,810 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,810 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,815 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,817 - INFO - CLOSED long at 2093.46 | PnL: -0.23% | $-0.51 +2025-03-10 13:02:42,817 - INFO - OPENED SHORT at 2093.46 | Stop loss: 2103.945957142857 | Take profit: 2062.0301142857143 +2025-03-10 13:02:42,819 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,820 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,825 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,826 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,827 - INFO - CLOSED short at 2092.46 | PnL: 0.05% | $-0.08 +2025-03-10 13:02:42,828 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,829 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,836 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,837 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,838 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,839 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,840 - INFO - OPENED SHORT at 2094.08 | Stop loss: 2104.569057142857 | Take profit: 2062.640814285714 +2025-03-10 13:02:42,841 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,842 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,843 - INFO - CLOSED short at 2088.35 | PnL: 0.27% | $0.26 +2025-03-10 13:02:42,844 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,845 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,850 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,851 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,851 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.979142857143 | Take profit: 2119.7945857142854 +2025-03-10 13:02:42,853 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,854 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,855 - INFO - CLOSED long at 2083.97 | PnL: -0.21% | $-0.47 +2025-03-10 13:02:42,856 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,857 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,858 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,859 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,860 - INFO - OPENED LONG at 2082.44 | Stop loss: 2072.0091428571427 | Take profit: 2113.7045857142857 +2025-03-10 13:02:42,861 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,862 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,863 - INFO - CLOSED long at 2081.49 | PnL: -0.05% | $-0.22 +2025-03-10 13:02:42,863 - INFO - OPENED SHORT at 2081.49 | Stop loss: 2091.916107142857 | Take profit: 2050.239664285714 +2025-03-10 13:02:42,864 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,865 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,866 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,867 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,873 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,874 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,876 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,877 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,882 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,883 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,886 - INFO - CLOSED short at 2083.59 | PnL: -0.10% | $-0.30 +2025-03-10 13:02:42,887 - INFO - OPENED LONG at 2083.59 | Stop loss: 2073.153392857143 | Take profit: 2114.871835714286 +2025-03-10 13:02:42,887 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,890 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,891 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,892 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,897 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,898 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,902 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,903 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,905 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,905 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,906 - INFO - CLOSED long at 2085.85 | PnL: 0.11% | $0.01 +2025-03-10 13:02:42,907 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,908 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,909 - INFO - OPENED SHORT at 2088.66 | Stop loss: 2099.121957142857 | Take profit: 2057.302114285714 +2025-03-10 13:02:42,910 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,912 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,912 - INFO - CLOSED short at 2088.32 | PnL: 0.02% | $-0.12 +2025-03-10 13:02:42,914 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,915 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,915 - INFO - OPENED SHORT at 2088.1 | Stop loss: 2098.559157142857 | Take profit: 2056.750514285714 +2025-03-10 13:02:42,916 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,917 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,920 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,921 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,922 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,924 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,924 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,927 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,928 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,928 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,929 - INFO - CLOSED short at 2086.81 | PnL: 0.06% | $-0.06 +2025-03-10 13:02:42,929 - INFO - OPENED LONG at 2086.81 | Stop loss: 2076.3572928571425 | Take profit: 2118.1401357142854 +2025-03-10 13:02:42,931 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,932 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,932 - INFO - CLOSED long at 2089.79 | PnL: 0.14% | $0.06 +2025-03-10 13:02:42,934 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,934 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,936 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,937 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,942 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,943 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,943 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.5239071428573 | Take profit: 2059.6562642857148 +2025-03-10 13:02:42,944 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,946 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,946 - INFO - CLOSED short at 2091.05 | PnL: 0.00% | $-0.15 +2025-03-10 13:02:42,946 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.576092857143 | Take profit: 2122.4437357142856 +2025-03-10 13:02:42,947 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,949 - INFO - CLOSED long at 2091.95 | PnL: 0.04% | $-0.08 +2025-03-10 13:02:42,950 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,951 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,953 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,954 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,955 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,956 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,958 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,959 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,960 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,961 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,962 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,964 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,965 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,966 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,968 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,969 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,971 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,972 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,977 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,978 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,979 - INFO - OPENED LONG at 2106.15 | Stop loss: 2095.600592857143 | Take profit: 2137.7702357142857 +2025-03-10 13:02:42,980 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,981 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,984 - INFO - CLOSED long at 2103.48 | PnL: -0.13% | $-0.34 +2025-03-10 13:02:42,985 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:42,987 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:42,988 - INFO - Trade Analysis: Win Rate=5.9% in uptrends, 0.0% in downtrends | Avg Win=$0.28, Avg Loss=$-0.27 +2025-03-10 13:02:42,988 - INFO - Episode 3: Reward=-148.63, Balance=$74.40, Win Rate=13.5%, Trades=133, Episode PnL=$-19.59, Total PnL=$-105.59, Max Drawdown=25.6%, Pred Accuracy=98.6% +2025-03-10 13:02:42,988 - ERROR - Error in episode 3: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:02:42,990 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1763, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:02:43,010 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 13:02:43,198 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,200 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,200 - INFO - OPENED SHORT at 2049.49 | Stop loss: 2059.756107142857 | Take profit: 2018.719664285714 +2025-03-10 13:02:43,202 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,203 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,205 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,206 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,208 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,210 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,212 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,213 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,216 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,217 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,218 - INFO - CLOSED short at 2049.24 | PnL: 0.01% | $-0.17 +2025-03-10 13:02:43,219 - INFO - OPENED LONG at 2049.24 | Stop loss: 2038.9751428571426 | Take profit: 2080.0065857142854 +2025-03-10 13:02:43,220 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,222 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,224 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,225 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,227 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,229 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,229 - INFO - CLOSED long at 2046.58 | PnL: -0.13% | $-0.45 +2025-03-10 13:02:43,230 - INFO - OPENED SHORT at 2046.58 | Stop loss: 2056.8315571428575 | Take profit: 2015.8533142857143 +2025-03-10 13:02:43,232 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,233 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,235 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,236 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,238 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,240 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,247 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,249 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,250 - INFO - CLOSED short at 2045.99 | PnL: 0.03% | $-0.14 +2025-03-10 13:02:43,251 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,253 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,253 - INFO - OPENED LONG at 2045.79 | Stop loss: 2035.5423928571429 | Take profit: 2076.5048357142855 +2025-03-10 13:02:43,255 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,256 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,258 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,259 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,261 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,262 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,264 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,266 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,266 - INFO - CLOSED long at 2050.0 | PnL: 0.21% | $0.21 +2025-03-10 13:02:43,267 - INFO - OPENED SHORT at 2050.0 | Stop loss: 2060.268657142857 | Take profit: 2019.2220142857143 +2025-03-10 13:02:43,268 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,269 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,271 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,272 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,274 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,276 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,278 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,279 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,281 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,283 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,289 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,290 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,292 - INFO - CLOSED short at 2052.3 | PnL: -0.11% | $-0.42 +2025-03-10 13:02:43,292 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.0198428571432 | Take profit: 2083.112485714286 +2025-03-10 13:02:43,294 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,296 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,296 - INFO - CLOSED long at 2055.69 | PnL: 0.17% | $0.13 +2025-03-10 13:02:43,298 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,299 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,300 - INFO - OPENED SHORT at 2057.01 | Stop loss: 2067.3137071428573 | Take profit: 2026.1268642857144 +2025-03-10 13:02:43,301 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,303 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,304 - INFO - CLOSED short at 2056.89 | PnL: 0.01% | $-0.19 +2025-03-10 13:02:43,305 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,307 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,308 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,310 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,311 - INFO - OPENED LONG at 2060.13 | Stop loss: 2049.810692857143 | Take profit: 2091.059935714286 +2025-03-10 13:02:43,313 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,314 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,315 - INFO - CLOSED long at 2059.7 | PnL: -0.02% | $-0.24 +2025-03-10 13:02:43,317 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,318 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,320 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,321 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,322 - INFO - OPENED SHORT at 2063.29 | Stop loss: 2073.6251071428574 | Take profit: 2032.3126642857144 +2025-03-10 13:02:43,323 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,324 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,325 - INFO - CLOSED short at 2064.61 | PnL: -0.06% | $-0.32 +2025-03-10 13:02:43,325 - INFO - OPENED LONG at 2064.61 | Stop loss: 2054.268292857143 | Take profit: 2095.6071357142855 +2025-03-10 13:02:43,327 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,328 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,329 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,331 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,333 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,333 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,336 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,337 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,338 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,339 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,340 - INFO - CLOSED long at 2060.99 | PnL: -0.18% | $-0.54 +2025-03-10 13:02:43,342 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,343 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,345 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,346 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,348 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,349 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,351 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,351 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,352 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.556892857143 | Take profit: 2093.8613357142854 +2025-03-10 13:02:43,354 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,356 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,357 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,358 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,360 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,361 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,362 - INFO - CLOSED long at 2057.8 | PnL: -0.25% | $-0.67 +2025-03-10 13:02:43,363 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,364 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,366 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,367 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,369 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,369 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,370 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.8007928571428 | Take profit: 2089.0096357142857 +2025-03-10 13:02:43,371 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,373 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,374 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,375 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,380 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,381 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,384 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,385 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,389 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,391 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,391 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,393 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,393 - INFO - CLOSED long at 2068.11 | PnL: 0.49% | $0.74 +2025-03-10 13:02:43,394 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.4692071428576 | Take profit: 2037.0603642857143 +2025-03-10 13:02:43,395 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,396 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,402 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,403 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,403 - INFO - CLOSED short at 2067.89 | PnL: 0.01% | $-0.17 +2025-03-10 13:02:43,405 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,406 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,406 - INFO - OPENED LONG at 2071.63 | Stop loss: 2061.253192857143 | Take profit: 2102.7324357142857 +2025-03-10 13:02:43,408 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,408 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,410 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,411 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,412 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,413 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,414 - INFO - CLOSED long at 2068.65 | PnL: -0.14% | $-0.47 +2025-03-10 13:02:43,415 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,417 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,418 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.6263928571425 | Take profit: 2100.0528357142853 +2025-03-10 13:02:43,419 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,421 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,427 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,428 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,429 - INFO - CLOSED long at 2067.69 | PnL: -0.06% | $-0.31 +2025-03-10 13:02:43,430 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,431 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,436 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,437 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,442 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,443 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,447 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,448 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,449 - INFO - OPENED SHORT at 2075.1 | Stop loss: 2085.4941571428567 | Take profit: 2043.9455142857141 +2025-03-10 13:02:43,450 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,451 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,453 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,454 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,454 - INFO - CLOSED short at 2072.33 | PnL: 0.13% | $0.06 +2025-03-10 13:02:43,456 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,457 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,457 - INFO - OPENED LONG at 2071.38 | Stop loss: 2061.0044428571427 | Take profit: 2102.478685714286 +2025-03-10 13:02:43,459 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,460 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,460 - INFO - CLOSED long at 2071.41 | PnL: 0.00% | $-0.19 +2025-03-10 13:02:43,461 - INFO - OPENED SHORT at 2071.41 | Stop loss: 2081.785707142857 | Take profit: 2040.3108642857142 +2025-03-10 13:02:43,462 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,463 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,467 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,468 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,470 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,471 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,473 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,474 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,474 - INFO - CLOSED short at 2070.79 | PnL: 0.03% | $-0.13 +2025-03-10 13:02:43,475 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,476 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,478 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,479 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,481 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,483 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,483 - INFO - OPENED LONG at 2067.2 | Stop loss: 2056.8453428571424 | Take profit: 2098.2359857142856 +2025-03-10 13:02:43,484 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,486 - INFO - CLOSED long at 2070.36 | PnL: 0.15% | $0.10 +2025-03-10 13:02:43,487 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,488 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,490 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,491 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,492 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,493 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,494 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,495 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,496 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,497 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,498 - INFO - OPENED SHORT at 2068.8 | Stop loss: 2079.1626571428574 | Take profit: 2037.7400142857143 +2025-03-10 13:02:43,499 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,501 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,501 - INFO - CLOSED short at 2067.6 | PnL: 0.06% | $-0.08 +2025-03-10 13:02:43,501 - INFO - OPENED LONG at 2067.6 | Stop loss: 2057.2433428571426 | Take profit: 2098.6419857142855 +2025-03-10 13:02:43,503 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,503 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,505 - INFO - CLOSED long at 2067.51 | PnL: -0.00% | $-0.20 +2025-03-10 13:02:43,505 - INFO - OPENED SHORT at 2067.51 | Stop loss: 2077.8662071428575 | Take profit: 2036.4693642857146 +2025-03-10 13:02:43,506 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,507 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,508 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,509 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,511 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,512 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,513 - INFO - CLOSED short at 2065.99 | PnL: 0.07% | $-0.05 +2025-03-10 13:02:43,513 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.6413928571424 | Take profit: 2097.0078357142856 +2025-03-10 13:02:43,514 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,515 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,517 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,518 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,519 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,520 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,524 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,526 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,526 - INFO - CLOSED long at 2066.18 | PnL: 0.01% | $-0.17 +2025-03-10 13:02:43,526 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.529557142857 | Take profit: 2035.1593142857141 +2025-03-10 13:02:43,528 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,529 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,534 - INFO - CLOSED short at 2068.76 | PnL: -0.12% | $-0.43 +2025-03-10 13:02:43,535 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,536 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,538 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,539 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,540 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,541 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,541 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.228392857143 | Take profit: 2099.6468357142858 +2025-03-10 13:02:43,543 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,544 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,546 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,547 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,548 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,549 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,550 - INFO - CLOSED long at 2069.96 | PnL: 0.07% | $-0.06 +2025-03-10 13:02:43,550 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.328457142857 | Take profit: 2038.8826142857142 +2025-03-10 13:02:43,551 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,552 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,553 - INFO - CLOSED short at 2071.4 | PnL: -0.07% | $-0.32 +2025-03-10 13:02:43,553 - INFO - OPENED LONG at 2071.4 | Stop loss: 2061.024342857143 | Take profit: 2102.498985714286 +2025-03-10 13:02:43,555 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,556 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,556 - INFO - CLOSED long at 2071.39 | PnL: -0.00% | $-0.19 +2025-03-10 13:02:43,556 - INFO - OPENED SHORT at 2071.39 | Stop loss: 2081.765607142857 | Take profit: 2040.291164285714 +2025-03-10 13:02:43,558 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,559 - INFO - CLOSED short at 2071.36 | PnL: 0.00% | $-0.19 +2025-03-10 13:02:43,561 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,561 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,562 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,564 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,569 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,570 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,575 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,577 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,577 - INFO - OPENED LONG at 2072.15 | Stop loss: 2061.770592857143 | Take profit: 2103.2602357142855 +2025-03-10 13:02:43,578 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,579 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,581 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,582 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,584 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,585 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,587 - INFO - CLOSED long at 2071.92 | PnL: -0.01% | $-0.21 +2025-03-10 13:02:43,588 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,588 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,589 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.770657142857 | Take profit: 2039.3160142857146 +2025-03-10 13:02:43,591 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,592 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,594 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,595 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,596 - INFO - CLOSED short at 2069.46 | PnL: 0.05% | $-0.10 +2025-03-10 13:02:43,596 - INFO - OPENED LONG at 2069.46 | Stop loss: 2059.094042857143 | Take profit: 2100.5298857142857 +2025-03-10 13:02:43,598 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,599 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,605 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,606 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,607 - INFO - CLOSED long at 2068.32 | PnL: -0.06% | $-0.29 +2025-03-10 13:02:43,608 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,609 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,611 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,612 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,613 - INFO - OPENED SHORT at 2067.79 | Stop loss: 2078.1476071428574 | Take profit: 2036.7451642857143 +2025-03-10 13:02:43,615 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,616 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,618 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,619 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,620 - INFO - CLOSED short at 2066.8 | PnL: 0.05% | $-0.10 +2025-03-10 13:02:43,620 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.447342857143 | Take profit: 2097.829985714286 +2025-03-10 13:02:43,622 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,629 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,631 - INFO - CLOSED long at 2063.61 | PnL: -0.15% | $-0.48 +2025-03-10 13:02:43,632 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,634 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,635 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,636 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,637 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.531892857143 | Take profit: 2098.9363357142856 +2025-03-10 13:02:43,638 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,640 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,641 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,643 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,643 - INFO - CLOSED long at 2068.8 | PnL: 0.04% | $-0.10 +2025-03-10 13:02:43,643 - INFO - OPENED SHORT at 2068.8 | Stop loss: 2079.1626571428574 | Take profit: 2037.7400142857143 +2025-03-10 13:02:43,645 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,646 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,647 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,649 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,650 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,653 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,654 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,658 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,660 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,661 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,662 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,662 - INFO - CLOSED short at 2071.59 | PnL: -0.13% | $-0.44 +2025-03-10 13:02:43,664 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,665 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,666 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3278428571425 | Take profit: 2101.7884857142853 +2025-03-10 13:02:43,667 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,668 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,675 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,676 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,681 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,682 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,686 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,688 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,689 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,691 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,692 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,693 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,694 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,695 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,697 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,698 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,700 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,702 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,702 - INFO - CLOSED long at 2066.1 | PnL: -0.22% | $-0.60 +2025-03-10 13:02:43,703 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,705 - INFO - OPENED LONG at 2065.28 | Stop loss: 2054.934942857143 | Take profit: 2096.287185714286 +2025-03-10 13:02:43,706 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,707 - INFO - CLOSED long at 2066.39 | PnL: 0.05% | $-0.09 +2025-03-10 13:02:43,708 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.7406071428572 | Take profit: 2035.3661642857141 +2025-03-10 13:02:43,709 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,710 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,711 - INFO - CLOSED short at 2064.47 | PnL: 0.09% | $-0.01 +2025-03-10 13:02:43,712 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,713 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,715 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,716 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,718 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,719 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,719 - INFO - OPENED SHORT at 2068.18 | Stop loss: 2078.539557142857 | Take profit: 2037.1293142857141 +2025-03-10 13:02:43,720 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,722 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,722 - INFO - CLOSED short at 2065.69 | PnL: 0.12% | $0.04 +2025-03-10 13:02:43,723 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,724 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,725 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2380571428575 | Take profit: 2036.8338142857144 +2025-03-10 13:02:43,726 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,729 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,730 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,731 - INFO - CLOSED short at 2065.83 | PnL: 0.10% | $-0.00 +2025-03-10 13:02:43,732 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,733 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,734 - INFO - OPENED LONG at 2066.15 | Stop loss: 2055.800592857143 | Take profit: 2097.170235714286 +2025-03-10 13:02:43,735 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,736 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,738 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,739 - INFO - CLOSED long at 2062.89 | PnL: -0.16% | $-0.47 +2025-03-10 13:02:43,739 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.223107142857 | Take profit: 2031.9186642857142 +2025-03-10 13:02:43,741 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,742 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,743 - INFO - CLOSED short at 2062.65 | PnL: 0.01% | $-0.16 +2025-03-10 13:02:43,743 - INFO - OPENED LONG at 2062.65 | Stop loss: 2052.318092857143 | Take profit: 2093.617735714286 +2025-03-10 13:02:43,744 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,745 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,747 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,748 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,749 - INFO - CLOSED long at 2059.59 | PnL: -0.15% | $-0.45 +2025-03-10 13:02:43,749 - INFO - OPENED SHORT at 2059.59 | Stop loss: 2069.9066071428574 | Take profit: 2028.6681642857145 +2025-03-10 13:02:43,750 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,752 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,752 - INFO - CLOSED short at 2061.3 | PnL: -0.08% | $-0.33 +2025-03-10 13:02:43,753 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,754 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,759 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,760 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,761 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.616542857143 | Take profit: 2095.9623857142856 +2025-03-10 13:02:43,762 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,763 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,768 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,769 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,769 - INFO - CLOSED long at 2067.1 | PnL: 0.10% | $0.01 +2025-03-10 13:02:43,771 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,771 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,772 - INFO - OPENED SHORT at 2065.54 | Stop loss: 2075.8863571428574 | Take profit: 2034.528914285714 +2025-03-10 13:02:43,773 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,774 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,774 - INFO - CLOSED short at 2066.09 | PnL: -0.03% | $-0.23 +2025-03-10 13:02:43,776 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,777 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,779 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,780 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,784 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,785 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,787 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,788 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,788 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.556892857143 | Take profit: 2093.8613357142854 +2025-03-10 13:02:43,789 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,790 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,791 - INFO - CLOSED long at 2064.5 | PnL: 0.08% | $-0.04 +2025-03-10 13:02:43,792 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,793 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,793 - INFO - OPENED SHORT at 2063.5 | Stop loss: 2073.8361571428572 | Take profit: 2032.5195142857144 +2025-03-10 13:02:43,794 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,795 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,796 - INFO - CLOSED short at 2061.6 | PnL: 0.09% | $-0.01 +2025-03-10 13:02:43,797 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,803 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,804 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,805 - INFO - OPENED SHORT at 2060.65 | Stop loss: 2070.971907142857 | Take profit: 2029.7122642857146 +2025-03-10 13:02:43,806 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,808 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,809 - INFO - CLOSED short at 2058.89 | PnL: 0.09% | $-0.03 +2025-03-10 13:02:43,809 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.576892857143 | Take profit: 2089.8013357142854 +2025-03-10 13:02:43,810 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,811 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,815 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,817 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,817 - INFO - CLOSED long at 2060.31 | PnL: 0.07% | $-0.06 +2025-03-10 13:02:43,817 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.630207142857 | Take profit: 2029.377364285714 +2025-03-10 13:02:43,819 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,820 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,821 - INFO - CLOSED short at 2061.8 | PnL: -0.07% | $-0.31 +2025-03-10 13:02:43,822 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,823 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,823 - INFO - OPENED SHORT at 2064.7 | Stop loss: 2075.042157142857 | Take profit: 2033.7015142857142 +2025-03-10 13:02:43,825 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,826 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,827 - INFO - CLOSED short at 2062.61 | PnL: 0.10% | $0.00 +2025-03-10 13:02:43,827 - INFO - OPENED LONG at 2062.61 | Stop loss: 2052.278292857143 | Take profit: 2093.577135714286 +2025-03-10 13:02:43,829 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,830 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,830 - INFO - CLOSED long at 2060.91 | PnL: -0.08% | $-0.33 +2025-03-10 13:02:43,831 - INFO - OPENED SHORT at 2060.91 | Stop loss: 2071.233207142857 | Take profit: 2029.968364285714 +2025-03-10 13:02:43,832 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,833 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,835 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,836 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,837 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,838 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,840 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,840 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,841 - INFO - CLOSED short at 2064.1 | PnL: -0.15% | $-0.46 +2025-03-10 13:02:43,842 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,843 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,847 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,848 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,855 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,856 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,857 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,858 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,859 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,860 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,862 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,863 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,864 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,866 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,869 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,872 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,873 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,874 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,875 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,877 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,877 - INFO - OPENED LONG at 2061.7 | Stop loss: 2051.3728428571426 | Take profit: 2092.6534857142856 +2025-03-10 13:02:43,879 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,880 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,880 - INFO - CLOSED long at 2060.7 | PnL: -0.05% | $-0.26 +2025-03-10 13:02:43,880 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.022157142857 | Take profit: 2029.7615142857142 +2025-03-10 13:02:43,882 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,883 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,885 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,886 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,886 - INFO - CLOSED short at 2059.61 | PnL: 0.05% | $-0.08 +2025-03-10 13:02:43,887 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,889 - INFO - OPENED LONG at 2059.16 | Stop loss: 2048.845542857143 | Take profit: 2090.075385714286 +2025-03-10 13:02:43,890 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,892 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,892 - INFO - CLOSED long at 2059.02 | PnL: -0.01% | $-0.19 +2025-03-10 13:02:43,893 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,894 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,896 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,897 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,899 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,900 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,902 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,903 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,904 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,905 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,907 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,909 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,914 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,915 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,916 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,917 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,918 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,919 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,921 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,922 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,923 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,924 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,926 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,927 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,927 - INFO - OPENED LONG at 2059.8 | Stop loss: 2049.482342857143 | Take profit: 2090.724985714286 +2025-03-10 13:02:43,928 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,929 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,930 - INFO - CLOSED long at 2061.66 | PnL: 0.09% | $-0.02 +2025-03-10 13:02:43,930 - INFO - OPENED SHORT at 2061.66 | Stop loss: 2071.9869571428567 | Take profit: 2030.707114285714 +2025-03-10 13:02:43,931 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,932 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,933 - INFO - CLOSED short at 2061.5 | PnL: 0.01% | $-0.16 +2025-03-10 13:02:43,934 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,935 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,940 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,941 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,941 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6251571428575 | Take profit: 2030.3525142857145 +2025-03-10 13:02:43,942 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,943 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,944 - INFO - CLOSED short at 2062.69 | PnL: -0.07% | $-0.30 +2025-03-10 13:02:43,946 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,947 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,952 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,953 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,954 - INFO - OPENED SHORT at 2066.36 | Stop loss: 2076.7104571428576 | Take profit: 2035.3366142857144 +2025-03-10 13:02:43,955 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,956 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,956 - INFO - CLOSED short at 2066.01 | PnL: 0.02% | $-0.15 +2025-03-10 13:02:43,957 - INFO - OPENED LONG at 2066.01 | Stop loss: 2055.661292857143 | Take profit: 2097.0281357142862 +2025-03-10 13:02:43,958 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,959 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,959 - INFO - CLOSED long at 2063.9 | PnL: -0.10% | $-0.36 +2025-03-10 13:02:43,961 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,962 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,967 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,968 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,968 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6803071428567 | Take profit: 2035.3070642857142 +2025-03-10 13:02:43,970 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,971 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,973 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,975 - INFO - CLOSED short at 2066.79 | PnL: -0.02% | $-0.21 +2025-03-10 13:02:43,975 - INFO - OPENED LONG at 2066.79 | Stop loss: 2056.4373928571426 | Take profit: 2097.8198357142855 +2025-03-10 13:02:43,976 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,977 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,979 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,979 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,982 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,983 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,983 - INFO - CLOSED long at 2065.69 | PnL: -0.05% | $-0.27 +2025-03-10 13:02:43,985 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,985 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,987 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,989 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,989 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3786571428573 | Take profit: 2040.8920142857141 +2025-03-10 13:02:43,991 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,992 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,993 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:43,994 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:43,999 - INFO - CLOSED short at 2078.01 | PnL: -0.29% | $-0.68 +2025-03-10 13:02:43,999 - INFO - OPENED LONG at 2078.01 | Stop loss: 2067.601292857143 | Take profit: 2109.208135714286 +2025-03-10 13:02:44,000 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,001 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,003 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,004 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,005 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,007 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,007 - INFO - CLOSED long at 2071.04 | PnL: -0.34% | $-0.75 +2025-03-10 13:02:44,008 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.413857142857 | Take profit: 2039.9464142857141 +2025-03-10 13:02:44,009 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,010 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,011 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,012 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,012 - INFO - CLOSED short at 2071.6 | PnL: -0.03% | $-0.22 +2025-03-10 13:02:44,015 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,016 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,017 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,018 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,019 - INFO - OPENED SHORT at 2070.0 | Stop loss: 2080.368657142857 | Take profit: 2038.922014285714 +2025-03-10 13:02:44,020 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,021 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,023 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,024 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,025 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,026 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,026 - INFO - CLOSED short at 2069.69 | PnL: 0.01% | $-0.15 +2025-03-10 13:02:44,028 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,029 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,030 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.3938071428574 | Take profit: 2037.9665642857144 +2025-03-10 13:02:44,031 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,032 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,033 - INFO - CLOSED short at 2067.44 | PnL: 0.08% | $-0.04 +2025-03-10 13:02:44,033 - INFO - OPENED LONG at 2067.44 | Stop loss: 2057.084142857143 | Take profit: 2098.479585714286 +2025-03-10 13:02:44,034 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,036 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,036 - INFO - CLOSED long at 2068.79 | PnL: 0.07% | $-0.06 +2025-03-10 13:02:44,038 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,039 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,039 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6063928571425 | Take profit: 2104.1128357142857 +2025-03-10 13:02:44,040 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,041 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,042 - INFO - CLOSED long at 2071.49 | PnL: -0.07% | $-0.29 +2025-03-10 13:02:44,043 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,044 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,044 - INFO - OPENED LONG at 2069.87 | Stop loss: 2059.501992857143 | Take profit: 2100.9460357142857 +2025-03-10 13:02:44,046 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,048 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,049 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,051 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,051 - INFO - CLOSED long at 2066.38 | PnL: -0.17% | $-0.46 +2025-03-10 13:02:44,053 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,054 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,054 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3528428571426 | Take profit: 2096.713485714286 +2025-03-10 13:02:44,056 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,057 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,062 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,063 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,063 - INFO - CLOSED long at 2063.95 | PnL: -0.08% | $-0.31 +2025-03-10 13:02:44,063 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.288407142857 | Take profit: 2032.962764285714 +2025-03-10 13:02:44,065 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,066 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,067 - INFO - CLOSED short at 2063.97 | PnL: -0.00% | $-0.17 +2025-03-10 13:02:44,067 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.631492857143 | Take profit: 2094.9575357142853 +2025-03-10 13:02:44,068 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,069 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,073 - INFO - CLOSED long at 2064.5 | PnL: 0.03% | $-0.12 +2025-03-10 13:02:44,074 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,075 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,080 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,081 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,088 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,089 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,089 - INFO - OPENED SHORT at 2064.31 | Stop loss: 2074.650207142857 | Take profit: 2033.3173642857143 +2025-03-10 13:02:44,090 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,091 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,092 - INFO - CLOSED short at 2065.5 | PnL: -0.06% | $-0.26 +2025-03-10 13:02:44,093 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,096 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,096 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,097 - INFO - OPENED SHORT at 2065.29 | Stop loss: 2075.635107142857 | Take profit: 2034.2826642857144 +2025-03-10 13:02:44,098 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,100 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,100 - INFO - CLOSED short at 2065.31 | PnL: -0.00% | $-0.17 +2025-03-10 13:02:44,101 - INFO - OPENED LONG at 2065.31 | Stop loss: 2054.9647928571426 | Take profit: 2096.3176357142856 +2025-03-10 13:02:44,102 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,103 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,103 - INFO - CLOSED long at 2066.8 | PnL: 0.07% | $-0.05 +2025-03-10 13:02:44,105 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,105 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,106 - INFO - OPENED SHORT at 2066.5 | Stop loss: 2076.851157142857 | Take profit: 2035.4745142857143 +2025-03-10 13:02:44,107 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,109 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,110 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,111 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,112 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,114 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,115 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,116 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,117 - INFO - CLOSED short at 2071.35 | PnL: -0.23% | $-0.56 +2025-03-10 13:02:44,118 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,119 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,120 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.273157142857 | Take profit: 2039.8085142857144 +2025-03-10 13:02:44,121 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,122 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,123 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,124 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,126 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,127 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,128 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,130 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,134 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,135 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,137 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,138 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,143 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,144 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,145 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,146 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,148 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,149 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,153 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,154 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,156 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,157 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,158 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,159 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,160 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,161 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,162 - INFO - CLOSED short at 2075.07 | PnL: -0.20% | $-0.50 +2025-03-10 13:02:44,162 - INFO - OPENED LONG at 2075.07 | Stop loss: 2064.6759928571432 | Take profit: 2106.224035714286 +2025-03-10 13:02:44,163 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,164 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,166 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,166 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,168 - INFO - CLOSED long at 2073.27 | PnL: -0.09% | $-0.31 +2025-03-10 13:02:44,169 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,170 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,170 - INFO - OPENED SHORT at 2073.99 | Stop loss: 2084.378607142857 | Take profit: 2042.852164285714 +2025-03-10 13:02:44,171 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,173 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,173 - INFO - CLOSED short at 2075.32 | PnL: -0.06% | $-0.27 +2025-03-10 13:02:44,174 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,175 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,176 - INFO - OPENED SHORT at 2075.29 | Stop loss: 2085.6851071428573 | Take profit: 2044.1326642857143 +2025-03-10 13:02:44,177 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,178 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,179 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,180 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,182 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,184 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,184 - INFO - CLOSED short at 2074.0 | PnL: 0.06% | $-0.06 +2025-03-10 13:02:44,185 - INFO - OPENED LONG at 2074.0 | Stop loss: 2063.611342857143 | Take profit: 2105.137985714286 +2025-03-10 13:02:44,186 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,187 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,192 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,193 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,198 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,199 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,199 - INFO - CLOSED long at 2067.7 | PnL: -0.30% | $-0.66 +2025-03-10 13:02:44,200 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.057157142857 | Take profit: 2036.6565142857141 +2025-03-10 13:02:44,201 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,202 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,204 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,205 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,206 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,207 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,209 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,210 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,211 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,212 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,214 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,215 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,219 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,220 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,221 - INFO - CLOSED short at 2068.1 | PnL: -0.02% | $-0.19 +2025-03-10 13:02:44,221 - INFO - OPENED LONG at 2068.1 | Stop loss: 2057.740842857143 | Take profit: 2099.1494857142857 +2025-03-10 13:02:44,222 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,224 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,224 - INFO - CLOSED long at 2069.0 | PnL: 0.04% | $-0.09 +2025-03-10 13:02:44,224 - INFO - OPENED SHORT at 2069.0 | Stop loss: 2079.363657142857 | Take profit: 2037.9370142857144 +2025-03-10 13:02:44,225 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,226 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,229 - INFO - CLOSED short at 2070.19 | PnL: -0.06% | $-0.25 +2025-03-10 13:02:44,230 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,232 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,233 - INFO - OPENED LONG at 2070.1 | Stop loss: 2059.7308428571428 | Take profit: 2101.1794857142854 +2025-03-10 13:02:44,234 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,235 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,239 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,240 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,246 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,247 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,247 - INFO - CLOSED long at 2065.7 | PnL: -0.21% | $-0.50 +2025-03-10 13:02:44,248 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.047157142857 | Take profit: 2034.686514285714 +2025-03-10 13:02:44,250 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,251 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,251 - INFO - CLOSED short at 2065.8 | PnL: -0.00% | $-0.17 +2025-03-10 13:02:44,252 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,253 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,258 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,259 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,261 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,262 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,264 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,265 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,266 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,267 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,271 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,273 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,274 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,275 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,276 - INFO - OPENED LONG at 2065.06 | Stop loss: 2054.716042857143 | Take profit: 2096.063885714286 +2025-03-10 13:02:44,277 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,279 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,280 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,281 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,281 - INFO - CLOSED long at 2064.5 | PnL: -0.03% | $-0.20 +2025-03-10 13:02:44,283 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,284 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,285 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,286 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,286 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.3437071428575 | Take profit: 2032.0368642857145 +2025-03-10 13:02:44,287 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,289 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,289 - INFO - CLOSED short at 2060.7 | PnL: 0.11% | $0.02 +2025-03-10 13:02:44,289 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3778428571427 | Take profit: 2091.6384857142853 +2025-03-10 13:02:44,291 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,292 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,292 - INFO - CLOSED long at 2060.2 | PnL: -0.02% | $-0.20 +2025-03-10 13:02:44,293 - INFO - OPENED SHORT at 2060.2 | Stop loss: 2070.519657142857 | Take profit: 2029.269014285714 +2025-03-10 13:02:44,294 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,295 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,296 - INFO - CLOSED short at 2059.2 | PnL: 0.05% | $-0.08 +2025-03-10 13:02:44,296 - INFO - OPENED LONG at 2059.2 | Stop loss: 2048.885342857143 | Take profit: 2090.1159857142857 +2025-03-10 13:02:44,297 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,298 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,299 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,300 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,301 - INFO - CLOSED long at 2058.65 | PnL: -0.03% | $-0.20 +2025-03-10 13:02:44,301 - INFO - OPENED SHORT at 2058.65 | Stop loss: 2068.9619071428574 | Take profit: 2027.7422642857143 +2025-03-10 13:02:44,302 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,303 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,308 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,309 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,309 - INFO - CLOSED short at 2053.01 | PnL: 0.27% | $0.28 +2025-03-10 13:02:44,310 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.726292857143 | Take profit: 2083.8331357142856 +2025-03-10 13:02:44,311 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,312 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,312 - INFO - CLOSED long at 2049.21 | PnL: -0.19% | $-0.45 +2025-03-10 13:02:44,313 - INFO - OPENED SHORT at 2049.21 | Stop loss: 2059.474707142857 | Take profit: 2018.4438642857142 +2025-03-10 13:02:44,314 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,315 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,321 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,322 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,328 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,329 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,330 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,331 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,333 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,335 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,336 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,337 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,342 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,342 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,347 - INFO - STOP LOSS hit for short at 2059.474707142857 | PnL: -0.50% | $-0.95 +2025-03-10 13:02:44,349 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,350 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,355 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,359 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,361 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,362 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,363 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,364 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.881407142857 | Take profit: 2031.5837642857146 +2025-03-10 13:02:44,365 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,366 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,367 - INFO - CLOSED short at 2065.12 | PnL: -0.12% | $-0.35 +2025-03-10 13:02:44,367 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.7757428571426 | Take profit: 2096.1247857142857 +2025-03-10 13:02:44,368 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,369 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,370 - INFO - CLOSED long at 2068.33 | PnL: 0.16% | $0.09 +2025-03-10 13:02:44,370 - INFO - OPENED SHORT at 2068.33 | Stop loss: 2078.6903071428574 | Take profit: 2037.2770642857142 +2025-03-10 13:02:44,372 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,374 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,374 - INFO - CLOSED short at 2067.49 | PnL: 0.04% | $-0.09 +2025-03-10 13:02:44,375 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,377 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,379 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,380 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,380 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.419057142857 | Take profit: 2033.0908142857143 +2025-03-10 13:02:44,382 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,383 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,390 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,391 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,392 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,393 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,395 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,396 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,397 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,398 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,404 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,405 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,405 - INFO - CLOSED short at 2065.72 | PnL: -0.08% | $-0.28 +2025-03-10 13:02:44,406 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,407 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,408 - INFO - OPENED LONG at 2070.31 | Stop loss: 2059.939792857143 | Take profit: 2101.3926357142855 +2025-03-10 13:02:44,410 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,411 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,416 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,417 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,419 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,420 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,421 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,422 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,427 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,428 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,430 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,432 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,433 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,434 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,439 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,440 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,441 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,442 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,443 - INFO - CLOSED long at 2071.8 | PnL: 0.07% | $-0.04 +2025-03-10 13:02:44,444 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,445 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,449 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,451 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,452 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,453 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,454 - INFO - OPENED LONG at 2077.61 | Stop loss: 2067.203292857143 | Take profit: 2108.8021357142857 +2025-03-10 13:02:44,455 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,456 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,460 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,461 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,462 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,463 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,465 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,466 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,467 - INFO - TAKE PROFIT hit for long at 2108.8021357142857 | PnL: 1.50% | $2.17 +2025-03-10 13:02:44,468 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,469 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,470 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,471 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,472 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,473 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,476 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,477 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,479 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,480 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,482 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,483 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,484 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,486 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.412057142857 | Take profit: 2110.511814285714 +2025-03-10 13:02:44,487 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,489 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,493 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,494 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,496 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,497 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,503 - INFO - CLOSED short at 2126.99 | PnL: 0.73% | $1.01 +2025-03-10 13:02:44,503 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.336392857143 | Take profit: 2158.9228357142856 +2025-03-10 13:02:44,505 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,506 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,510 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,510 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,512 - INFO - CLOSED long at 2128.69 | PnL: 0.08% | $-0.03 +2025-03-10 13:02:44,512 - INFO - OPENED SHORT at 2128.69 | Stop loss: 2139.352107142857 | Take profit: 2096.731664285714 +2025-03-10 13:02:44,513 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,514 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,515 - INFO - CLOSED short at 2121.09 | PnL: 0.36% | $0.41 +2025-03-10 13:02:44,516 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,517 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,517 - INFO - OPENED SHORT at 2120.15 | Stop loss: 2130.769407142857 | Take profit: 2088.3197642857144 +2025-03-10 13:02:44,518 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,519 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,520 - INFO - CLOSED short at 2117.24 | PnL: 0.14% | $0.06 +2025-03-10 13:02:44,521 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,522 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,523 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3116928571426 | Take profit: 2151.7569357142856 +2025-03-10 13:02:44,525 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,526 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,527 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,529 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,529 - INFO - CLOSED long at 2118.52 | PnL: -0.07% | $-0.27 +2025-03-10 13:02:44,529 - INFO - OPENED SHORT at 2118.52 | Stop loss: 2129.131257142857 | Take profit: 2086.714214285714 +2025-03-10 13:02:44,531 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,532 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,533 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,534 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,535 - INFO - CLOSED short at 2119.07 | PnL: -0.03% | $-0.20 +2025-03-10 13:02:44,537 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,538 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,539 - INFO - OPENED SHORT at 2115.28 | Stop loss: 2125.8750571428573 | Take profit: 2083.5228142857145 +2025-03-10 13:02:44,540 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,541 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,546 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,547 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,548 - INFO - CLOSED short at 2110.6 | PnL: 0.22% | $0.20 +2025-03-10 13:02:44,549 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,551 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,555 - INFO - OPENED LONG at 2109.05 | Stop loss: 2098.486092857143 | Take profit: 2140.7137357142856 +2025-03-10 13:02:44,556 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,558 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,558 - INFO - CLOSED long at 2112.09 | PnL: 0.14% | $0.07 +2025-03-10 13:02:44,558 - INFO - OPENED SHORT at 2112.09 | Stop loss: 2122.6691071428572 | Take profit: 2080.3806642857144 +2025-03-10 13:02:44,560 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,561 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,566 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,568 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,572 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,573 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,574 - INFO - CLOSED short at 2113.24 | PnL: -0.05% | $-0.25 +2025-03-10 13:02:44,574 - INFO - OPENED LONG at 2113.24 | Stop loss: 2102.655142857143 | Take profit: 2144.9665857142854 +2025-03-10 13:02:44,576 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,577 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,579 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,580 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,580 - INFO - CLOSED long at 2120.81 | PnL: 0.36% | $0.42 +2025-03-10 13:02:44,581 - INFO - OPENED SHORT at 2120.81 | Stop loss: 2131.432707142857 | Take profit: 2088.9698642857143 +2025-03-10 13:02:44,582 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,583 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,585 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,586 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,586 - INFO - CLOSED short at 2114.8 | PnL: 0.28% | $0.30 +2025-03-10 13:02:44,588 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,589 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,590 - INFO - OPENED SHORT at 2110.9 | Stop loss: 2121.4731571428574 | Take profit: 2079.2085142857145 +2025-03-10 13:02:44,591 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,592 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,594 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,595 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,595 - INFO - CLOSED short at 2106.49 | PnL: 0.21% | $0.18 +2025-03-10 13:02:44,595 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.938892857143 | Take profit: 2138.1153357142853 +2025-03-10 13:02:44,596 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,597 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,598 - INFO - CLOSED long at 2108.06 | PnL: 0.07% | $-0.04 +2025-03-10 13:02:44,600 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,601 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,601 - INFO - OPENED LONG at 2103.33 | Stop loss: 2092.7946928571428 | Take profit: 2134.907935714286 +2025-03-10 13:02:44,603 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,604 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,609 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,610 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,614 - INFO - STOP LOSS hit for long at 2092.7946928571428 | PnL: -0.50% | $-0.98 +2025-03-10 13:02:44,615 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,617 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,618 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,619 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,620 - INFO - OPENED SHORT at 2098.1 | Stop loss: 2108.609157142857 | Take profit: 2066.6005142857143 +2025-03-10 13:02:44,621 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,622 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,622 - INFO - CLOSED short at 2102.19 | PnL: -0.19% | $-0.47 +2025-03-10 13:02:44,623 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,624 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,625 - INFO - OPENED SHORT at 2102.29 | Stop loss: 2112.820107142857 | Take profit: 2070.727664285714 +2025-03-10 13:02:44,626 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,627 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,629 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,630 - INFO - CLOSED short at 2098.9 | PnL: 0.16% | $0.10 +2025-03-10 13:02:44,631 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,633 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,638 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,639 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,640 - INFO - OPENED SHORT at 2104.83 | Stop loss: 2115.3728071428573 | Take profit: 2073.2295642857143 +2025-03-10 13:02:44,641 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,642 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,643 - INFO - CLOSED short at 2106.39 | PnL: -0.07% | $-0.28 +2025-03-10 13:02:44,643 - INFO - OPENED LONG at 2106.39 | Stop loss: 2095.8393928571427 | Take profit: 2138.0138357142855 +2025-03-10 13:02:44,644 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,645 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,647 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,648 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,648 - INFO - CLOSED long at 2103.86 | PnL: -0.12% | $-0.35 +2025-03-10 13:02:44,650 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,656 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,657 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,657 - INFO - OPENED SHORT at 2101.51 | Stop loss: 2112.0362071428576 | Take profit: 2069.9593642857144 +2025-03-10 13:02:44,659 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,660 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,661 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,663 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,666 - INFO - CLOSED short at 2100.02 | PnL: 0.07% | $-0.05 +2025-03-10 13:02:44,667 - INFO - OPENED LONG at 2100.02 | Stop loss: 2089.501242857143 | Take profit: 2131.5482857142856 +2025-03-10 13:02:44,668 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,669 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,669 - INFO - CLOSED long at 2098.39 | PnL: -0.08% | $-0.28 +2025-03-10 13:02:44,670 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.900607142857 | Take profit: 2066.886164285714 +2025-03-10 13:02:44,671 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,672 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,673 - INFO - CLOSED short at 2095.29 | PnL: 0.15% | $0.08 +2025-03-10 13:02:44,674 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,675 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,680 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,681 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,687 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,688 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,693 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,694 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,698 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,699 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,700 - INFO - OPENED SHORT at 2094.72 | Stop loss: 2105.212257142857 | Take profit: 2063.271214285714 +2025-03-10 13:02:44,701 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,701 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,703 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,705 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,706 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,707 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,709 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,710 - INFO - CLOSED short at 2088.44 | PnL: 0.30% | $0.32 +2025-03-10 13:02:44,710 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.979142857143 | Take profit: 2119.7945857142854 +2025-03-10 13:02:44,711 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,712 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,713 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,714 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,718 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,719 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,720 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,721 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,726 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,729 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,730 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,731 - INFO - CLOSED long at 2081.25 | PnL: -0.34% | $-0.71 +2025-03-10 13:02:44,731 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.674907142857 | Take profit: 2050.003264285714 +2025-03-10 13:02:44,733 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,734 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,734 - INFO - CLOSED short at 2083.41 | PnL: -0.10% | $-0.32 +2025-03-10 13:02:44,735 - INFO - OPENED LONG at 2083.41 | Stop loss: 2072.9742928571427 | Take profit: 2114.6891357142854 +2025-03-10 13:02:44,735 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,737 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,737 - INFO - CLOSED long at 2085.09 | PnL: 0.08% | $-0.03 +2025-03-10 13:02:44,738 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,742 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,743 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,744 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,745 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,745 - INFO - OPENED SHORT at 2085.8 | Stop loss: 2096.2476571428574 | Take profit: 2054.4850142857144 +2025-03-10 13:02:44,746 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,747 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,748 - INFO - CLOSED short at 2084.72 | PnL: 0.05% | $-0.08 +2025-03-10 13:02:44,749 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,750 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,751 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,752 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,753 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,754 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,755 - INFO - OPENED LONG at 2088.66 | Stop loss: 2078.198042857143 | Take profit: 2120.0178857142855 +2025-03-10 13:02:44,756 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,757 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,758 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,759 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,766 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,767 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,768 - INFO - CLOSED long at 2089.96 | PnL: 0.06% | $-0.06 +2025-03-10 13:02:44,768 - INFO - OPENED SHORT at 2089.96 | Stop loss: 2100.4284571428575 | Take profit: 2058.582614285714 +2025-03-10 13:02:44,769 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,770 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,771 - INFO - CLOSED short at 2087.0 | PnL: 0.14% | $0.07 +2025-03-10 13:02:44,772 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,773 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,777 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,778 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,779 - INFO - OPENED LONG at 2087.78 | Stop loss: 2077.322442857143 | Take profit: 2119.124685714286 +2025-03-10 13:02:44,780 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,781 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,787 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,788 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,790 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,791 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,791 - INFO - CLOSED long at 2085.67 | PnL: -0.10% | $-0.32 +2025-03-10 13:02:44,792 - INFO - OPENED SHORT at 2085.67 | Stop loss: 2096.117007142857 | Take profit: 2054.3569642857146 +2025-03-10 13:02:44,793 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,794 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,795 - INFO - CLOSED short at 2089.2 | PnL: -0.17% | $-0.42 +2025-03-10 13:02:44,796 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,797 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,802 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,803 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,804 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.5239071428573 | Take profit: 2059.6562642857148 +2025-03-10 13:02:44,806 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,807 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,807 - INFO - CLOSED short at 2091.95 | PnL: -0.04% | $-0.22 +2025-03-10 13:02:44,808 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,809 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,811 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,812 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,812 - INFO - OPENED LONG at 2097.8 | Stop loss: 2087.292342857143 | Take profit: 2129.2949857142858 +2025-03-10 13:02:44,814 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,815 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,815 - INFO - CLOSED long at 2099.99 | PnL: 0.10% | $0.01 +2025-03-10 13:02:44,816 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.508607142857 | Take profit: 2068.462164285714 +2025-03-10 13:02:44,817 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,819 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,820 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,821 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,822 - INFO - CLOSED short at 2097.11 | PnL: 0.14% | $0.06 +2025-03-10 13:02:44,822 - INFO - OPENED LONG at 2097.11 | Stop loss: 2086.605792857143 | Take profit: 2128.5946357142857 +2025-03-10 13:02:44,823 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,825 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,826 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,827 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,828 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,829 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,829 - INFO - CLOSED long at 2100.89 | PnL: 0.18% | $0.12 +2025-03-10 13:02:44,829 - INFO - OPENED SHORT at 2100.89 | Stop loss: 2111.413107142857 | Take profit: 2069.348664285714 +2025-03-10 13:02:44,830 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,831 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,832 - INFO - CLOSED short at 2099.73 | PnL: 0.06% | $-0.07 +2025-03-10 13:02:44,833 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,834 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,840 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,842 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,842 - INFO - OPENED LONG at 2103.48 | Stop loss: 2092.9439428571427 | Take profit: 2135.060185714286 +2025-03-10 13:02:44,843 - ERROR - Error during learning: mat1 and mat2 must have the same dtype, but got Double and Half +2025-03-10 13:02:44,844 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1453, in learn + current_q_values = self.policy_net(states).gather(1, actions.unsqueeze(1)) + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 144, in forward + x = self.fc1(x) + ^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1739, in _wrapped_call_impl + return self._call_impl(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\module.py", line 1750, in _call_impl + return forward_call(*args, **kwargs) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward + return F.linear(input, self.weight, self.bias) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: mat1 and mat2 must have the same dtype, but got Double and Half + +2025-03-10 13:02:44,846 - INFO - Trade Analysis: Win Rate=22.9% in uptrends, 0.0% in downtrends | Avg Win=$0.27, Avg Loss=$-0.26 +2025-03-10 13:02:44,847 - INFO - Episode 4: Reward=-130.86, Balance=$78.23, Win Rate=19.6%, Trades=138, Episode PnL=$-15.53, Total PnL=$-127.36, Max Drawdown=21.9%, Pred Accuracy=99.1% +2025-03-10 13:02:44,847 - ERROR - Error in episode 4: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:02:44,848 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1763, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:02:44,869 - INFO - Identified 25 optimal buy points and 28 optimal sell points +2025-03-10 13:08:30,320 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 13:08:30,341 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 13:08:30,341 - INFO - Fetching initial data for ETH/USDT +2025-03-10 13:08:34,135 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 13:08:34,153 - INFO - Initialized environment with 500 candles +2025-03-10 13:08:34,363 - INFO - Exchange connection closed +2025-03-10 13:09:59,572 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 13:09:59,593 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 13:09:59,593 - INFO - Fetching initial data for ETH/USDT +2025-03-10 13:10:03,364 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 13:10:03,382 - INFO - Initialized environment with 500 candles +2025-03-10 13:10:06,284 - INFO - Starting training for 1000 episodes... +2025-03-10 13:10:06,284 - INFO - Starting training on device: cuda +2025-03-10 13:10:06,319 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:06,606 - ERROR - Error in episode 0: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:06,613 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:06,638 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:06,809 - ERROR - Error in episode 1: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:06,812 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:06,831 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:07,017 - ERROR - Error in episode 2: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:07,021 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:07,052 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:07,251 - ERROR - Error in episode 3: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:07,254 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:07,282 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:07,487 - ERROR - Error in episode 4: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:07,487 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:07,517 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:07,709 - ERROR - Error in episode 5: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:07,715 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:07,735 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:07,912 - ERROR - Error in episode 6: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:07,915 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:07,937 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:08,106 - ERROR - Error in episode 7: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:08,106 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:08,138 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:08,315 - ERROR - Error in episode 8: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:08,320 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:08,353 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:08,548 - ERROR - Error in episode 9: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:08,553 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:08,580 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:08,761 - ERROR - Error in episode 10: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:08,770 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:08,796 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:08,986 - ERROR - Error in episode 11: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:08,991 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:09,020 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:09,204 - ERROR - Error in episode 12: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:09,209 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:09,237 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:09,413 - ERROR - Error in episode 13: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:09,416 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:09,440 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:09,614 - ERROR - Error in episode 14: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:09,614 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:09,638 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:09,808 - ERROR - Error in episode 15: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:09,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:09,837 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:10,028 - ERROR - Error in episode 16: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:10,032 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:10,051 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:10,238 - ERROR - Error in episode 17: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:10,238 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:10,260 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:10,446 - ERROR - Error in episode 18: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:10,446 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:10,472 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:10,657 - ERROR - Error in episode 19: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:10,657 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:10,680 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:10,858 - ERROR - Error in episode 20: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:10,862 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:10,883 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:11,060 - ERROR - Error in episode 21: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:11,060 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:11,084 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:11,272 - ERROR - Error in episode 22: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:11,272 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:11,297 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:11,476 - ERROR - Error in episode 23: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:11,481 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:11,500 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:11,681 - ERROR - Error in episode 24: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:11,689 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:11,710 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:11,893 - ERROR - Error in episode 25: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:11,893 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:11,920 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:12,097 - ERROR - Error in episode 26: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:12,098 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:12,118 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:12,292 - ERROR - Error in episode 27: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:12,297 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:12,319 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:12,493 - ERROR - Error in episode 28: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:12,493 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:12,523 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:12,698 - ERROR - Error in episode 29: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:12,705 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:12,727 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:12,906 - ERROR - Error in episode 30: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:12,912 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:12,932 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:13,113 - ERROR - Error in episode 31: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:13,122 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:13,139 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:13,327 - ERROR - Error in episode 32: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:13,331 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:13,352 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:13,525 - ERROR - Error in episode 33: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:13,525 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:13,549 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:13,718 - ERROR - Error in episode 34: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:13,718 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:13,741 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:13,921 - ERROR - Error in episode 35: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:13,921 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:13,950 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:14,128 - ERROR - Error in episode 36: 'Agent' object has no attribute 'epsilon_end' +2025-03-10 13:10:14,140 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1734, in train_agent + action = agent.select_action(state) + ^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1428, in select_action + eps_threshold = self.epsilon_end + (self.epsilon_start - self.epsilon_end) * \ + ^^^^^^^^^^^^^^^^ +AttributeError: 'Agent' object has no attribute 'epsilon_end' + +2025-03-10 13:10:14,156 - INFO - Identified 26 optimal buy points and 28 optimal sell points +2025-03-10 13:10:14,271 - INFO - Exchange connection closed +2025-03-10 13:10:14,273 - INFO - Program terminated by user +2025-03-10 13:11:38,759 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 13:11:38,786 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 13:11:38,786 - INFO - Fetching initial data for ETH/USDT +2025-03-10 13:11:42,391 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 13:11:42,415 - INFO - Initialized environment with 500 candles +2025-03-10 13:11:45,319 - INFO - Starting training for 1000 episodes... +2025-03-10 13:11:45,319 - INFO - Starting training on device: cuda +2025-03-10 13:11:45,358 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:11:45,639 - INFO - OPENED SHORT at 2047.4 | Stop loss: 2057.652532142857 | Take profit: 2016.6657017857144 +2025-03-10 13:11:45,640 - INFO - CLOSED short at 2047.2 | PnL: 0.01% | $-0.18 +2025-03-10 13:11:45,640 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.9484678571428 | Take profit: 2077.931298214286 +2025-03-10 13:11:45,640 - INFO - CLOSED long at 2045.99 | PnL: -0.06% | $-0.32 +2025-03-10 13:11:45,640 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.235482142857 | Take profit: 2015.2768517857144 +2025-03-10 13:11:45,640 - INFO - CLOSED short at 2047.59 | PnL: -0.08% | $-0.35 +2025-03-10 13:11:45,642 - INFO - OPENED SHORT at 2048.51 | Stop loss: 2058.7680821428576 | Take profit: 2017.7590517857145 +2025-03-10 13:11:45,642 - INFO - CLOSED short at 2050.0 | PnL: -0.07% | $-0.34 +2025-03-10 13:11:45,642 - INFO - OPENED SHORT at 2050.24 | Stop loss: 2060.506732142857 | Take profit: 2019.4631017857141 +2025-03-10 13:11:45,642 - INFO - CLOSED short at 2049.89 | PnL: 0.02% | $-0.16 +2025-03-10 13:11:45,642 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6250178571427 | Take profit: 2080.661648214286 +2025-03-10 13:11:45,642 - INFO - CLOSED long at 2051.11 | PnL: 0.06% | $-0.08 +2025-03-10 13:11:45,646 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.022967857143 | Take profit: 2083.107798214286 +2025-03-10 13:11:45,647 - INFO - CLOSED long at 2057.01 | PnL: 0.23% | $0.25 +2025-03-10 13:11:45,647 - INFO - OPENED SHORT at 2058.39 | Stop loss: 2068.697482142857 | Take profit: 2027.490851785714 +2025-03-10 13:11:45,648 - INFO - CLOSED short at 2060.13 | PnL: -0.08% | $-0.36 +2025-03-10 13:11:45,648 - INFO - OPENED LONG at 2059.7 | Stop loss: 2049.3859678571425 | Take profit: 2090.6187982142856 +2025-03-10 13:11:45,649 - INFO - CLOSED long at 2061.49 | PnL: 0.09% | $-0.03 +2025-03-10 13:11:45,649 - INFO - OPENED SHORT at 2061.49 | Stop loss: 2071.812982142857 | Take profit: 2030.544351785714 +2025-03-10 13:11:45,650 - INFO - CLOSED short at 2061.61 | PnL: -0.01% | $-0.21 +2025-03-10 13:11:45,650 - INFO - OPENED LONG at 2061.61 | Stop loss: 2051.286417857143 | Take profit: 2092.557448214286 +2025-03-10 13:11:45,650 - INFO - CLOSED long at 2064.69 | PnL: 0.15% | $0.10 +2025-03-10 13:11:45,650 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.3405821428573 | Take profit: 2032.0415517857145 +2025-03-10 13:11:45,650 - INFO - CLOSED short at 2061.89 | PnL: 0.05% | $-0.09 +2025-03-10 13:11:45,650 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5650178571427 | Take profit: 2092.841648214285 +2025-03-10 13:11:45,653 - INFO - CLOSED long at 2062.89 | PnL: 0.05% | $-0.10 +2025-03-10 13:11:45,653 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.992917857143 | Take profit: 2091.237948214286 +2025-03-10 13:11:45,655 - INFO - CLOSED long at 2059.49 | PnL: -0.04% | $-0.27 +2025-03-10 13:11:45,656 - INFO - OPENED SHORT at 2059.49 | Stop loss: 2069.8029821428568 | Take profit: 2028.574351785714 +2025-03-10 13:11:45,656 - INFO - CLOSED short at 2057.8 | PnL: 0.08% | $-0.03 +2025-03-10 13:11:45,656 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.194982142857 | Take profit: 2026.9983517857142 +2025-03-10 13:11:45,658 - INFO - CLOSED short at 2057.94 | PnL: -0.00% | $-0.20 +2025-03-10 13:11:45,658 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.4160821428572 | Take profit: 2027.2150517857144 +2025-03-10 13:11:45,659 - INFO - CLOSED short at 2061.79 | PnL: -0.18% | $-0.54 +2025-03-10 13:11:45,659 - INFO - OPENED LONG at 2064.32 | Stop loss: 2053.982867857143 | Take profit: 2095.308098214286 +2025-03-10 13:11:45,660 - INFO - CLOSED long at 2065.86 | PnL: 0.07% | $-0.05 +2025-03-10 13:11:45,661 - INFO - OPENED LONG at 2068.11 | Stop loss: 2057.753917857143 | Take profit: 2099.154948214286 +2025-03-10 13:11:45,661 - INFO - CLOSED long at 2068.29 | PnL: 0.01% | $-0.18 +2025-03-10 13:11:45,661 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.244982142857 | Take profit: 2036.8483517857142 +2025-03-10 13:11:45,662 - INFO - CLOSED short at 2071.63 | PnL: -0.18% | $-0.54 +2025-03-10 13:11:45,662 - INFO - OPENED LONG at 2071.63 | Stop loss: 2061.256317857143 | Take profit: 2102.727748214286 +2025-03-10 13:11:45,691 - INFO - CLOSED long at 2070.99 | PnL: -0.03% | $-0.25 +2025-03-10 13:11:45,691 - INFO - OPENED LONG at 2069.6 | Stop loss: 2059.236467857143 | Take profit: 2100.6672982142854 +2025-03-10 13:11:45,693 - INFO - CLOSED long at 2068.99 | PnL: -0.03% | $-0.25 +2025-03-10 13:11:45,693 - INFO - OPENED SHORT at 2068.99 | Stop loss: 2079.350482142857 | Take profit: 2037.931851785714 +2025-03-10 13:11:45,693 - INFO - CLOSED short at 2067.69 | PnL: 0.06% | $-0.07 +2025-03-10 13:11:45,693 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.336017857143 | Take profit: 2098.7286482142854 +2025-03-10 13:11:45,695 - INFO - CLOSED long at 2070.26 | PnL: 0.12% | $0.05 +2025-03-10 13:11:45,695 - INFO - OPENED SHORT at 2070.26 | Stop loss: 2080.6268321428574 | Take profit: 2039.1828017857144 +2025-03-10 13:11:45,695 - INFO - CLOSED short at 2071.44 | PnL: -0.06% | $-0.30 +2025-03-10 13:11:45,695 - INFO - OPENED LONG at 2071.44 | Stop loss: 2061.0672678571427 | Take profit: 2102.534898214286 +2025-03-10 13:11:45,697 - INFO - CLOSED long at 2072.91 | PnL: 0.07% | $-0.06 +2025-03-10 13:11:45,698 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.290082142857 | Take profit: 2041.793051785714 +2025-03-10 13:11:45,698 - INFO - CLOSED short at 2071.38 | PnL: 0.07% | $-0.05 +2025-03-10 13:11:45,699 - INFO - OPENED LONG at 2071.38 | Stop loss: 2061.007567857143 | Take profit: 2102.4739982142855 +2025-03-10 13:11:45,837 - INFO - CLOSED long at 2072.8 | PnL: 0.07% | $-0.06 +2025-03-10 13:11:45,837 - INFO - OPENED SHORT at 2072.8 | Stop loss: 2083.1795321428576 | Take profit: 2041.6847017857144 +2025-03-10 13:11:45,871 - INFO - CLOSED short at 2070.28 | PnL: 0.12% | $0.04 +2025-03-10 13:11:45,899 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.375632142857 | Take profit: 2036.9764017857142 +2025-03-10 13:11:45,918 - INFO - CLOSED short at 2067.2 | PnL: 0.04% | $-0.11 +2025-03-10 13:11:45,919 - INFO - OPENED LONG at 2067.2 | Stop loss: 2056.8484678571426 | Take profit: 2098.2312982142853 +2025-03-10 13:11:45,937 - INFO - CLOSED long at 2070.36 | PnL: 0.15% | $0.10 +2025-03-10 13:11:45,956 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.539967857143 | Take profit: 2099.956798214286 +2025-03-10 13:11:45,975 - INFO - CLOSED long at 2070.7 | PnL: 0.09% | $-0.02 +2025-03-10 13:11:45,994 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.977767857143 | Take profit: 2100.4033982142855 +2025-03-10 13:11:46,011 - INFO - CLOSED long at 2069.19 | PnL: -0.01% | $-0.20 +2025-03-10 13:11:46,012 - INFO - OPENED SHORT at 2069.19 | Stop loss: 2079.551482142857 | Take profit: 2038.1288517857145 +2025-03-10 13:11:46,029 - INFO - CLOSED short at 2068.8 | PnL: 0.02% | $-0.15 +2025-03-10 13:11:46,072 - INFO - OPENED SHORT at 2067.51 | Stop loss: 2077.8630821428574 | Take profit: 2036.4740517857144 +2025-03-10 13:11:46,099 - INFO - CLOSED short at 2069.01 | PnL: -0.07% | $-0.33 +2025-03-10 13:11:46,144 - INFO - OPENED SHORT at 2065.99 | Stop loss: 2076.335482142857 | Take profit: 2034.9768517857142 +2025-03-10 13:11:46,183 - INFO - CLOSED short at 2066.29 | PnL: -0.01% | $-0.22 +2025-03-10 13:11:46,184 - INFO - OPENED LONG at 2066.29 | Stop loss: 2055.943017857143 | Take profit: 2097.3076482142856 +2025-03-10 13:11:46,223 - INFO - CLOSED long at 2066.18 | PnL: -0.01% | $-0.20 +2025-03-10 13:11:46,223 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.526432142857 | Take profit: 2035.1640017857142 +2025-03-10 13:11:46,245 - INFO - CLOSED short at 2068.76 | PnL: -0.12% | $-0.42 +2025-03-10 13:11:46,246 - INFO - OPENED LONG at 2068.76 | Stop loss: 2058.400667857143 | Take profit: 2099.814698214286 +2025-03-10 13:11:46,272 - INFO - CLOSED long at 2068.9 | PnL: 0.01% | $-0.17 +2025-03-10 13:11:46,272 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.260032142857 | Take profit: 2037.8432017857144 +2025-03-10 13:11:46,391 - INFO - CLOSED short at 2071.4 | PnL: -0.12% | $-0.41 +2025-03-10 13:11:46,413 - INFO - OPENED LONG at 2071.39 | Stop loss: 2061.0175178571426 | Take profit: 2102.4841482142856 +2025-03-10 13:11:46,433 - INFO - CLOSED long at 2071.36 | PnL: -0.00% | $-0.19 +2025-03-10 13:11:46,488 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.0790321428567 | Take profit: 2041.586201785714 +2025-03-10 13:11:46,526 - INFO - CLOSED short at 2074.29 | PnL: -0.08% | $-0.33 +2025-03-10 13:11:46,560 - INFO - OPENED SHORT at 2071.92 | Stop loss: 2082.2951321428573 | Take profit: 2040.8179017857142 +2025-03-10 13:11:46,578 - INFO - CLOSED short at 2070.4 | PnL: 0.07% | $-0.05 +2025-03-10 13:11:46,578 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.032467857143 | Take profit: 2101.479298214286 +2025-03-10 13:11:46,649 - INFO - CLOSED long at 2068.32 | PnL: -0.10% | $-0.37 +2025-03-10 13:11:46,659 - INFO - OPENED SHORT at 2068.32 | Stop loss: 2078.6771321428573 | Take profit: 2037.2719017857144 +2025-03-10 13:11:46,715 - INFO - CLOSED short at 2067.46 | PnL: 0.04% | $-0.11 +2025-03-10 13:11:46,716 - INFO - OPENED LONG at 2067.46 | Stop loss: 2057.107167857143 | Take profit: 2098.4951982142857 +2025-03-10 13:11:46,831 - INFO - CLOSED long at 2068.8 | PnL: 0.06% | $-0.06 +2025-03-10 13:11:46,869 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.2148321428576 | Take profit: 2036.8188017857144 +2025-03-10 13:11:46,954 - INFO - CLOSED short at 2070.7 | PnL: -0.14% | $-0.43 +2025-03-10 13:11:46,954 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3309678571427 | Take profit: 2101.7837982142855 +2025-03-10 13:11:46,971 - INFO - CLOSED long at 2070.4 | PnL: -0.01% | $-0.21 +2025-03-10 13:11:46,971 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7675321428574 | Take profit: 2039.3207017857144 +2025-03-10 13:11:47,013 - INFO - CLOSED short at 2068.5 | PnL: 0.09% | $-0.01 +2025-03-10 13:11:47,013 - INFO - OPENED LONG at 2068.5 | Stop loss: 2058.141967857143 | Take profit: 2099.550798214286 +2025-03-10 13:11:47,071 - INFO - CLOSED long at 2067.11 | PnL: -0.07% | $-0.30 +2025-03-10 13:11:47,082 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.505167857143 | Take profit: 2098.9011982142856 +2025-03-10 13:11:47,108 - INFO - CLOSED long at 2066.4 | PnL: -0.07% | $-0.31 +2025-03-10 13:11:47,109 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.7475321428574 | Take profit: 2035.3807017857143 +2025-03-10 13:11:47,126 - INFO - CLOSED short at 2066.1 | PnL: 0.01% | $-0.15 +2025-03-10 13:11:47,147 - INFO - OPENED LONG at 2065.28 | Stop loss: 2054.9380678571433 | Take profit: 2096.282498214286 +2025-03-10 13:11:47,168 - INFO - CLOSED long at 2066.39 | PnL: 0.05% | $-0.08 +2025-03-10 13:11:47,230 - INFO - OPENED SHORT at 2068.18 | Stop loss: 2078.536432142857 | Take profit: 2037.1340017857142 +2025-03-10 13:11:47,255 - INFO - CLOSED short at 2065.69 | PnL: 0.12% | $0.04 +2025-03-10 13:11:47,289 - INFO - OPENED LONG at 2064.99 | Stop loss: 2054.6495178571427 | Take profit: 2095.9881482142855 +2025-03-10 13:11:47,327 - INFO - CLOSED long at 2066.15 | PnL: 0.06% | $-0.08 +2025-03-10 13:11:47,362 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.219982142857 | Take profit: 2031.9233517857142 +2025-03-10 13:11:47,420 - INFO - CLOSED short at 2059.59 | PnL: 0.16% | $0.11 +2025-03-10 13:11:47,440 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.977967857143 | Take profit: 2092.242798214286 +2025-03-10 13:11:47,476 - INFO - CLOSED long at 2064.96 | PnL: 0.18% | $0.14 +2025-03-10 13:11:47,495 - INFO - OPENED LONG at 2066.24 | Stop loss: 2055.8932678571427 | Take profit: 2097.2568982142857 +2025-03-10 13:11:47,517 - INFO - CLOSED long at 2067.1 | PnL: 0.04% | $-0.11 +2025-03-10 13:11:47,536 - INFO - OPENED LONG at 2065.54 | Stop loss: 2055.1967678571427 | Take profit: 2096.5463982142855 +2025-03-10 13:11:47,578 - INFO - CLOSED long at 2064.45 | PnL: -0.05% | $-0.28 +2025-03-10 13:11:47,578 - INFO - OPENED SHORT at 2064.45 | Stop loss: 2074.787782142857 | Take profit: 2033.459951785714 +2025-03-10 13:11:47,612 - INFO - CLOSED short at 2062.71 | PnL: 0.08% | $-0.03 +2025-03-10 13:11:47,634 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.219982142857 | Take profit: 2031.9233517857142 +2025-03-10 13:11:47,717 - INFO - CLOSED short at 2060.65 | PnL: 0.11% | $0.02 +2025-03-10 13:11:47,717 - INFO - OPENED LONG at 2060.65 | Stop loss: 2050.3312178571427 | Take profit: 2091.583048214286 +2025-03-10 13:11:47,793 - INFO - CLOSED long at 2061.8 | PnL: 0.06% | $-0.08 +2025-03-10 13:11:47,793 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.1245321428573 | Take profit: 2030.8497017857144 +2025-03-10 13:11:47,823 - INFO - CLOSED short at 2064.7 | PnL: -0.14% | $-0.43 +2025-03-10 13:11:47,824 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.360967857143 | Take profit: 2095.6937982142854 +2025-03-10 13:11:47,927 - INFO - CLOSED long at 2061.9 | PnL: -0.14% | $-0.42 +2025-03-10 13:11:47,972 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.017667857143 | Take profit: 2096.363698214286 +2025-03-10 13:11:48,015 - INFO - CLOSED long at 2063.39 | PnL: -0.10% | $-0.35 +2025-03-10 13:11:48,015 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.722482142857 | Take profit: 2032.415851785714 +2025-03-10 13:11:48,043 - INFO - CLOSED short at 2064.79 | PnL: -0.07% | $-0.30 +2025-03-10 13:11:48,096 - INFO - OPENED SHORT at 2063.53 | Stop loss: 2073.863182142857 | Take profit: 2032.5537517857144 +2025-03-10 13:11:48,115 - INFO - CLOSED short at 2063.0 | PnL: 0.03% | $-0.13 +2025-03-10 13:11:48,122 - INFO - OPENED LONG at 2063.0 | Stop loss: 2052.6694678571425 | Take profit: 2093.968298214286 +2025-03-10 13:11:48,169 - INFO - CLOSED long at 2061.89 | PnL: -0.05% | $-0.27 +2025-03-10 13:11:48,172 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.214982142857 | Take profit: 2030.938351785714 +2025-03-10 13:11:48,199 - INFO - CLOSED short at 2061.7 | PnL: 0.01% | $-0.16 +2025-03-10 13:11:48,199 - INFO - OPENED LONG at 2061.7 | Stop loss: 2051.3759678571428 | Take profit: 2092.6487982142853 +2025-03-10 13:11:48,225 - INFO - CLOSED long at 2060.7 | PnL: -0.05% | $-0.26 +2025-03-10 13:11:48,248 - INFO - OPENED SHORT at 2061.09 | Stop loss: 2071.4109821428574 | Take profit: 2030.1503517857145 +2025-03-10 13:11:48,293 - INFO - CLOSED short at 2059.16 | PnL: 0.09% | $-0.01 +2025-03-10 13:11:48,293 - INFO - OPENED LONG at 2059.16 | Stop loss: 2048.8486678571426 | Take profit: 2090.0706982142856 +2025-03-10 13:11:48,375 - INFO - CLOSED long at 2059.46 | PnL: 0.01% | $-0.15 +2025-03-10 13:11:48,432 - INFO - OPENED LONG at 2058.28 | Stop loss: 2047.9730678571432 | Take profit: 2089.177498214286 +2025-03-10 13:11:48,455 - INFO - CLOSED long at 2056.28 | PnL: -0.10% | $-0.34 +2025-03-10 13:11:48,457 - INFO - OPENED SHORT at 2056.28 | Stop loss: 2066.5769321428575 | Take profit: 2025.4125017857145 +2025-03-10 13:11:48,498 - INFO - CLOSED short at 2054.89 | PnL: 0.07% | $-0.06 +2025-03-10 13:11:48,539 - INFO - OPENED SHORT at 2056.71 | Stop loss: 2067.0090821428576 | Take profit: 2025.8360517857145 +2025-03-10 13:11:48,560 - INFO - CLOSED short at 2058.15 | PnL: -0.07% | $-0.30 +2025-03-10 13:11:48,581 - INFO - OPENED SHORT at 2059.8 | Stop loss: 2070.114532142857 | Take profit: 2028.8797017857144 +2025-03-10 13:11:48,638 - INFO - CLOSED short at 2061.6 | PnL: -0.09% | $-0.32 +2025-03-10 13:11:48,675 - INFO - OPENED SHORT at 2062.69 | Stop loss: 2073.018982142857 | Take profit: 2031.7263517857143 +2025-03-10 13:11:48,722 - INFO - CLOSED short at 2066.36 | PnL: -0.18% | $-0.48 +2025-03-10 13:11:48,770 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.564967857143 | Take profit: 2094.881798214286 +2025-03-10 13:11:48,836 - INFO - CLOSED long at 2066.34 | PnL: 0.12% | $0.03 +2025-03-10 13:11:48,836 - INFO - OPENED SHORT at 2066.34 | Stop loss: 2076.6872321428573 | Take profit: 2035.3216017857144 +2025-03-10 13:11:48,854 - INFO - CLOSED short at 2066.79 | PnL: -0.02% | $-0.21 +2025-03-10 13:11:48,854 - INFO - OPENED LONG at 2066.79 | Stop loss: 2056.440517857143 | Take profit: 2097.8151482142853 +2025-03-10 13:11:48,878 - INFO - CLOSED long at 2067.33 | PnL: 0.03% | $-0.13 +2025-03-10 13:11:48,952 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3755321428575 | Take profit: 2040.8967017857144 +2025-03-10 13:11:48,989 - INFO - CLOSED short at 2078.01 | PnL: -0.29% | $-0.67 +2025-03-10 13:11:48,989 - INFO - OPENED LONG at 2078.01 | Stop loss: 2067.604417857143 | Take profit: 2109.203448214286 +2025-03-10 13:11:49,052 - INFO - CLOSED long at 2072.6 | PnL: -0.26% | $-0.61 +2025-03-10 13:11:49,052 - INFO - OPENED SHORT at 2072.6 | Stop loss: 2082.9785321428567 | Take profit: 2041.4877017857143 +2025-03-10 13:11:49,112 - INFO - CLOSED short at 2070.01 | PnL: 0.12% | $0.04 +2025-03-10 13:11:49,139 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.226467857143 | Take profit: 2102.6972982142856 +2025-03-10 13:11:49,166 - INFO - CLOSED long at 2073.23 | PnL: 0.08% | $-0.04 +2025-03-10 13:11:49,193 - INFO - OPENED LONG at 2070.0 | Stop loss: 2059.634467857143 | Take profit: 2101.0732982142854 +2025-03-10 13:11:49,246 - INFO - CLOSED long at 2068.39 | PnL: -0.08% | $-0.30 +2025-03-10 13:11:49,300 - INFO - OPENED LONG at 2067.44 | Stop loss: 2057.0872678571427 | Take profit: 2098.4748982142855 +2025-03-10 13:11:49,319 - INFO - CLOSED long at 2068.79 | PnL: 0.07% | $-0.06 +2025-03-10 13:11:49,389 - INFO - OPENED SHORT at 2069.87 | Stop loss: 2080.234882142857 | Take profit: 2038.7986517857141 +2025-03-10 13:11:49,447 - INFO - CLOSED short at 2066.38 | PnL: 0.17% | $0.12 +2025-03-10 13:11:49,447 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.032567857143 | Take profit: 2097.3989982142857 +2025-03-10 13:11:49,528 - INFO - CLOSED long at 2065.66 | PnL: -0.03% | $-0.23 +2025-03-10 13:11:49,530 - INFO - OPENED SHORT at 2065.66 | Stop loss: 2076.003832142857 | Take profit: 2034.651801785714 +2025-03-10 13:11:49,761 - INFO - CLOSED short at 2067.53 | PnL: -0.09% | $-0.32 +2025-03-10 13:11:49,819 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.450467857143 | Take profit: 2097.825298214286 +2025-03-10 13:11:49,839 - INFO - CLOSED long at 2066.5 | PnL: -0.01% | $-0.19 +2025-03-10 13:11:49,840 - INFO - OPENED SHORT at 2066.5 | Stop loss: 2076.848032142857 | Take profit: 2035.4792017857144 +2025-03-10 13:11:50,032 - INFO - CLOSED short at 2070.9 | PnL: -0.21% | $-0.52 +2025-03-10 13:11:50,032 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.529967857143 | Take profit: 2101.986798214286 +2025-03-10 13:11:50,077 - INFO - CLOSED long at 2070.7 | PnL: -0.01% | $-0.18 +2025-03-10 13:11:50,077 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.069032142857 | Take profit: 2039.6162017857139 +2025-03-10 13:11:50,102 - INFO - CLOSED short at 2070.8 | PnL: -0.00% | $-0.17 +2025-03-10 13:11:50,103 - INFO - OPENED LONG at 2070.8 | Stop loss: 2060.430467857143 | Take profit: 2101.885298214286 +2025-03-10 13:11:50,196 - INFO - CLOSED long at 2068.19 | PnL: -0.13% | $-0.37 +2025-03-10 13:11:50,240 - INFO - OPENED LONG at 2070.67 | Stop loss: 2060.301117857143 | Take profit: 2101.753348214286 +2025-03-10 13:11:50,318 - INFO - CLOSED long at 2071.61 | PnL: 0.05% | $-0.09 +2025-03-10 13:11:50,318 - INFO - OPENED SHORT at 2071.61 | Stop loss: 2081.9835821428574 | Take profit: 2040.5125517857143 +2025-03-10 13:11:50,469 - INFO - CLOSED short at 2073.27 | PnL: -0.08% | $-0.29 +2025-03-10 13:11:50,493 - INFO - OPENED LONG at 2073.99 | Stop loss: 2063.6045178571426 | Take profit: 2105.1231482142853 +2025-03-10 13:11:50,511 - INFO - CLOSED long at 2075.32 | PnL: 0.06% | $-0.06 +2025-03-10 13:11:50,514 - INFO - OPENED SHORT at 2075.32 | Stop loss: 2085.7121321428576 | Take profit: 2044.1669017857146 +2025-03-10 13:11:50,557 - INFO - CLOSED short at 2076.9 | PnL: -0.08% | $-0.29 +2025-03-10 13:11:50,671 - INFO - OPENED SHORT at 2069.97 | Stop loss: 2080.335382142857 | Take profit: 2038.897151785714 +2025-03-10 13:11:50,714 - INFO - CLOSED short at 2067.7 | PnL: 0.11% | $0.02 +2025-03-10 13:11:50,797 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.255032142857 | Take profit: 2036.8582017857143 +2025-03-10 13:11:50,840 - INFO - CLOSED short at 2066.4 | PnL: 0.07% | $-0.04 +2025-03-10 13:11:50,884 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.525067857143 | Take profit: 2098.9214982142857 +2025-03-10 13:11:50,914 - INFO - CLOSED long at 2065.45 | PnL: -0.12% | $-0.35 +2025-03-10 13:11:50,943 - INFO - OPENED LONG at 2068.1 | Stop loss: 2057.7439678571427 | Take profit: 2099.1447982142854 +2025-03-10 13:11:51,031 - INFO - CLOSED long at 2070.1 | PnL: 0.10% | $-0.01 +2025-03-10 13:11:51,174 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.355967857143 | Take profit: 2096.7087982142857 +2025-03-10 13:11:51,254 - INFO - CLOSED long at 2065.07 | PnL: -0.03% | $-0.21 +2025-03-10 13:11:51,254 - INFO - OPENED SHORT at 2065.07 | Stop loss: 2075.4108821428576 | Take profit: 2034.0706517857145 +2025-03-10 13:11:51,278 - INFO - CLOSED short at 2066.09 | PnL: -0.05% | $-0.24 +2025-03-10 13:11:51,304 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.722482142857 | Take profit: 2032.415851785714 +2025-03-10 13:11:51,412 - INFO - CLOSED short at 2064.11 | PnL: -0.03% | $-0.22 +2025-03-10 13:11:51,434 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.838032142857 | Take profit: 2033.5092017857144 +2025-03-10 13:11:51,470 - INFO - CLOSED short at 2066.33 | PnL: -0.09% | $-0.30 +2025-03-10 13:11:51,540 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.3405821428573 | Take profit: 2032.0415517857145 +2025-03-10 13:11:51,663 - INFO - CLOSED short at 2060.2 | PnL: 0.14% | $0.06 +2025-03-10 13:11:51,664 - INFO - OPENED LONG at 2060.2 | Stop loss: 2049.8834678571425 | Take profit: 2091.1262982142853 +2025-03-10 13:11:51,716 - INFO - CLOSED long at 2058.09 | PnL: -0.10% | $-0.32 +2025-03-10 13:11:51,716 - INFO - OPENED SHORT at 2058.09 | Stop loss: 2068.3959821428575 | Take profit: 2027.1953517857144 +2025-03-10 13:11:51,764 - INFO - CLOSED short at 2056.77 | PnL: 0.06% | $-0.06 +2025-03-10 13:11:51,785 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.729417857143 | Take profit: 2083.828448214286 +2025-03-10 13:11:51,862 - INFO - CLOSED long at 2051.99 | PnL: -0.05% | $-0.24 +2025-03-10 13:11:51,899 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9929678571432 | Take profit: 2089.1977982142857 +2025-03-10 13:11:52,050 - INFO - CLOSED long at 2062.83 | PnL: 0.22% | $0.19 +2025-03-10 13:11:52,122 - INFO - OPENED SHORT at 2062.43 | Stop loss: 2072.757682142857 | Take profit: 2031.470251785714 +2025-03-10 13:11:52,163 - INFO - CLOSED short at 2065.12 | PnL: -0.13% | $-0.37 +2025-03-10 13:11:52,163 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.778867857143 | Take profit: 2096.120098214286 +2025-03-10 13:11:52,207 - INFO - CLOSED long at 2067.49 | PnL: 0.11% | $0.02 +2025-03-10 13:11:52,254 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.744067857143 | Take profit: 2095.0644982142853 +2025-03-10 13:11:52,331 - INFO - CLOSED long at 2059.9 | PnL: -0.20% | $-0.48 +2025-03-10 13:11:52,433 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.868232142857 | Take profit: 2031.5786017857142 +2025-03-10 13:11:52,503 - INFO - CLOSED short at 2070.24 | PnL: -0.37% | $-0.75 +2025-03-10 13:11:52,503 - INFO - OPENED LONG at 2070.24 | Stop loss: 2059.8732678571428 | Take profit: 2101.3168982142856 +2025-03-10 13:11:52,529 - INFO - CLOSED long at 2069.34 | PnL: -0.04% | $-0.22 +2025-03-10 13:11:52,554 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.1745821428567 | Take profit: 2038.7395517857142 +2025-03-10 13:11:52,684 - INFO - CLOSED short at 2072.99 | PnL: -0.15% | $-0.39 +2025-03-10 13:11:52,685 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6095178571427 | Take profit: 2104.1081482142854 +2025-03-10 13:11:52,720 - INFO - CLOSED long at 2071.89 | PnL: -0.05% | $-0.24 +2025-03-10 13:11:52,757 - INFO - OPENED SHORT at 2071.8 | Stop loss: 2082.1745321428575 | Take profit: 2040.6997017857145 +2025-03-10 13:11:52,837 - INFO - CLOSED short at 2076.08 | PnL: -0.21% | $-0.47 +2025-03-10 13:11:52,858 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2088.0135821428576 | Take profit: 2046.4225517857144 +2025-03-10 13:11:52,882 - INFO - CLOSED short at 2085.56 | PnL: -0.38% | $-0.74 +2025-03-10 13:11:52,980 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.253232142857 | Take profit: 2107.4236017857143 +2025-03-10 13:11:53,032 - INFO - CLOSED short at 2133.95 | PnL: 0.26% | $0.24 +2025-03-10 13:11:53,033 - INFO - OPENED LONG at 2133.95 | Stop loss: 2123.264717857143 | Take profit: 2165.9825482142855 +2025-03-10 13:11:53,245 - INFO - CLOSED long at 2134.78 | PnL: 0.04% | $-0.09 +2025-03-10 13:11:53,267 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.3395178571427 | Take profit: 2158.9181482142853 +2025-03-10 13:11:53,287 - INFO - CLOSED long at 2127.3 | PnL: 0.01% | $-0.13 +2025-03-10 13:11:53,288 - INFO - OPENED SHORT at 2127.3 | Stop loss: 2137.952032142857 | Take profit: 2095.3672017857143 +2025-03-10 13:11:53,308 - INFO - CLOSED short at 2128.69 | PnL: -0.07% | $-0.25 +2025-03-10 13:11:53,309 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.031017857143 | Take profit: 2160.643648214286 +2025-03-10 13:11:53,333 - INFO - CLOSED long at 2121.09 | PnL: -0.36% | $-0.69 +2025-03-10 13:11:53,333 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.710982142857 | Take profit: 2089.2503517857144 +2025-03-10 13:11:53,429 - INFO - CLOSED short at 2121.4 | PnL: -0.01% | $-0.17 +2025-03-10 13:11:53,644 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.0314678571426 | Take profit: 2142.282298214285 +2025-03-10 13:11:53,671 - INFO - CLOSED long at 2109.05 | PnL: -0.07% | $-0.26 +2025-03-10 13:11:53,802 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.1904178571426 | Take profit: 2152.645448214286 +2025-03-10 13:11:53,905 - INFO - CLOSED long at 2108.71 | PnL: -0.57% | $-1.00 +2025-03-10 13:11:53,940 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.9420178571427 | Take profit: 2138.1106482142854 +2025-03-10 13:11:54,010 - INFO - CLOSED long at 2103.33 | PnL: -0.15% | $-0.37 +2025-03-10 13:11:54,087 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.0431821428574 | Take profit: 2068.0137517857142 +2025-03-10 13:11:54,110 - INFO - CLOSED short at 2098.1 | PnL: 0.07% | $-0.05 +2025-03-10 13:11:54,187 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.389967857143 | Take profit: 2130.4067982142856 +2025-03-10 13:11:54,223 - INFO - CLOSED long at 2104.83 | PnL: 0.28% | $0.27 +2025-03-10 13:11:54,245 - INFO - OPENED LONG at 2106.39 | Stop loss: 2095.842517857143 | Take profit: 2138.0091482142857 +2025-03-10 13:11:54,317 - INFO - CLOSED long at 2103.86 | PnL: -0.12% | $-0.32 +2025-03-10 13:11:54,317 - INFO - OPENED SHORT at 2103.86 | Stop loss: 2114.394832142857 | Take profit: 2072.278801785714 +2025-03-10 13:11:54,354 - INFO - CLOSED short at 2104.68 | PnL: -0.04% | $-0.20 +2025-03-10 13:11:54,452 - INFO - OPENED LONG at 2100.02 | Stop loss: 2089.504367857143 | Take profit: 2131.543598214286 +2025-03-10 13:11:54,470 - INFO - CLOSED long at 2098.39 | PnL: -0.08% | $-0.26 +2025-03-10 13:11:54,470 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.8974821428574 | Take profit: 2066.890851785714 +2025-03-10 13:11:54,515 - INFO - CLOSED short at 2093.46 | PnL: 0.23% | $0.20 +2025-03-10 13:11:54,542 - INFO - OPENED SHORT at 2093.33 | Stop loss: 2103.812182142857 | Take profit: 2061.9067517857143 +2025-03-10 13:11:54,565 - INFO - CLOSED short at 2092.46 | PnL: 0.04% | $-0.09 +2025-03-10 13:11:54,565 - INFO - OPENED LONG at 2092.46 | Stop loss: 2081.982167857143 | Take profit: 2123.8701982142857 +2025-03-10 13:11:54,638 - INFO - CLOSED long at 2094.08 | PnL: 0.08% | $-0.03 +2025-03-10 13:11:54,638 - INFO - OPENED SHORT at 2094.08 | Stop loss: 2104.565932142857 | Take profit: 2062.6455017857143 +2025-03-10 13:11:54,674 - INFO - CLOSED short at 2088.35 | PnL: 0.27% | $0.25 +2025-03-10 13:11:54,674 - INFO - OPENED LONG at 2088.35 | Stop loss: 2077.8927178571425 | Take profit: 2119.6985482142854 +2025-03-10 13:11:54,728 - INFO - CLOSED long at 2083.28 | PnL: -0.24% | $-0.50 +2025-03-10 13:11:54,728 - INFO - OPENED SHORT at 2083.28 | Stop loss: 2093.711932142857 | Take profit: 2052.0075017857143 +2025-03-10 13:11:54,764 - INFO - CLOSED short at 2088.44 | PnL: -0.25% | $-0.50 +2025-03-10 13:11:54,764 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.9822678571427 | Take profit: 2119.789898214286 +2025-03-10 13:11:54,898 - INFO - CLOSED long at 2080.38 | PnL: -0.39% | $-0.70 +2025-03-10 13:11:54,898 - INFO - OPENED SHORT at 2080.38 | Stop loss: 2090.7974321428574 | Take profit: 2049.1510017857145 +2025-03-10 13:11:54,917 - INFO - CLOSED short at 2081.25 | PnL: -0.04% | $-0.20 +2025-03-10 13:11:54,961 - INFO - OPENED LONG at 2085.09 | Stop loss: 2074.649017857143 | Take profit: 2116.389648214286 +2025-03-10 13:11:54,980 - INFO - CLOSED long at 2083.59 | PnL: -0.07% | $-0.24 +2025-03-10 13:11:54,996 - INFO - OPENED LONG at 2086.57 | Stop loss: 2076.121617857143 | Take profit: 2117.8918482142863 +2025-03-10 13:11:55,059 - INFO - CLOSED long at 2085.83 | PnL: -0.04% | $-0.19 +2025-03-10 13:11:55,180 - INFO - OPENED SHORT at 2088.1 | Stop loss: 2098.556032142857 | Take profit: 2056.7552017857142 +2025-03-10 13:11:55,241 - INFO - CLOSED short at 2087.0 | PnL: 0.05% | $-0.07 +2025-03-10 13:11:55,241 - INFO - OPENED LONG at 2087.0 | Stop loss: 2076.5494678571426 | Take profit: 2118.328298214286 +2025-03-10 13:11:55,261 - INFO - CLOSED long at 2087.47 | PnL: 0.02% | $-0.11 +2025-03-10 13:11:55,337 - INFO - OPENED LONG at 2085.67 | Stop loss: 2075.226117857143 | Take profit: 2116.978348214286 +2025-03-10 13:11:55,356 - INFO - CLOSED long at 2089.2 | PnL: 0.17% | $0.10 +2025-03-10 13:11:55,356 - INFO - OPENED SHORT at 2089.2 | Stop loss: 2099.661532142857 | Take profit: 2057.838701785714 +2025-03-10 13:11:55,438 - INFO - CLOSED short at 2094.7 | PnL: -0.26% | $-0.51 +2025-03-10 13:11:55,438 - INFO - OPENED LONG at 2094.7 | Stop loss: 2084.210967857143 | Take profit: 2126.1437982142857 +2025-03-10 13:11:55,596 - INFO - CLOSED long at 2098.49 | PnL: 0.18% | $0.11 +2025-03-10 13:11:55,711 - INFO - OPENED LONG at 2103.48 | Stop loss: 2092.947067857143 | Take profit: 2135.0554982142858 +2025-03-10 13:11:55,783 - INFO - CLOSED long at 2101.5 | PnL: -0.09% | $-0.27 +2025-03-10 13:11:55,837 - INFO - OPENED LONG at 2105.2 | Stop loss: 2094.6584678571426 | Take profit: 2136.8012982142855 +2025-03-10 13:11:55,856 - INFO - CLOSED long at 2103.52 | PnL: -0.08% | $-0.25 +2025-03-10 13:11:55,862 - INFO - OPENED SHORT at 2103.52 | Stop loss: 2114.0531321428575 | Take profit: 2071.9439017857144 +2025-03-10 13:11:55,892 - INFO - CLOSED short at 2104.4 | PnL: -0.04% | $-0.20 +2025-03-10 13:11:55,893 - INFO - OPENED LONG at 2104.4 | Stop loss: 2093.862467857143 | Take profit: 2135.989298214286 +2025-03-10 13:11:55,929 - INFO - Trade Analysis: Win Rate=13.5% in uptrends, 0.0% in downtrends | Avg Win=$0.11, Avg Loss=$-0.25 +2025-03-10 13:11:55,929 - INFO - Episode 0: Reward=-243.33, Balance=$69.99, Win Rate=14.5%, Trades=152, Episode PnL=$-21.96, Total PnL=$-30.01, Max Drawdown=29.6%, Pred Accuracy=97.7% +2025-03-10 13:11:55,929 - ERROR - Error in episode 0: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:11:55,932 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:11:55,954 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:11:56,211 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3315678571428 | Take profit: 2077.3019982142855 +2025-03-10 13:11:56,231 - INFO - CLOSED long at 2047.4 | PnL: 0.04% | $-0.12 +2025-03-10 13:11:56,272 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.744517857143 | Take profit: 2076.703148214286 +2025-03-10 13:11:56,293 - INFO - CLOSED long at 2045.99 | PnL: 0.00% | $-0.20 +2025-03-10 13:11:56,294 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.235482142857 | Take profit: 2015.2768517857144 +2025-03-10 13:11:56,319 - INFO - CLOSED short at 2045.79 | PnL: 0.01% | $-0.18 +2025-03-10 13:11:56,343 - INFO - OPENED LONG at 2048.13 | Stop loss: 2037.873817857143 | Take profit: 2078.875248214286 +2025-03-10 13:11:56,412 - INFO - CLOSED long at 2050.0 | PnL: 0.09% | $-0.02 +2025-03-10 13:11:56,413 - INFO - OPENED SHORT at 2050.0 | Stop loss: 2060.2655321428574 | Take profit: 2019.2267017857143 +2025-03-10 13:11:56,482 - INFO - CLOSED short at 2051.11 | PnL: -0.05% | $-0.30 +2025-03-10 13:11:56,516 - INFO - OPENED LONG at 2053.26 | Stop loss: 2042.9781678571433 | Take profit: 2084.082198214286 +2025-03-10 13:11:56,552 - INFO - CLOSED long at 2051.89 | PnL: -0.07% | $-0.33 +2025-03-10 13:11:56,671 - INFO - OPENED SHORT at 2056.89 | Stop loss: 2067.189982142857 | Take profit: 2026.0133517857143 +2025-03-10 13:11:56,690 - INFO - CLOSED short at 2058.39 | PnL: -0.07% | $-0.34 +2025-03-10 13:11:56,727 - INFO - OPENED LONG at 2059.7 | Stop loss: 2049.3859678571425 | Take profit: 2090.6187982142856 +2025-03-10 13:11:56,764 - INFO - CLOSED long at 2063.29 | PnL: 0.17% | $0.15 +2025-03-10 13:11:56,784 - INFO - OPENED SHORT at 2064.61 | Stop loss: 2074.948582142857 | Take profit: 2033.6175517857146 +2025-03-10 13:11:56,834 - INFO - CLOSED short at 2064.69 | PnL: -0.00% | $-0.20 +2025-03-10 13:11:56,856 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.3405821428573 | Take profit: 2032.0415517857145 +2025-03-10 13:11:56,917 - INFO - CLOSED short at 2058.3 | PnL: 0.23% | $0.25 +2025-03-10 13:11:56,917 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9929678571432 | Take profit: 2089.1977982142857 +2025-03-10 13:11:56,947 - INFO - CLOSED long at 2060.0 | PnL: 0.08% | $-0.03 +2025-03-10 13:11:57,005 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.5600178571426 | Take profit: 2093.8566482142855 +2025-03-10 13:11:57,037 - INFO - CLOSED long at 2060.31 | PnL: -0.13% | $-0.44 +2025-03-10 13:11:57,038 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.627082142857 | Take profit: 2029.3820517857143 +2025-03-10 13:11:57,058 - INFO - CLOSED short at 2059.49 | PnL: 0.04% | $-0.12 +2025-03-10 13:11:57,076 - INFO - OPENED SHORT at 2057.8 | Stop loss: 2068.1045321428574 | Take profit: 2026.9097017857146 +2025-03-10 13:11:57,132 - INFO - CLOSED short at 2058.11 | PnL: -0.02% | $-0.22 +2025-03-10 13:11:57,132 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.803917857143 | Take profit: 2089.004948214286 +2025-03-10 13:11:57,148 - INFO - CLOSED long at 2061.79 | PnL: 0.18% | $0.15 +2025-03-10 13:11:57,166 - INFO - OPENED LONG at 2061.18 | Stop loss: 2050.8585678571426 | Take profit: 2092.1209982142855 +2025-03-10 13:11:57,206 - INFO - CLOSED long at 2065.86 | PnL: 0.23% | $0.25 +2025-03-10 13:11:57,207 - INFO - OPENED SHORT at 2065.86 | Stop loss: 2076.204832142857 | Take profit: 2034.8488017857146 +2025-03-10 13:11:57,271 - INFO - CLOSED short at 2068.29 | PnL: -0.12% | $-0.42 +2025-03-10 13:11:57,271 - INFO - OPENED LONG at 2068.29 | Stop loss: 2057.9330178571427 | Take profit: 2099.3376482142858 +2025-03-10 13:11:57,303 - INFO - CLOSED long at 2067.89 | PnL: -0.02% | $-0.23 +2025-03-10 13:11:57,337 - INFO - OPENED LONG at 2071.63 | Stop loss: 2061.256317857143 | Take profit: 2102.727748214286 +2025-03-10 13:11:57,367 - INFO - CLOSED long at 2070.99 | PnL: -0.03% | $-0.25 +2025-03-10 13:11:57,429 - INFO - OPENED LONG at 2068.65 | Stop loss: 2058.291217857143 | Take profit: 2099.703048214286 +2025-03-10 13:11:57,452 - INFO - CLOSED long at 2068.99 | PnL: 0.02% | $-0.16 +2025-03-10 13:11:57,471 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.255032142857 | Take profit: 2036.8582017857143 +2025-03-10 13:11:57,489 - INFO - CLOSED short at 2067.69 | PnL: 0.01% | $-0.17 +2025-03-10 13:11:57,489 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.336017857143 | Take profit: 2098.7286482142854 +2025-03-10 13:11:57,524 - INFO - CLOSED long at 2071.44 | PnL: 0.18% | $0.16 +2025-03-10 13:11:57,545 - INFO - OPENED SHORT at 2073.73 | Stop loss: 2084.1141821428573 | Take profit: 2042.6007517857142 +2025-03-10 13:11:57,595 - INFO - CLOSED short at 2072.33 | PnL: 0.07% | $-0.06 +2025-03-10 13:11:57,596 - INFO - OPENED LONG at 2072.33 | Stop loss: 2061.9528178571427 | Take profit: 2103.4382482142855 +2025-03-10 13:11:57,615 - INFO - CLOSED long at 2071.38 | PnL: -0.05% | $-0.28 +2025-03-10 13:11:57,655 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.0076178571426 | Take profit: 2100.4338482142857 +2025-03-10 13:11:57,713 - INFO - CLOSED long at 2072.8 | PnL: 0.17% | $0.13 +2025-03-10 13:11:57,865 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.539967857143 | Take profit: 2099.956798214286 +2025-03-10 13:11:57,917 - INFO - CLOSED long at 2069.19 | PnL: 0.01% | $-0.17 +2025-03-10 13:11:57,917 - INFO - OPENED SHORT at 2069.19 | Stop loss: 2079.551482142857 | Take profit: 2038.1288517857145 +2025-03-10 13:11:57,934 - INFO - CLOSED short at 2068.8 | PnL: 0.02% | $-0.16 +2025-03-10 13:11:57,934 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.440467857143 | Take profit: 2099.855298214286 +2025-03-10 13:11:58,019 - INFO - CLOSED long at 2065.99 | PnL: -0.14% | $-0.45 +2025-03-10 13:11:58,082 - INFO - OPENED LONG at 2065.08 | Stop loss: 2054.739067857143 | Take profit: 2096.0794982142856 +2025-03-10 13:11:58,160 - INFO - CLOSED long at 2068.9 | PnL: 0.18% | $0.16 +2025-03-10 13:11:58,162 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.260032142857 | Take profit: 2037.8432017857144 +2025-03-10 13:11:58,218 - INFO - CLOSED short at 2068.59 | PnL: 0.01% | $-0.16 +2025-03-10 13:11:58,218 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.231517857143 | Take profit: 2099.642148214286 +2025-03-10 13:11:58,247 - INFO - CLOSED long at 2069.7 | PnL: 0.05% | $-0.09 +2025-03-10 13:11:58,248 - INFO - OPENED SHORT at 2069.7 | Stop loss: 2080.064032142857 | Take profit: 2038.6312017857142 +2025-03-10 13:11:58,285 - INFO - CLOSED short at 2069.96 | PnL: -0.01% | $-0.21 +2025-03-10 13:11:58,286 - INFO - OPENED LONG at 2069.96 | Stop loss: 2059.594667857143 | Take profit: 2101.0326982142856 +2025-03-10 13:11:58,434 - INFO - CLOSED long at 2073.9 | PnL: 0.19% | $0.17 +2025-03-10 13:11:58,434 - INFO - OPENED SHORT at 2073.9 | Stop loss: 2084.2850321428573 | Take profit: 2042.7682017857144 +2025-03-10 13:11:58,455 - INFO - CLOSED short at 2071.92 | PnL: 0.10% | $-0.01 +2025-03-10 13:11:58,456 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.544867857143 | Take profit: 2103.0220982142855 +2025-03-10 13:11:58,485 - INFO - CLOSED long at 2070.4 | PnL: -0.07% | $-0.33 +2025-03-10 13:11:58,516 - INFO - OPENED SHORT at 2071.11 | Stop loss: 2081.4810821428573 | Take profit: 2040.0200517857143 +2025-03-10 13:11:58,547 - INFO - CLOSED short at 2069.46 | PnL: 0.08% | $-0.04 +2025-03-10 13:11:58,547 - INFO - OPENED LONG at 2069.46 | Stop loss: 2059.0971678571427 | Take profit: 2100.525198214286 +2025-03-10 13:11:58,576 - INFO - CLOSED long at 2069.35 | PnL: -0.01% | $-0.20 +2025-03-10 13:11:58,634 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.350532142857 | Take profit: 2035.9717017857142 +2025-03-10 13:11:58,707 - INFO - CLOSED short at 2065.49 | PnL: 0.07% | $-0.05 +2025-03-10 13:11:58,785 - INFO - OPENED SHORT at 2068.58 | Stop loss: 2078.9384321428574 | Take profit: 2037.5280017857142 +2025-03-10 13:11:58,837 - INFO - CLOSED short at 2067.86 | PnL: 0.03% | $-0.12 +2025-03-10 13:11:58,864 - INFO - OPENED SHORT at 2067.59 | Stop loss: 2077.943482142857 | Take profit: 2036.5528517857142 +2025-03-10 13:11:58,924 - INFO - CLOSED short at 2070.3 | PnL: -0.13% | $-0.44 +2025-03-10 13:11:58,952 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.9634821428576 | Take profit: 2040.4928517857145 +2025-03-10 13:11:58,983 - INFO - CLOSED short at 2070.7 | PnL: 0.04% | $-0.11 +2025-03-10 13:11:59,013 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.032467857143 | Take profit: 2101.479298214286 +2025-03-10 13:11:59,047 - INFO - CLOSED long at 2070.73 | PnL: 0.02% | $-0.16 +2025-03-10 13:11:59,086 - INFO - OPENED LONG at 2068.69 | Stop loss: 2058.331017857143 | Take profit: 2099.7436482142857 +2025-03-10 13:11:59,103 - INFO - CLOSED long at 2067.84 | PnL: -0.04% | $-0.27 +2025-03-10 13:11:59,103 - INFO - OPENED SHORT at 2067.84 | Stop loss: 2078.1947321428574 | Take profit: 2036.7991017857144 +2025-03-10 13:11:59,123 - INFO - CLOSED short at 2067.11 | PnL: 0.04% | $-0.12 +2025-03-10 13:11:59,123 - INFO - OPENED LONG at 2067.11 | Stop loss: 2056.758917857143 | Take profit: 2098.139948214286 +2025-03-10 13:11:59,179 - INFO - CLOSED long at 2066.1 | PnL: -0.05% | $-0.28 +2025-03-10 13:11:59,180 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.446032142857 | Take profit: 2035.0852017857142 +2025-03-10 13:11:59,217 - INFO - CLOSED short at 2066.39 | PnL: -0.01% | $-0.21 +2025-03-10 13:11:59,217 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.0425178571427 | Take profit: 2097.409148214286 +2025-03-10 13:11:59,256 - INFO - CLOSED long at 2070.04 | PnL: 0.18% | $0.14 +2025-03-10 13:11:59,286 - INFO - OPENED SHORT at 2067.8 | Stop loss: 2078.154532142857 | Take profit: 2036.7597017857145 +2025-03-10 13:11:59,343 - INFO - CLOSED short at 2065.69 | PnL: 0.10% | $0.00 +2025-03-10 13:11:59,343 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.346017857143 | Take profit: 2096.6986482142856 +2025-03-10 13:11:59,507 - INFO - CLOSED long at 2062.65 | PnL: -0.15% | $-0.46 +2025-03-10 13:11:59,537 - INFO - OPENED SHORT at 2061.78 | Stop loss: 2072.104432142857 | Take profit: 2030.8300017857146 +2025-03-10 13:11:59,582 - INFO - CLOSED short at 2061.3 | PnL: 0.02% | $-0.14 +2025-03-10 13:11:59,620 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.6196678571428 | Take profit: 2095.9576982142858 +2025-03-10 13:11:59,674 - INFO - CLOSED long at 2067.1 | PnL: 0.10% | $0.01 +2025-03-10 13:11:59,710 - INFO - OPENED LONG at 2065.54 | Stop loss: 2055.1967678571427 | Take profit: 2096.5463982142855 +2025-03-10 13:11:59,745 - INFO - CLOSED long at 2066.09 | PnL: 0.03% | $-0.14 +2025-03-10 13:11:59,745 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.4359821428575 | Take profit: 2035.0753517857145 +2025-03-10 13:11:59,844 - INFO - CLOSED short at 2062.71 | PnL: 0.16% | $0.12 +2025-03-10 13:11:59,845 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.380917857143 | Take profit: 2093.6739482142857 +2025-03-10 13:11:59,862 - INFO - CLOSED long at 2062.89 | PnL: 0.01% | $-0.17 +2025-03-10 13:11:59,862 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.219982142857 | Take profit: 2031.9233517857142 +2025-03-10 13:11:59,934 - INFO - CLOSED short at 2060.9 | PnL: 0.10% | $-0.01 +2025-03-10 13:11:59,934 - INFO - OPENED LONG at 2060.9 | Stop loss: 2050.579967857143 | Take profit: 2091.836798214286 +2025-03-10 13:11:59,951 - INFO - CLOSED long at 2060.65 | PnL: -0.01% | $-0.21 +2025-03-10 13:11:59,951 - INFO - OPENED SHORT at 2060.65 | Stop loss: 2070.9687821428574 | Take profit: 2029.7169517857144 +2025-03-10 13:11:59,967 - INFO - CLOSED short at 2058.89 | PnL: 0.09% | $-0.03 +2025-03-10 13:12:00,004 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.992917857143 | Take profit: 2091.237948214286 +2025-03-10 13:12:00,024 - INFO - CLOSED long at 2061.8 | PnL: 0.07% | $-0.05 +2025-03-10 13:12:00,025 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.1245321428573 | Take profit: 2030.8497017857144 +2025-03-10 13:12:00,044 - INFO - CLOSED short at 2064.7 | PnL: -0.14% | $-0.44 +2025-03-10 13:12:00,182 - INFO - OPENED SHORT at 2061.9 | Stop loss: 2072.2250321428573 | Take profit: 2030.9482017857144 +2025-03-10 13:12:00,214 - INFO - CLOSED short at 2064.1 | PnL: -0.11% | $-0.38 +2025-03-10 13:12:00,266 - INFO - OPENED SHORT at 2064.33 | Stop loss: 2074.667182142857 | Take profit: 2033.3417517857142 +2025-03-10 13:12:00,348 - INFO - CLOSED short at 2063.0 | PnL: 0.06% | $-0.06 +2025-03-10 13:12:00,348 - INFO - OPENED LONG at 2063.0 | Stop loss: 2052.6694678571425 | Take profit: 2093.968298214286 +2025-03-10 13:12:00,417 - INFO - CLOSED long at 2060.7 | PnL: -0.11% | $-0.39 +2025-03-10 13:12:00,418 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.019032142857 | Take profit: 2029.7662017857142 +2025-03-10 13:12:00,435 - INFO - CLOSED short at 2061.09 | PnL: -0.02% | $-0.22 +2025-03-10 13:12:00,492 - INFO - OPENED SHORT at 2059.16 | Stop loss: 2069.471332142857 | Take profit: 2028.2493017857141 +2025-03-10 13:12:00,522 - INFO - CLOSED short at 2059.02 | PnL: 0.01% | $-0.17 +2025-03-10 13:12:00,522 - INFO - OPENED LONG at 2059.02 | Stop loss: 2048.7093678571428 | Take profit: 2089.9285982142856 +2025-03-10 13:12:00,553 - INFO - CLOSED long at 2058.89 | PnL: -0.01% | $-0.19 +2025-03-10 13:12:00,553 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.199982142857 | Take profit: 2027.9833517857144 +2025-03-10 13:12:00,607 - INFO - CLOSED short at 2059.46 | PnL: -0.03% | $-0.23 +2025-03-10 13:12:00,607 - INFO - OPENED LONG at 2059.46 | Stop loss: 2049.147167857143 | Take profit: 2090.375198214286 +2025-03-10 13:12:00,803 - INFO - CLOSED long at 2061.5 | PnL: 0.10% | $-0.00 +2025-03-10 13:12:00,821 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.276467857143 | Take profit: 2092.547298214286 +2025-03-10 13:12:00,838 - INFO - CLOSED long at 2061.3 | PnL: -0.01% | $-0.21 +2025-03-10 13:12:00,838 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6220321428573 | Take profit: 2030.3572017857146 +2025-03-10 13:12:00,868 - INFO - CLOSED short at 2062.69 | PnL: -0.07% | $-0.30 +2025-03-10 13:12:00,868 - INFO - OPENED LONG at 2062.69 | Stop loss: 2052.361017857143 | Take profit: 2093.6536482142856 +2025-03-10 13:12:00,957 - INFO - CLOSED long at 2066.01 | PnL: 0.16% | $0.11 +2025-03-10 13:12:01,040 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.982817857143 | Take profit: 2097.348248214286 +2025-03-10 13:12:01,079 - INFO - CLOSED long at 2066.79 | PnL: 0.02% | $-0.14 +2025-03-10 13:12:01,089 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.977817857143 | Take profit: 2098.3632482142857 +2025-03-10 13:12:01,112 - INFO - CLOSED long at 2067.01 | PnL: -0.02% | $-0.21 +2025-03-10 13:12:01,113 - INFO - OPENED SHORT at 2067.01 | Stop loss: 2077.3605821428573 | Take profit: 2035.9815517857144 +2025-03-10 13:12:01,131 - INFO - CLOSED short at 2065.69 | PnL: 0.06% | $-0.06 +2025-03-10 13:12:01,151 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.425517857143 | Take profit: 2100.860148214286 +2025-03-10 13:12:01,189 - INFO - CLOSED long at 2074.3 | PnL: 0.22% | $0.21 +2025-03-10 13:12:01,210 - INFO - OPENED LONG at 2078.01 | Stop loss: 2067.604417857143 | Take profit: 2109.203448214286 +2025-03-10 13:12:01,407 - INFO - CLOSED long at 2070.0 | PnL: -0.39% | $-0.87 +2025-03-10 13:12:01,407 - INFO - OPENED SHORT at 2070.0 | Stop loss: 2080.365532142857 | Take profit: 2038.9267017857142 +2025-03-10 13:12:01,439 - INFO - CLOSED short at 2068.15 | PnL: 0.09% | $-0.02 +2025-03-10 13:12:01,475 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.3260178571427 | Take profit: 2100.758648214286 +2025-03-10 13:12:01,497 - INFO - CLOSED long at 2069.03 | PnL: -0.03% | $-0.23 +2025-03-10 13:12:01,497 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.3906821428573 | Take profit: 2037.9712517857145 +2025-03-10 13:12:01,542 - INFO - CLOSED short at 2072.99 | PnL: -0.19% | $-0.51 +2025-03-10 13:12:01,549 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6095178571427 | Take profit: 2104.1081482142854 +2025-03-10 13:12:01,564 - INFO - CLOSED long at 2071.49 | PnL: -0.07% | $-0.30 +2025-03-10 13:12:01,584 - INFO - OPENED SHORT at 2069.87 | Stop loss: 2080.234882142857 | Take profit: 2038.7986517857141 +2025-03-10 13:12:01,815 - INFO - CLOSED short at 2064.31 | PnL: 0.27% | $0.30 +2025-03-10 13:12:01,815 - INFO - OPENED LONG at 2064.31 | Stop loss: 2053.972917857143 | Take profit: 2095.297948214286 +2025-03-10 13:12:01,861 - INFO - CLOSED long at 2067.53 | PnL: 0.16% | $0.10 +2025-03-10 13:12:01,897 - INFO - OPENED LONG at 2065.31 | Stop loss: 2054.9679178571428 | Take profit: 2096.3129482142854 +2025-03-10 13:12:01,949 - INFO - CLOSED long at 2068.59 | PnL: 0.16% | $0.10 +2025-03-10 13:12:01,951 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.9484821428573 | Take profit: 2037.5378517857143 +2025-03-10 13:12:01,966 - INFO - CLOSED short at 2071.59 | PnL: -0.15% | $-0.43 +2025-03-10 13:12:01,980 - INFO - OPENED SHORT at 2070.2 | Stop loss: 2080.566532142857 | Take profit: 2039.123701785714 +2025-03-10 13:12:02,001 - INFO - CLOSED short at 2071.35 | PnL: -0.06% | $-0.27 +2025-03-10 13:12:02,068 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.069032142857 | Take profit: 2039.6162017857139 +2025-03-10 13:12:02,150 - INFO - CLOSED short at 2070.61 | PnL: 0.00% | $-0.17 +2025-03-10 13:12:02,150 - INFO - OPENED LONG at 2070.61 | Stop loss: 2060.241417857143 | Take profit: 2101.692448214286 +2025-03-10 13:12:02,211 - INFO - CLOSED long at 2068.19 | PnL: -0.12% | $-0.38 +2025-03-10 13:12:02,243 - INFO - OPENED LONG at 2068.67 | Stop loss: 2058.311117857143 | Take profit: 2099.723348214286 +2025-03-10 13:12:02,264 - INFO - CLOSED long at 2070.67 | PnL: 0.10% | $-0.01 +2025-03-10 13:12:02,264 - INFO - OPENED SHORT at 2070.67 | Stop loss: 2081.0388821428573 | Take profit: 2039.5866517857144 +2025-03-10 13:12:02,316 - INFO - CLOSED short at 2074.37 | PnL: -0.18% | $-0.48 +2025-03-10 13:12:02,316 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.982617857143 | Take profit: 2105.508848214286 +2025-03-10 13:12:02,391 - INFO - CLOSED long at 2073.99 | PnL: -0.02% | $-0.20 +2025-03-10 13:12:02,414 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.927867857143 | Take profit: 2106.473098214286 +2025-03-10 13:12:02,481 - INFO - CLOSED long at 2075.61 | PnL: 0.01% | $-0.15 +2025-03-10 13:12:02,540 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.714017857143 | Take profit: 2103.1946482142857 +2025-03-10 13:12:02,571 - INFO - CLOSED long at 2069.97 | PnL: -0.10% | $-0.35 +2025-03-10 13:12:02,572 - INFO - OPENED SHORT at 2069.97 | Stop loss: 2080.335382142857 | Take profit: 2038.897151785714 +2025-03-10 13:12:02,603 - INFO - CLOSED short at 2067.7 | PnL: 0.11% | $0.02 +2025-03-10 13:12:02,603 - INFO - OPENED LONG at 2067.7 | Stop loss: 2057.3459678571426 | Take profit: 2098.7387982142855 +2025-03-10 13:12:02,657 - INFO - CLOSED long at 2067.9 | PnL: 0.01% | $-0.15 +2025-03-10 13:12:02,658 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.255032142857 | Take profit: 2036.8582017857143 +2025-03-10 13:12:02,678 - INFO - CLOSED short at 2066.4 | PnL: 0.07% | $-0.05 +2025-03-10 13:12:02,678 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.052467857143 | Take profit: 2097.4192982142854 +2025-03-10 13:12:02,712 - INFO - CLOSED long at 2067.88 | PnL: 0.07% | $-0.05 +2025-03-10 13:12:02,712 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2349321428574 | Take profit: 2036.8385017857145 +2025-03-10 13:12:02,778 - INFO - CLOSED short at 2070.19 | PnL: -0.11% | $-0.36 +2025-03-10 13:12:02,796 - INFO - OPENED LONG at 2070.1 | Stop loss: 2059.7339678571425 | Take profit: 2101.1747982142856 +2025-03-10 13:12:02,883 - INFO - CLOSED long at 2065.8 | PnL: -0.21% | $-0.52 +2025-03-10 13:12:03,046 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.753967857143 | Take profit: 2097.1147982142857 +2025-03-10 13:12:03,080 - INFO - CLOSED long at 2064.11 | PnL: -0.10% | $-0.33 +2025-03-10 13:12:03,080 - INFO - OPENED SHORT at 2064.11 | Stop loss: 2074.4460821428574 | Take profit: 2033.1250517857143 +2025-03-10 13:12:03,097 - INFO - CLOSED short at 2064.5 | PnL: -0.02% | $-0.20 +2025-03-10 13:12:03,114 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.982817857143 | Take profit: 2097.348248214286 +2025-03-10 13:12:03,150 - INFO - CLOSED long at 2060.7 | PnL: -0.27% | $-0.63 +2025-03-10 13:12:03,150 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.019032142857 | Take profit: 2029.7662017857142 +2025-03-10 13:12:03,184 - INFO - CLOSED short at 2059.2 | PnL: 0.07% | $-0.05 +2025-03-10 13:12:03,203 - INFO - OPENED LONG at 2058.09 | Stop loss: 2047.784017857143 | Take profit: 2088.9846482142857 +2025-03-10 13:12:03,239 - INFO - CLOSED long at 2056.77 | PnL: -0.06% | $-0.27 +2025-03-10 13:12:03,271 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.729417857143 | Take profit: 2083.828448214286 +2025-03-10 13:12:03,300 - INFO - CLOSED long at 2049.21 | PnL: -0.19% | $-0.47 +2025-03-10 13:12:03,300 - INFO - OPENED SHORT at 2049.21 | Stop loss: 2059.471582142857 | Take profit: 2018.4485517857142 +2025-03-10 13:12:03,331 - INFO - CLOSED short at 2049.5 | PnL: -0.01% | $-0.19 +2025-03-10 13:12:03,389 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9929678571432 | Take profit: 2089.1977982142857 +2025-03-10 13:12:03,417 - INFO - CLOSED long at 2056.85 | PnL: -0.07% | $-0.28 +2025-03-10 13:12:03,448 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.808917857143 | Take profit: 2087.989948214286 +2025-03-10 13:12:03,466 - INFO - CLOSED long at 2057.89 | PnL: 0.04% | $-0.10 +2025-03-10 13:12:03,466 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.194982142857 | Take profit: 2026.9983517857142 +2025-03-10 13:12:03,488 - INFO - CLOSED short at 2062.83 | PnL: -0.24% | $-0.56 +2025-03-10 13:12:03,488 - INFO - OPENED LONG at 2062.83 | Stop loss: 2052.500317857143 | Take profit: 2093.7957482142856 +2025-03-10 13:12:03,506 - INFO - CLOSED long at 2063.9 | PnL: 0.05% | $-0.08 +2025-03-10 13:12:03,577 - INFO - OPENED SHORT at 2065.12 | Stop loss: 2075.4611321428574 | Take profit: 2034.1199017857143 +2025-03-10 13:12:03,594 - INFO - CLOSED short at 2068.33 | PnL: -0.16% | $-0.42 +2025-03-10 13:12:03,595 - INFO - OPENED LONG at 2068.33 | Stop loss: 2057.9728178571427 | Take profit: 2099.3782482142856 +2025-03-10 13:12:03,631 - INFO - CLOSED long at 2066.59 | PnL: -0.08% | $-0.30 +2025-03-10 13:12:03,632 - INFO - OPENED SHORT at 2066.59 | Stop loss: 2076.9384821428575 | Take profit: 2035.5678517857145 +2025-03-10 13:12:03,657 - INFO - CLOSED short at 2064.08 | PnL: 0.12% | $0.03 +2025-03-10 13:12:03,657 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.744067857143 | Take profit: 2095.0644982142853 +2025-03-10 13:12:03,691 - INFO - CLOSED long at 2061.21 | PnL: -0.14% | $-0.39 +2025-03-10 13:12:03,691 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.531582142857 | Take profit: 2030.2685517857142 +2025-03-10 13:12:03,867 - INFO - CLOSED short at 2070.31 | PnL: -0.44% | $-0.87 +2025-03-10 13:12:03,868 - INFO - OPENED LONG at 2070.31 | Stop loss: 2059.942917857143 | Take profit: 2101.3879482142856 +2025-03-10 13:12:03,882 - INFO - CLOSED long at 2070.24 | PnL: -0.00% | $-0.16 +2025-03-10 13:12:03,902 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.702232142857 | Take profit: 2038.2766017857143 +2025-03-10 13:12:03,953 - INFO - CLOSED short at 2073.49 | PnL: -0.20% | $-0.48 +2025-03-10 13:12:03,977 - INFO - OPENED LONG at 2074.05 | Stop loss: 2063.6642178571433 | Take profit: 2105.184048214286 +2025-03-10 13:12:04,029 - INFO - CLOSED long at 2071.8 | PnL: -0.11% | $-0.33 +2025-03-10 13:12:04,055 - INFO - OPENED SHORT at 2074.9 | Stop loss: 2085.2900321428574 | Take profit: 2043.7532017857143 +2025-03-10 13:12:04,079 - INFO - CLOSED short at 2076.08 | PnL: -0.06% | $-0.25 +2025-03-10 13:12:04,137 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.116667857143 | Take profit: 2116.866698214286 +2025-03-10 13:12:04,165 - INFO - CLOSED long at 2090.49 | PnL: 0.24% | $0.21 +2025-03-10 13:12:04,165 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.957982142857 | Take profit: 2059.109351785714 +2025-03-10 13:12:04,189 - INFO - CLOSED short at 2103.02 | PnL: -0.60% | $-1.10 +2025-03-10 13:12:04,308 - INFO - OPENED SHORT at 2141.41 | Stop loss: 2152.1325821428572 | Take profit: 2109.2655517857143 +2025-03-10 13:12:04,331 - INFO - CLOSED short at 2141.3 | PnL: 0.01% | $-0.15 +2025-03-10 13:12:04,347 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.4089321428573 | Take profit: 2110.516501785714 +2025-03-10 13:12:04,387 - INFO - CLOSED short at 2134.78 | PnL: 0.37% | $0.42 +2025-03-10 13:12:04,390 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.090567857143 | Take profit: 2166.8249982142856 +2025-03-10 13:12:04,407 - INFO - CLOSED long at 2126.99 | PnL: -0.36% | $-0.72 +2025-03-10 13:12:04,407 - INFO - OPENED SHORT at 2126.99 | Stop loss: 2137.640482142857 | Take profit: 2095.061851785714 +2025-03-10 13:12:04,430 - INFO - CLOSED short at 2127.3 | PnL: -0.01% | $-0.18 +2025-03-10 13:12:04,456 - INFO - OPENED SHORT at 2128.69 | Stop loss: 2139.348982142857 | Take profit: 2096.7363517857143 +2025-03-10 13:12:04,538 - INFO - CLOSED short at 2117.24 | PnL: 0.54% | $0.67 +2025-03-10 13:12:04,538 - INFO - OPENED LONG at 2117.24 | Stop loss: 2106.6382678571426 | Take profit: 2149.0218982142856 +2025-03-10 13:12:04,603 - INFO - CLOSED long at 2121.4 | PnL: 0.20% | $0.15 +2025-03-10 13:12:04,603 - INFO - OPENED SHORT at 2121.4 | Stop loss: 2132.022532142857 | Take profit: 2089.5557017857145 +2025-03-10 13:12:04,633 - INFO - CLOSED short at 2118.52 | PnL: 0.14% | $0.06 +2025-03-10 13:12:04,633 - INFO - OPENED LONG at 2118.52 | Stop loss: 2107.9118678571426 | Take profit: 2150.321098214286 +2025-03-10 13:12:04,653 - INFO - CLOSED long at 2119.14 | PnL: 0.03% | $-0.11 +2025-03-10 13:12:04,653 - INFO - OPENED SHORT at 2119.14 | Stop loss: 2129.751232142857 | Take profit: 2087.329601785714 +2025-03-10 13:12:04,674 - INFO - CLOSED short at 2119.07 | PnL: 0.00% | $-0.15 +2025-03-10 13:12:04,674 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.459117857143 | Take profit: 2150.8793482142855 +2025-03-10 13:12:04,693 - INFO - CLOSED long at 2115.28 | PnL: -0.18% | $-0.43 +2025-03-10 13:12:04,828 - INFO - OPENED LONG at 2112.99 | Stop loss: 2102.4095178571424 | Take profit: 2144.7081482142853 +2025-03-10 13:12:04,855 - INFO - CLOSED long at 2120.81 | PnL: 0.37% | $0.42 +2025-03-10 13:12:04,855 - INFO - OPENED SHORT at 2120.81 | Stop loss: 2131.429582142857 | Take profit: 2088.9745517857145 +2025-03-10 13:12:04,883 - INFO - CLOSED short at 2116.48 | PnL: 0.20% | $0.16 +2025-03-10 13:12:04,940 - INFO - OPENED SHORT at 2110.9 | Stop loss: 2121.4700321428572 | Take profit: 2079.2132017857143 +2025-03-10 13:12:04,972 - INFO - CLOSED short at 2108.71 | PnL: 0.10% | $0.01 +2025-03-10 13:12:04,972 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.1509178571428 | Take profit: 2140.3639482142858 +2025-03-10 13:12:05,035 - INFO - CLOSED long at 2108.06 | PnL: -0.03% | $-0.20 +2025-03-10 13:12:05,060 - INFO - OPENED LONG at 2103.33 | Stop loss: 2092.797817857143 | Take profit: 2134.9032482142857 +2025-03-10 13:12:05,094 - INFO - CLOSED long at 2090.0 | PnL: -0.63% | $-1.13 +2025-03-10 13:12:05,094 - INFO - OPENED SHORT at 2090.0 | Stop loss: 2100.4655321428572 | Take profit: 2058.6267017857144 +2025-03-10 13:12:05,115 - INFO - CLOSED short at 2099.53 | PnL: -0.46% | $-0.85 +2025-03-10 13:12:05,116 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.016817857143 | Take profit: 2131.046248214286 +2025-03-10 13:12:05,132 - INFO - CLOSED long at 2098.1 | PnL: -0.07% | $-0.25 +2025-03-10 13:12:05,221 - INFO - OPENED LONG at 2100.69 | Stop loss: 2090.171017857143 | Take profit: 2132.2236482142857 +2025-03-10 13:12:05,243 - INFO - CLOSED long at 2104.83 | PnL: 0.20% | $0.15 +2025-03-10 13:12:05,300 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.2207678571426 | Take profit: 2132.2743982142856 +2025-03-10 13:12:05,328 - INFO - CLOSED long at 2103.86 | PnL: 0.15% | $0.07 +2025-03-10 13:12:05,328 - INFO - OPENED SHORT at 2103.86 | Stop loss: 2114.394832142857 | Take profit: 2072.278801785714 +2025-03-10 13:12:05,388 - INFO - CLOSED short at 2101.51 | PnL: 0.11% | $0.02 +2025-03-10 13:12:05,442 - INFO - OPENED LONG at 2100.02 | Stop loss: 2089.504367857143 | Take profit: 2131.543598214286 +2025-03-10 13:12:05,463 - INFO - CLOSED long at 2098.39 | PnL: -0.08% | $-0.27 +2025-03-10 13:12:05,515 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.8478178571427 | Take profit: 2124.7532482142856 +2025-03-10 13:12:05,554 - INFO - CLOSED long at 2091.1 | PnL: -0.11% | $-0.31 +2025-03-10 13:12:05,555 - INFO - OPENED SHORT at 2091.1 | Stop loss: 2101.5710321428573 | Take profit: 2059.710201785714 +2025-03-10 13:12:05,619 - INFO - CLOSED short at 2083.28 | PnL: 0.37% | $0.41 +2025-03-10 13:12:05,620 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848067857143 | Take profit: 2114.5524982142856 +2025-03-10 13:12:05,700 - INFO - CLOSED long at 2085.3 | PnL: 0.10% | $-0.00 +2025-03-10 13:12:05,728 - INFO - OPENED SHORT at 2082.44 | Stop loss: 2092.867732142857 | Take profit: 2051.180101785714 +2025-03-10 13:12:05,758 - INFO - CLOSED short at 2081.49 | PnL: 0.05% | $-0.08 +2025-03-10 13:12:05,758 - INFO - OPENED LONG at 2081.49 | Stop loss: 2071.0670178571427 | Take profit: 2112.7356482142854 +2025-03-10 13:12:05,787 - INFO - CLOSED long at 2080.38 | PnL: -0.05% | $-0.23 +2025-03-10 13:12:05,814 - INFO - OPENED LONG at 2081.25 | Stop loss: 2070.8282178571426 | Take profit: 2112.492048214286 +2025-03-10 13:12:05,968 - INFO - CLOSED long at 2085.85 | PnL: 0.22% | $0.18 +2025-03-10 13:12:05,968 - INFO - OPENED SHORT at 2085.85 | Stop loss: 2096.294782142857 | Take profit: 2054.5389517857143 +2025-03-10 13:12:05,981 - INFO - CLOSED short at 2088.66 | PnL: -0.13% | $-0.35 +2025-03-10 13:12:05,981 - INFO - OPENED LONG at 2088.66 | Stop loss: 2078.2011678571425 | Take profit: 2120.0131982142857 +2025-03-10 13:12:06,061 - INFO - CLOSED long at 2087.0 | PnL: -0.08% | $-0.27 +2025-03-10 13:12:06,193 - INFO - OPENED LONG at 2085.67 | Stop loss: 2075.226117857143 | Take profit: 2116.978348214286 +2025-03-10 13:12:06,224 - INFO - CLOSED long at 2089.2 | PnL: 0.17% | $0.10 +2025-03-10 13:12:06,224 - INFO - OPENED SHORT at 2089.2 | Stop loss: 2099.661532142857 | Take profit: 2057.838701785714 +2025-03-10 13:12:06,247 - INFO - CLOSED short at 2091.05 | PnL: -0.09% | $-0.28 +2025-03-10 13:12:06,247 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.579217857143 | Take profit: 2122.4390482142862 +2025-03-10 13:12:06,428 - INFO - CLOSED long at 2098.49 | PnL: 0.36% | $0.38 +2025-03-10 13:12:06,583 - INFO - OPENED LONG at 2103.48 | Stop loss: 2092.947067857143 | Take profit: 2135.0554982142858 +2025-03-10 13:12:06,648 - INFO - CLOSED long at 2103.81 | PnL: 0.02% | $-0.13 +2025-03-10 13:12:06,685 - INFO - OPENED LONG at 2101.5 | Stop loss: 2090.976967857143 | Take profit: 2133.0457982142857 +2025-03-10 13:12:06,725 - INFO - CLOSED long at 2103.64 | PnL: 0.10% | $0.00 +2025-03-10 13:12:06,743 - INFO - OPENED LONG at 2105.2 | Stop loss: 2094.6584678571426 | Take profit: 2136.8012982142855 +2025-03-10 13:12:06,793 - INFO - Trade Analysis: Win Rate=28.2% in uptrends, 0.0% in downtrends | Avg Win=$0.17, Avg Loss=$-0.26 +2025-03-10 13:12:06,798 - INFO - Episode 1: Reward=-111.13, Balance=$75.04, Win Rate=22.9%, Trades=153, Episode PnL=$-17.62, Total PnL=$-54.97, Max Drawdown=25.0%, Pred Accuracy=99.2% +2025-03-10 13:12:06,798 - ERROR - Error in episode 1: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:12:06,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:12:06,820 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:12:07,175 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.9484678571428 | Take profit: 2077.931298214286 +2025-03-10 13:12:07,192 - INFO - CLOSED long at 2045.99 | PnL: -0.06% | $-0.32 +2025-03-10 13:12:07,194 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.235482142857 | Take profit: 2015.2768517857144 +2025-03-10 13:12:07,209 - INFO - CLOSED short at 2045.99 | PnL: 0.00% | $-0.20 +2025-03-10 13:12:07,245 - INFO - OPENED SHORT at 2048.13 | Stop loss: 2058.3861821428573 | Take profit: 2017.3847517857146 +2025-03-10 13:12:07,263 - INFO - CLOSED short at 2047.59 | PnL: 0.03% | $-0.15 +2025-03-10 13:12:07,280 - INFO - OPENED SHORT at 2048.51 | Stop loss: 2058.7680821428576 | Take profit: 2017.7590517857145 +2025-03-10 13:12:07,296 - INFO - CLOSED short at 2050.0 | PnL: -0.07% | $-0.34 +2025-03-10 13:12:07,356 - INFO - OPENED SHORT at 2051.11 | Stop loss: 2061.3810821428574 | Take profit: 2020.3200517857144 +2025-03-10 13:12:07,533 - INFO - CLOSED short at 2060.13 | PnL: -0.44% | $-1.06 +2025-03-10 13:12:07,533 - INFO - OPENED LONG at 2060.13 | Stop loss: 2049.813817857143 | Take profit: 2091.055248214286 +2025-03-10 13:12:07,570 - INFO - CLOSED long at 2059.7 | PnL: -0.02% | $-0.23 +2025-03-10 13:12:07,628 - INFO - OPENED LONG at 2063.29 | Stop loss: 2052.9580178571427 | Take profit: 2094.2626482142855 +2025-03-10 13:12:07,670 - INFO - CLOSED long at 2063.59 | PnL: 0.01% | $-0.17 +2025-03-10 13:12:07,710 - INFO - OPENED LONG at 2064.69 | Stop loss: 2054.351017857143 | Take profit: 2095.6836482142858 +2025-03-10 13:12:07,822 - INFO - CLOSED long at 2060.31 | PnL: -0.21% | $-0.60 +2025-03-10 13:12:07,845 - INFO - OPENED LONG at 2059.49 | Stop loss: 2049.177017857143 | Take profit: 2090.4056482142855 +2025-03-10 13:12:07,904 - INFO - CLOSED long at 2057.89 | PnL: -0.08% | $-0.34 +2025-03-10 13:12:07,933 - INFO - OPENED LONG at 2057.94 | Stop loss: 2047.6347678571428 | Take profit: 2088.832398214286 +2025-03-10 13:12:08,056 - INFO - CLOSED long at 2065.86 | PnL: 0.38% | $0.55 +2025-03-10 13:12:08,056 - INFO - OPENED SHORT at 2065.86 | Stop loss: 2076.204832142857 | Take profit: 2034.8488017857146 +2025-03-10 13:12:08,090 - INFO - CLOSED short at 2068.11 | PnL: -0.11% | $-0.40 +2025-03-10 13:12:08,111 - INFO - OPENED SHORT at 2068.29 | Stop loss: 2078.646982142857 | Take profit: 2037.2423517857142 +2025-03-10 13:12:08,140 - INFO - CLOSED short at 2071.63 | PnL: -0.16% | $-0.50 +2025-03-10 13:12:08,214 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.6295178571427 | Take profit: 2100.0481482142854 +2025-03-10 13:12:08,307 - INFO - CLOSED long at 2071.44 | PnL: 0.12% | $0.04 +2025-03-10 13:12:08,307 - INFO - OPENED SHORT at 2071.44 | Stop loss: 2081.8127321428574 | Take profit: 2040.3451017857144 +2025-03-10 13:12:08,336 - INFO - CLOSED short at 2073.73 | PnL: -0.11% | $-0.40 +2025-03-10 13:12:08,337 - INFO - OPENED LONG at 2073.73 | Stop loss: 2063.3458178571427 | Take profit: 2104.859248214286 +2025-03-10 13:12:08,420 - INFO - CLOSED long at 2072.33 | PnL: -0.07% | $-0.32 +2025-03-10 13:12:08,420 - INFO - OPENED SHORT at 2072.33 | Stop loss: 2082.707182142857 | Take profit: 2041.221751785714 +2025-03-10 13:12:08,442 - INFO - CLOSED short at 2071.38 | PnL: 0.05% | $-0.10 +2025-03-10 13:12:08,462 - INFO - OPENED LONG at 2071.41 | Stop loss: 2061.037417857143 | Take profit: 2102.5044482142857 +2025-03-10 13:12:08,515 - INFO - CLOSED long at 2072.8 | PnL: 0.07% | $-0.06 +2025-03-10 13:12:08,515 - INFO - OPENED SHORT at 2072.8 | Stop loss: 2083.1795321428576 | Take profit: 2041.6847017857144 +2025-03-10 13:12:08,531 - INFO - CLOSED short at 2070.79 | PnL: 0.10% | $-0.01 +2025-03-10 13:12:08,531 - INFO - OPENED LONG at 2070.79 | Stop loss: 2060.420517857143 | Take profit: 2101.8751482142857 +2025-03-10 13:12:08,566 - INFO - CLOSED long at 2068.02 | PnL: -0.13% | $-0.44 +2025-03-10 13:12:08,600 - INFO - OPENED SHORT at 2070.36 | Stop loss: 2080.7273321428574 | Take profit: 2039.2813017857145 +2025-03-10 13:12:08,638 - INFO - CLOSED short at 2070.7 | PnL: -0.02% | $-0.22 +2025-03-10 13:12:08,639 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3309678571427 | Take profit: 2101.7837982142855 +2025-03-10 13:12:08,666 - INFO - CLOSED long at 2069.34 | PnL: -0.07% | $-0.31 +2025-03-10 13:12:08,666 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.702232142857 | Take profit: 2038.2766017857143 +2025-03-10 13:12:08,698 - INFO - CLOSED short at 2069.19 | PnL: 0.01% | $-0.17 +2025-03-10 13:12:08,757 - INFO - OPENED SHORT at 2067.6 | Stop loss: 2077.953532142857 | Take profit: 2036.5627017857141 +2025-03-10 13:12:08,785 - INFO - CLOSED short at 2067.51 | PnL: 0.00% | $-0.18 +2025-03-10 13:12:08,859 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.6445178571425 | Take profit: 2097.0031482142854 +2025-03-10 13:12:08,876 - INFO - CLOSED long at 2066.19 | PnL: 0.01% | $-0.17 +2025-03-10 13:12:08,911 - INFO - OPENED LONG at 2065.08 | Stop loss: 2054.739067857143 | Take profit: 2096.0794982142856 +2025-03-10 13:12:08,945 - INFO - CLOSED long at 2068.76 | PnL: 0.18% | $0.15 +2025-03-10 13:12:08,947 - INFO - OPENED SHORT at 2068.76 | Stop loss: 2079.1193321428573 | Take profit: 2037.7053017857147 +2025-03-10 13:12:08,965 - INFO - CLOSED short at 2068.9 | PnL: -0.01% | $-0.20 +2025-03-10 13:12:09,003 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.231517857143 | Take profit: 2099.642148214286 +2025-03-10 13:12:09,025 - INFO - CLOSED long at 2069.7 | PnL: 0.05% | $-0.09 +2025-03-10 13:12:09,027 - INFO - OPENED SHORT at 2069.7 | Stop loss: 2080.064032142857 | Take profit: 2038.6312017857142 +2025-03-10 13:12:09,045 - INFO - CLOSED short at 2070.4 | PnL: -0.03% | $-0.25 +2025-03-10 13:12:09,045 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.032467857143 | Take profit: 2101.479298214286 +2025-03-10 13:12:09,108 - INFO - CLOSED long at 2071.4 | PnL: 0.05% | $-0.10 +2025-03-10 13:12:09,166 - INFO - OPENED LONG at 2071.36 | Stop loss: 2060.9876678571427 | Take profit: 2102.453698214286 +2025-03-10 13:12:09,222 - INFO - CLOSED long at 2073.11 | PnL: 0.08% | $-0.03 +2025-03-10 13:12:09,245 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.0790321428567 | Take profit: 2041.586201785714 +2025-03-10 13:12:09,262 - INFO - CLOSED short at 2072.15 | PnL: 0.03% | $-0.14 +2025-03-10 13:12:09,278 - INFO - OPENED LONG at 2074.29 | Stop loss: 2063.903017857143 | Take profit: 2105.4276482142855 +2025-03-10 13:12:09,296 - INFO - CLOSED long at 2073.9 | PnL: -0.02% | $-0.22 +2025-03-10 13:12:09,296 - INFO - OPENED SHORT at 2073.9 | Stop loss: 2084.2850321428573 | Take profit: 2042.7682017857144 +2025-03-10 13:12:09,317 - INFO - CLOSED short at 2071.92 | PnL: 0.10% | $-0.01 +2025-03-10 13:12:09,317 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.544867857143 | Take profit: 2103.0220982142855 +2025-03-10 13:12:09,336 - INFO - CLOSED long at 2070.4 | PnL: -0.07% | $-0.32 +2025-03-10 13:12:09,336 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7675321428574 | Take profit: 2039.3207017857144 +2025-03-10 13:12:09,356 - INFO - CLOSED short at 2071.11 | PnL: -0.03% | $-0.25 +2025-03-10 13:12:09,374 - INFO - OPENED LONG at 2069.46 | Stop loss: 2059.0971678571427 | Take profit: 2100.525198214286 +2025-03-10 13:12:09,509 - INFO - CLOSED long at 2066.8 | PnL: -0.13% | $-0.42 +2025-03-10 13:12:09,509 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.1495321428574 | Take profit: 2035.7747017857143 +2025-03-10 13:12:09,596 - INFO - CLOSED short at 2065.26 | PnL: 0.07% | $-0.05 +2025-03-10 13:12:09,596 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.918167857143 | Take profit: 2096.262198214286 +2025-03-10 13:12:09,746 - INFO - CLOSED long at 2070.3 | PnL: 0.24% | $0.26 +2025-03-10 13:12:09,746 - INFO - OPENED SHORT at 2070.3 | Stop loss: 2080.6670321428574 | Take profit: 2039.2222017857146 +2025-03-10 13:12:09,765 - INFO - CLOSED short at 2071.59 | PnL: -0.06% | $-0.30 +2025-03-10 13:12:09,766 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.216517857143 | Take profit: 2102.687148214286 +2025-03-10 13:12:09,783 - INFO - CLOSED long at 2070.7 | PnL: -0.04% | $-0.26 +2025-03-10 13:12:09,820 - INFO - OPENED SHORT at 2070.73 | Stop loss: 2081.099182142857 | Take profit: 2039.6457517857143 +2025-03-10 13:12:09,837 - INFO - CLOSED short at 2068.5 | PnL: 0.11% | $0.01 +2025-03-10 13:12:09,868 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.0489821428573 | Take profit: 2037.6363517857144 +2025-03-10 13:12:09,955 - INFO - CLOSED short at 2067.86 | PnL: 0.04% | $-0.11 +2025-03-10 13:12:09,956 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.505167857143 | Take profit: 2098.9011982142856 +2025-03-10 13:12:09,984 - INFO - CLOSED long at 2066.4 | PnL: -0.07% | $-0.31 +2025-03-10 13:12:09,984 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.7475321428574 | Take profit: 2035.3807017857143 +2025-03-10 13:12:10,076 - INFO - CLOSED short at 2064.47 | PnL: 0.09% | $-0.01 +2025-03-10 13:12:10,076 - INFO - OPENED LONG at 2064.47 | Stop loss: 2054.132117857143 | Take profit: 2095.4603482142857 +2025-03-10 13:12:10,093 - INFO - CLOSED long at 2070.04 | PnL: 0.27% | $0.31 +2025-03-10 13:12:10,112 - INFO - OPENED LONG at 2067.8 | Stop loss: 2057.445467857143 | Take profit: 2098.8402982142857 +2025-03-10 13:12:10,130 - INFO - CLOSED long at 2068.18 | PnL: 0.02% | $-0.15 +2025-03-10 13:12:10,130 - INFO - OPENED SHORT at 2068.18 | Stop loss: 2078.536432142857 | Take profit: 2037.1340017857142 +2025-03-10 13:12:10,183 - INFO - CLOSED short at 2064.99 | PnL: 0.15% | $0.10 +2025-03-10 13:12:10,184 - INFO - OPENED LONG at 2064.99 | Stop loss: 2054.6495178571427 | Take profit: 2095.9881482142855 +2025-03-10 13:12:10,203 - INFO - CLOSED long at 2065.83 | PnL: 0.04% | $-0.11 +2025-03-10 13:12:10,223 - INFO - OPENED LONG at 2066.15 | Stop loss: 2055.803717857143 | Take profit: 2097.1655482142855 +2025-03-10 13:12:10,278 - INFO - CLOSED long at 2062.89 | PnL: -0.16% | $-0.47 +2025-03-10 13:12:10,310 - INFO - OPENED SHORT at 2062.65 | Stop loss: 2072.978782142857 | Take profit: 2031.6869517857142 +2025-03-10 13:12:10,338 - INFO - CLOSED short at 2061.78 | PnL: 0.04% | $-0.10 +2025-03-10 13:12:10,338 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.4555678571433 | Take profit: 2092.729998214286 +2025-03-10 13:12:10,367 - INFO - CLOSED long at 2059.59 | PnL: -0.11% | $-0.37 +2025-03-10 13:12:10,429 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.256517857143 | Take profit: 2094.567148214286 +2025-03-10 13:12:10,449 - INFO - CLOSED long at 2064.96 | PnL: 0.07% | $-0.06 +2025-03-10 13:12:10,449 - INFO - OPENED SHORT at 2064.96 | Stop loss: 2075.3003321428573 | Take profit: 2033.9623017857143 +2025-03-10 13:12:10,467 - INFO - CLOSED short at 2066.24 | PnL: -0.06% | $-0.29 +2025-03-10 13:12:10,486 - INFO - OPENED LONG at 2067.1 | Stop loss: 2056.748967857143 | Take profit: 2098.1297982142855 +2025-03-10 13:12:10,521 - INFO - CLOSED long at 2066.09 | PnL: -0.05% | $-0.27 +2025-03-10 13:12:10,539 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.1122178571427 | Take profit: 2095.4400482142855 +2025-03-10 13:12:10,560 - INFO - CLOSED long at 2064.08 | PnL: -0.02% | $-0.21 +2025-03-10 13:12:10,561 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.415932142857 | Take profit: 2033.095501785714 +2025-03-10 13:12:10,595 - INFO - CLOSED short at 2062.89 | PnL: 0.06% | $-0.08 +2025-03-10 13:12:10,612 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.161967857143 | Take profit: 2095.490798214286 +2025-03-10 13:12:10,670 - INFO - CLOSED long at 2061.6 | PnL: -0.14% | $-0.43 +2025-03-10 13:12:10,701 - INFO - OPENED LONG at 2060.9 | Stop loss: 2050.579967857143 | Take profit: 2091.836798214286 +2025-03-10 13:12:10,809 - INFO - CLOSED long at 2060.31 | PnL: -0.03% | $-0.23 +2025-03-10 13:12:10,811 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.627082142857 | Take profit: 2029.3820517857143 +2025-03-10 13:12:10,946 - INFO - CLOSED short at 2061.9 | PnL: -0.08% | $-0.31 +2025-03-10 13:12:10,946 - INFO - OPENED LONG at 2061.9 | Stop loss: 2051.574967857143 | Take profit: 2092.8517982142857 +2025-03-10 13:12:11,134 - INFO - CLOSED long at 2062.6 | PnL: 0.03% | $-0.12 +2025-03-10 13:12:11,134 - INFO - OPENED SHORT at 2062.6 | Stop loss: 2072.928532142857 | Take profit: 2031.6377017857142 +2025-03-10 13:12:11,164 - INFO - CLOSED short at 2061.89 | PnL: 0.03% | $-0.12 +2025-03-10 13:12:11,195 - INFO - OPENED LONG at 2061.7 | Stop loss: 2051.3759678571428 | Take profit: 2092.6487982142853 +2025-03-10 13:12:11,225 - INFO - CLOSED long at 2060.7 | PnL: -0.05% | $-0.26 +2025-03-10 13:12:11,327 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.644667857143 | Take profit: 2090.882698214286 +2025-03-10 13:12:11,471 - INFO - CLOSED long at 2054.83 | PnL: -0.25% | $-0.61 +2025-03-10 13:12:11,504 - INFO - OPENED LONG at 2056.71 | Stop loss: 2046.410917857143 | Take profit: 2087.583948214286 +2025-03-10 13:12:11,561 - INFO - CLOSED long at 2059.8 | PnL: 0.15% | $0.09 +2025-03-10 13:12:11,596 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.3361678571428 | Take profit: 2092.608198214286 +2025-03-10 13:12:11,626 - INFO - CLOSED long at 2061.5 | PnL: -0.01% | $-0.19 +2025-03-10 13:12:11,646 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.276467857143 | Take profit: 2092.547298214286 +2025-03-10 13:12:11,686 - INFO - CLOSED long at 2062.69 | PnL: 0.05% | $-0.08 +2025-03-10 13:12:11,686 - INFO - OPENED SHORT at 2062.69 | Stop loss: 2073.018982142857 | Take profit: 2031.7263517857143 +2025-03-10 13:12:11,703 - INFO - CLOSED short at 2063.4 | PnL: -0.03% | $-0.23 +2025-03-10 13:12:11,759 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.235032142857 | Take profit: 2032.9182017857145 +2025-03-10 13:12:11,777 - INFO - CLOSED short at 2064.49 | PnL: -0.03% | $-0.22 +2025-03-10 13:12:11,819 - INFO - OPENED LONG at 2066.34 | Stop loss: 2055.992767857143 | Take profit: 2097.358398214286 +2025-03-10 13:12:11,837 - INFO - CLOSED long at 2066.79 | PnL: 0.02% | $-0.13 +2025-03-10 13:12:12,008 - INFO - OPENED LONG at 2074.3 | Stop loss: 2063.912967857143 | Take profit: 2105.437798214286 +2025-03-10 13:12:12,055 - INFO - CLOSED long at 2075.01 | PnL: 0.03% | $-0.11 +2025-03-10 13:12:12,091 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.4107321428573 | Take profit: 2039.9511017857142 +2025-03-10 13:12:12,175 - INFO - CLOSED short at 2068.15 | PnL: 0.14% | $0.07 +2025-03-10 13:12:12,193 - INFO - OPENED SHORT at 2068.39 | Stop loss: 2078.747482142857 | Take profit: 2037.3408517857142 +2025-03-10 13:12:12,226 - INFO - CLOSED short at 2069.03 | PnL: -0.03% | $-0.23 +2025-03-10 13:12:12,284 - INFO - OPENED LONG at 2068.79 | Stop loss: 2058.430517857143 | Take profit: 2099.8451482142855 +2025-03-10 13:12:12,312 - INFO - CLOSED long at 2072.99 | PnL: 0.20% | $0.18 +2025-03-10 13:12:12,312 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.370482142857 | Take profit: 2041.871851785714 +2025-03-10 13:12:12,420 - INFO - CLOSED short at 2066.38 | PnL: 0.32% | $0.38 +2025-03-10 13:12:12,460 - INFO - OPENED SHORT at 2065.66 | Stop loss: 2076.003832142857 | Take profit: 2034.651801785714 +2025-03-10 13:12:12,479 - INFO - CLOSED short at 2063.95 | PnL: 0.08% | $-0.03 +2025-03-10 13:12:12,479 - INFO - OPENED LONG at 2063.95 | Stop loss: 2053.6147178571428 | Take profit: 2094.932548214286 +2025-03-10 13:12:12,515 - INFO - CLOSED long at 2064.5 | PnL: 0.03% | $-0.13 +2025-03-10 13:12:12,516 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.838032142857 | Take profit: 2033.5092017857144 +2025-03-10 13:12:12,553 - INFO - CLOSED short at 2064.4 | PnL: 0.00% | $-0.16 +2025-03-10 13:12:12,571 - INFO - OPENED LONG at 2064.31 | Stop loss: 2053.972917857143 | Take profit: 2095.297948214286 +2025-03-10 13:12:12,589 - INFO - CLOSED long at 2065.5 | PnL: 0.06% | $-0.07 +2025-03-10 13:12:12,649 - INFO - OPENED SHORT at 2065.31 | Stop loss: 2075.652082142857 | Take profit: 2034.3070517857143 +2025-03-10 13:12:12,708 - INFO - CLOSED short at 2066.5 | PnL: -0.06% | $-0.27 +2025-03-10 13:12:12,708 - INFO - OPENED LONG at 2066.5 | Stop loss: 2056.1519678571426 | Take profit: 2097.5207982142856 +2025-03-10 13:12:12,738 - INFO - CLOSED long at 2068.59 | PnL: 0.10% | $0.00 +2025-03-10 13:12:12,738 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.9484821428573 | Take profit: 2037.5378517857143 +2025-03-10 13:12:12,769 - INFO - CLOSED short at 2071.59 | PnL: -0.15% | $-0.42 +2025-03-10 13:12:12,769 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.216517857143 | Take profit: 2102.687148214286 +2025-03-10 13:12:12,827 - INFO - CLOSED long at 2071.35 | PnL: -0.01% | $-0.19 +2025-03-10 13:12:12,827 - INFO - OPENED SHORT at 2071.35 | Stop loss: 2081.722282142857 | Take profit: 2040.2564517857143 +2025-03-10 13:12:12,871 - INFO - CLOSED short at 2069.69 | PnL: 0.08% | $-0.03 +2025-03-10 13:12:12,873 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.3260178571427 | Take profit: 2100.758648214286 +2025-03-10 13:12:12,907 - INFO - CLOSED long at 2070.8 | PnL: 0.05% | $-0.08 +2025-03-10 13:12:12,978 - INFO - OPENED SHORT at 2068.19 | Stop loss: 2078.5464821428573 | Take profit: 2037.1438517857143 +2025-03-10 13:12:13,031 - INFO - CLOSED short at 2069.78 | PnL: -0.08% | $-0.30 +2025-03-10 13:12:13,081 - INFO - OPENED SHORT at 2074.37 | Stop loss: 2084.7573821428573 | Take profit: 2043.2311517857142 +2025-03-10 13:12:13,165 - INFO - CLOSED short at 2073.27 | PnL: 0.05% | $-0.08 +2025-03-10 13:12:13,221 - INFO - OPENED SHORT at 2075.32 | Stop loss: 2085.7121321428576 | Take profit: 2044.1669017857146 +2025-03-10 13:12:13,275 - INFO - CLOSED short at 2075.61 | PnL: -0.01% | $-0.19 +2025-03-10 13:12:13,275 - INFO - OPENED LONG at 2075.61 | Stop loss: 2065.216417857143 | Take profit: 2106.7674482142857 +2025-03-10 13:12:13,292 - INFO - CLOSED long at 2074.0 | PnL: -0.08% | $-0.30 +2025-03-10 13:12:13,312 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.714017857143 | Take profit: 2103.1946482142857 +2025-03-10 13:12:13,350 - INFO - CLOSED long at 2067.7 | PnL: -0.21% | $-0.52 +2025-03-10 13:12:13,350 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.054032142857 | Take profit: 2036.661201785714 +2025-03-10 13:12:13,370 - INFO - CLOSED short at 2067.0 | PnL: 0.03% | $-0.11 +2025-03-10 13:12:13,370 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.649467857143 | Take profit: 2098.0282982142858 +2025-03-10 13:12:13,405 - INFO - CLOSED long at 2066.4 | PnL: -0.03% | $-0.22 +2025-03-10 13:12:13,405 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.7475321428574 | Take profit: 2035.3807017857143 +2025-03-10 13:12:13,424 - INFO - CLOSED short at 2066.89 | PnL: -0.02% | $-0.21 +2025-03-10 13:12:13,424 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.5400178571426 | Take profit: 2097.9166482142855 +2025-03-10 13:12:13,446 - INFO - CLOSED long at 2067.88 | PnL: 0.05% | $-0.09 +2025-03-10 13:12:13,506 - INFO - OPENED LONG at 2068.1 | Stop loss: 2057.7439678571427 | Take profit: 2099.1447982142854 +2025-03-10 13:12:13,535 - INFO - CLOSED long at 2069.0 | PnL: 0.04% | $-0.09 +2025-03-10 13:12:13,535 - INFO - OPENED SHORT at 2069.0 | Stop loss: 2079.360532142857 | Take profit: 2037.9417017857143 +2025-03-10 13:12:13,616 - INFO - CLOSED short at 2067.19 | PnL: 0.09% | $-0.02 +2025-03-10 13:12:13,640 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1569678571427 | Take profit: 2096.5057982142857 +2025-03-10 13:12:13,675 - INFO - CLOSED long at 2065.8 | PnL: 0.01% | $-0.14 +2025-03-10 13:12:13,676 - INFO - OPENED SHORT at 2065.8 | Stop loss: 2076.1445321428573 | Take profit: 2034.7897017857144 +2025-03-10 13:12:13,693 - INFO - CLOSED short at 2065.07 | PnL: 0.04% | $-0.11 +2025-03-10 13:12:13,693 - INFO - OPENED LONG at 2065.07 | Stop loss: 2054.729117857143 | Take profit: 2096.069348214286 +2025-03-10 13:12:13,714 - INFO - CLOSED long at 2066.09 | PnL: 0.05% | $-0.08 +2025-03-10 13:12:13,733 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.722482142857 | Take profit: 2032.415851785714 +2025-03-10 13:12:13,754 - INFO - CLOSED short at 2062.34 | PnL: 0.05% | $-0.08 +2025-03-10 13:12:13,754 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.012767857143 | Take profit: 2093.2983982142855 +2025-03-10 13:12:13,771 - INFO - CLOSED long at 2063.98 | PnL: 0.08% | $-0.03 +2025-03-10 13:12:13,792 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.446032142857 | Take profit: 2035.0852017857142 +2025-03-10 13:12:13,813 - INFO - CLOSED short at 2065.06 | PnL: 0.05% | $-0.08 +2025-03-10 13:12:13,867 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.838032142857 | Take profit: 2033.5092017857144 +2025-03-10 13:12:13,895 - INFO - CLOSED short at 2066.33 | PnL: -0.09% | $-0.31 +2025-03-10 13:12:13,953 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.019032142857 | Take profit: 2029.7662017857142 +2025-03-10 13:12:14,054 - INFO - CLOSED short at 2058.65 | PnL: 0.10% | $-0.00 +2025-03-10 13:12:14,090 - INFO - OPENED SHORT at 2053.01 | Stop loss: 2063.290582142857 | Take profit: 2022.1915517857146 +2025-03-10 13:12:14,112 - INFO - CLOSED short at 2049.21 | PnL: 0.19% | $0.14 +2025-03-10 13:12:14,112 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.9484178571429 | Take profit: 2079.971448214286 +2025-03-10 13:12:14,211 - INFO - CLOSED long at 2057.89 | PnL: 0.42% | $0.53 +2025-03-10 13:12:14,211 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.194982142857 | Take profit: 2026.9983517857142 +2025-03-10 13:12:14,307 - INFO - CLOSED short at 2062.43 | PnL: -0.22% | $-0.53 +2025-03-10 13:12:14,441 - INFO - OPENED LONG at 2066.59 | Stop loss: 2056.241517857143 | Take profit: 2097.612148214286 +2025-03-10 13:12:14,461 - INFO - CLOSED long at 2064.08 | PnL: -0.12% | $-0.36 +2025-03-10 13:12:14,461 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.415932142857 | Take profit: 2033.095501785714 +2025-03-10 13:12:14,479 - INFO - CLOSED short at 2061.21 | PnL: 0.14% | $0.06 +2025-03-10 13:12:14,480 - INFO - OPENED LONG at 2061.21 | Stop loss: 2050.888417857143 | Take profit: 2092.1514482142857 +2025-03-10 13:12:14,496 - INFO - CLOSED long at 2059.9 | PnL: -0.06% | $-0.27 +2025-03-10 13:12:14,496 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.215032142857 | Take profit: 2028.9782017857144 +2025-03-10 13:12:14,512 - INFO - CLOSED short at 2060.7 | PnL: -0.04% | $-0.23 +2025-03-10 13:12:14,528 - INFO - OPENED LONG at 2061.84 | Stop loss: 2051.515267857143 | Take profit: 2092.790898214286 +2025-03-10 13:12:14,567 - INFO - CLOSED long at 2065.72 | PnL: 0.19% | $0.14 +2025-03-10 13:12:14,643 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.1745821428567 | Take profit: 2038.7395517857142 +2025-03-10 13:12:14,729 - INFO - CLOSED short at 2074.05 | PnL: -0.20% | $-0.50 +2025-03-10 13:12:14,729 - INFO - OPENED LONG at 2074.05 | Stop loss: 2063.6642178571433 | Take profit: 2105.184048214286 +2025-03-10 13:12:14,818 - INFO - CLOSED long at 2071.8 | PnL: -0.11% | $-0.34 +2025-03-10 13:12:14,818 - INFO - OPENED SHORT at 2071.8 | Stop loss: 2082.1745321428575 | Take profit: 2040.6997017857145 +2025-03-10 13:12:14,849 - INFO - CLOSED short at 2074.9 | PnL: -0.15% | $-0.40 +2025-03-10 13:12:14,850 - INFO - OPENED LONG at 2074.9 | Stop loss: 2064.509967857143 | Take profit: 2106.046798214286 +2025-03-10 13:12:14,884 - INFO - CLOSED long at 2077.61 | PnL: 0.13% | $0.05 +2025-03-10 13:12:14,885 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2088.0135821428576 | Take profit: 2046.4225517857144 +2025-03-10 13:12:14,901 - INFO - CLOSED short at 2085.56 | PnL: -0.38% | $-0.78 +2025-03-10 13:12:14,937 - INFO - OPENED LONG at 2103.02 | Stop loss: 2092.489367857143 | Take profit: 2134.5885982142854 +2025-03-10 13:12:14,954 - INFO - CLOSED long at 2130.7 | PnL: 1.32% | $1.94 +2025-03-10 13:12:14,954 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.369032142857 | Take profit: 2098.716201785714 +2025-03-10 13:12:14,978 - INFO - CLOSED short at 2139.54 | PnL: -0.41% | $-0.84 +2025-03-10 13:12:14,979 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.826767857143 | Take profit: 2171.6563982142857 +2025-03-10 13:12:15,017 - INFO - CLOSED long at 2133.95 | PnL: -0.26% | $-0.58 +2025-03-10 13:12:15,017 - INFO - OPENED SHORT at 2133.95 | Stop loss: 2144.6352821428572 | Take profit: 2101.917451785714 +2025-03-10 13:12:15,034 - INFO - CLOSED short at 2137.59 | PnL: -0.17% | $-0.43 +2025-03-10 13:12:15,034 - INFO - OPENED LONG at 2137.59 | Stop loss: 2126.8865178571427 | Take profit: 2169.677148214286 +2025-03-10 13:12:15,144 - INFO - CLOSED long at 2140.01 | PnL: 0.11% | $0.02 +2025-03-10 13:12:15,201 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.3395178571427 | Take profit: 2158.9181482142853 +2025-03-10 13:12:15,270 - INFO - CLOSED long at 2121.09 | PnL: -0.28% | $-0.60 +2025-03-10 13:12:15,289 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.533717857143 | Take profit: 2151.9755482142855 +2025-03-10 13:12:15,304 - INFO - CLOSED long at 2117.24 | PnL: -0.14% | $-0.38 +2025-03-10 13:12:15,328 - INFO - OPENED SHORT at 2119.93 | Stop loss: 2130.545182142857 | Take profit: 2088.1077517857143 +2025-03-10 13:12:15,362 - INFO - CLOSED short at 2118.52 | PnL: 0.07% | $-0.05 +2025-03-10 13:12:15,414 - INFO - OPENED LONG at 2115.28 | Stop loss: 2104.688067857143 | Take profit: 2147.0324982142856 +2025-03-10 13:12:15,539 - INFO - CLOSED long at 2112.95 | PnL: -0.11% | $-0.33 +2025-03-10 13:12:15,597 - INFO - OPENED LONG at 2113.24 | Stop loss: 2102.6582678571426 | Take profit: 2144.961898214285 +2025-03-10 13:12:15,629 - INFO - CLOSED long at 2112.99 | PnL: -0.01% | $-0.18 +2025-03-10 13:12:15,704 - INFO - OPENED LONG at 2110.9 | Stop loss: 2100.329967857143 | Take profit: 2142.586798214286 +2025-03-10 13:12:15,789 - INFO - CLOSED long at 2100.5 | PnL: -0.49% | $-0.93 +2025-03-10 13:12:15,880 - INFO - OPENED LONG at 2102.19 | Stop loss: 2091.663517857143 | Take profit: 2133.7461482142858 +2025-03-10 13:12:15,991 - INFO - CLOSED long at 2100.69 | PnL: -0.07% | $-0.26 +2025-03-10 13:12:16,045 - INFO - OPENED LONG at 2106.39 | Stop loss: 2095.842517857143 | Take profit: 2138.0091482142857 +2025-03-10 13:12:16,062 - INFO - CLOSED long at 2100.74 | PnL: -0.27% | $-0.57 +2025-03-10 13:12:16,062 - INFO - OPENED SHORT at 2100.74 | Stop loss: 2111.259232142857 | Take profit: 2069.205601785714 +2025-03-10 13:12:16,103 - INFO - CLOSED short at 2104.68 | PnL: -0.19% | $-0.44 +2025-03-10 13:12:16,103 - INFO - OPENED LONG at 2104.68 | Stop loss: 2094.141067857143 | Take profit: 2136.2734982142856 +2025-03-10 13:12:16,136 - INFO - CLOSED long at 2099.59 | PnL: -0.24% | $-0.52 +2025-03-10 13:12:16,136 - INFO - OPENED SHORT at 2099.59 | Stop loss: 2110.1034821428575 | Take profit: 2068.0728517857146 +2025-03-10 13:12:16,177 - INFO - CLOSED short at 2098.39 | PnL: 0.06% | $-0.06 +2025-03-10 13:12:16,228 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.8478178571427 | Take profit: 2124.7532482142856 +2025-03-10 13:12:16,303 - INFO - CLOSED long at 2094.72 | PnL: 0.07% | $-0.05 +2025-03-10 13:12:16,303 - INFO - OPENED SHORT at 2094.72 | Stop loss: 2105.209132142857 | Take profit: 2063.275901785714 +2025-03-10 13:12:16,338 - INFO - CLOSED short at 2094.08 | PnL: 0.03% | $-0.10 +2025-03-10 13:12:16,338 - INFO - OPENED LONG at 2094.08 | Stop loss: 2083.594067857143 | Take profit: 2125.5144982142856 +2025-03-10 13:12:16,398 - INFO - STOP LOSS hit for long at 2083.594067857143 | PnL: -0.50% | $-0.90 +2025-03-10 13:12:16,448 - INFO - OPENED LONG at 2083.97 | Stop loss: 2073.5346178571426 | Take profit: 2115.2528482142857 +2025-03-10 13:12:16,547 - INFO - CLOSED long at 2081.25 | PnL: -0.13% | $-0.34 +2025-03-10 13:12:16,547 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.6717821428574 | Take profit: 2050.0079517857143 +2025-03-10 13:12:16,568 - INFO - CLOSED short at 2083.41 | PnL: -0.10% | $-0.30 +2025-03-10 13:12:16,568 - INFO - OPENED LONG at 2083.41 | Stop loss: 2072.977417857143 | Take profit: 2114.6844482142856 +2025-03-10 13:12:16,589 - INFO - CLOSED long at 2085.09 | PnL: 0.08% | $-0.03 +2025-03-10 13:12:16,604 - INFO - OPENED SHORT at 2083.59 | Stop loss: 2094.023482142857 | Take profit: 2052.3128517857144 +2025-03-10 13:12:16,628 - INFO - CLOSED short at 2086.57 | PnL: -0.14% | $-0.36 +2025-03-10 13:12:16,628 - INFO - OPENED LONG at 2086.57 | Stop loss: 2076.121617857143 | Take profit: 2117.8918482142863 +2025-03-10 13:12:16,683 - INFO - CLOSED long at 2084.72 | PnL: -0.09% | $-0.28 +2025-03-10 13:12:16,684 - INFO - OPENED SHORT at 2084.72 | Stop loss: 2095.1591321428573 | Take profit: 2053.4259017857144 +2025-03-10 13:12:16,714 - INFO - CLOSED short at 2085.83 | PnL: -0.05% | $-0.22 +2025-03-10 13:12:16,747 - INFO - OPENED SHORT at 2085.85 | Stop loss: 2096.294782142857 | Take profit: 2054.5389517857143 +2025-03-10 13:12:16,781 - INFO - CLOSED short at 2088.66 | PnL: -0.13% | $-0.34 +2025-03-10 13:12:16,781 - INFO - OPENED LONG at 2088.66 | Stop loss: 2078.2011678571425 | Take profit: 2120.0131982142857 +2025-03-10 13:12:16,894 - INFO - CLOSED long at 2087.47 | PnL: -0.06% | $-0.23 +2025-03-10 13:12:16,894 - INFO - OPENED SHORT at 2087.47 | Stop loss: 2097.922882142857 | Take profit: 2056.134651785714 +2025-03-10 13:12:16,929 - INFO - CLOSED short at 2086.81 | PnL: 0.03% | $-0.10 +2025-03-10 13:12:16,929 - INFO - OPENED LONG at 2086.81 | Stop loss: 2076.3604178571427 | Take profit: 2118.1354482142856 +2025-03-10 13:12:16,951 - INFO - CLOSED long at 2089.79 | PnL: 0.14% | $0.06 +2025-03-10 13:12:16,951 - INFO - OPENED SHORT at 2089.79 | Stop loss: 2100.254482142857 | Take profit: 2058.4198517857144 +2025-03-10 13:12:16,968 - INFO - CLOSED short at 2085.67 | PnL: 0.20% | $0.14 +2025-03-10 13:12:16,986 - INFO - OPENED SHORT at 2089.2 | Stop loss: 2099.661532142857 | Take profit: 2057.838701785714 +2025-03-10 13:12:17,020 - INFO - CLOSED short at 2091.05 | PnL: -0.09% | $-0.27 +2025-03-10 13:12:17,038 - INFO - OPENED LONG at 2091.95 | Stop loss: 2081.474717857143 | Take profit: 2123.3525482142854 +2025-03-10 13:12:17,066 - INFO - CLOSED long at 2094.7 | PnL: 0.13% | $0.05 +2025-03-10 13:12:17,099 - INFO - OPENED SHORT at 2097.8 | Stop loss: 2108.3045321428576 | Take profit: 2066.3097017857144 +2025-03-10 13:12:17,131 - INFO - CLOSED short at 2099.99 | PnL: -0.10% | $-0.29 +2025-03-10 13:12:17,243 - INFO - OPENED SHORT at 2099.89 | Stop loss: 2110.404982142857 | Take profit: 2068.368351785714 +2025-03-10 13:12:17,261 - INFO - CLOSED short at 2100.89 | PnL: -0.05% | $-0.21 +2025-03-10 13:12:17,262 - INFO - OPENED LONG at 2100.89 | Stop loss: 2090.370017857143 | Take profit: 2132.4266482142853 +2025-03-10 13:12:17,364 - INFO - CLOSED long at 2103.07 | PnL: 0.10% | $0.01 +2025-03-10 13:12:17,365 - INFO - OPENED SHORT at 2103.07 | Stop loss: 2113.6008821428572 | Take profit: 2071.5006517857146 +2025-03-10 13:12:17,384 - INFO - CLOSED short at 2101.5 | PnL: 0.07% | $-0.04 +2025-03-10 13:12:17,384 - INFO - OPENED LONG at 2101.5 | Stop loss: 2090.976967857143 | Take profit: 2133.0457982142857 +2025-03-10 13:12:17,401 - INFO - CLOSED long at 2105.83 | PnL: 0.21% | $0.15 +2025-03-10 13:12:17,440 - INFO - OPENED LONG at 2105.2 | Stop loss: 2094.6584678571426 | Take profit: 2136.8012982142855 +2025-03-10 13:12:17,522 - INFO - Trade Analysis: Win Rate=8.1% in uptrends, 0.0% in downtrends | Avg Win=$0.23, Avg Loss=$-0.26 +2025-03-10 13:12:17,522 - INFO - Episode 2: Reward=-131.84, Balance=$72.29, Win Rate=15.7%, Trades=153, Episode PnL=$-23.43, Total PnL=$-82.68, Max Drawdown=27.7%, Pred Accuracy=98.6% +2025-03-10 13:12:17,522 - ERROR - Error in episode 2: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:12:17,522 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:12:17,545 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:12:17,792 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3315678571428 | Take profit: 2077.3019982142855 +2025-03-10 13:12:17,831 - INFO - CLOSED long at 2047.2 | PnL: 0.03% | $-0.14 +2025-03-10 13:12:17,850 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.744517857143 | Take profit: 2076.703148214286 +2025-03-10 13:12:17,867 - INFO - CLOSED long at 2045.99 | PnL: 0.00% | $-0.20 +2025-03-10 13:12:17,867 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.235482142857 | Take profit: 2015.2768517857144 +2025-03-10 13:12:17,931 - INFO - CLOSED short at 2048.51 | PnL: -0.12% | $-0.44 +2025-03-10 13:12:17,940 - INFO - OPENED SHORT at 2050.0 | Stop loss: 2060.2655321428574 | Take profit: 2019.2267017857143 +2025-03-10 13:12:17,969 - INFO - CLOSED short at 2050.24 | PnL: -0.01% | $-0.22 +2025-03-10 13:12:17,970 - INFO - OPENED LONG at 2050.24 | Stop loss: 2039.9732678571427 | Take profit: 2081.0168982142854 +2025-03-10 13:12:18,022 - INFO - CLOSED long at 2053.26 | PnL: 0.15% | $0.09 +2025-03-10 13:12:18,022 - INFO - OPENED SHORT at 2053.26 | Stop loss: 2063.5418321428574 | Take profit: 2022.4378017857143 +2025-03-10 13:12:18,080 - INFO - CLOSED short at 2055.69 | PnL: -0.12% | $-0.43 +2025-03-10 13:12:18,108 - INFO - OPENED LONG at 2057.01 | Stop loss: 2046.709417857143 | Take profit: 2087.8884482142857 +2025-03-10 13:12:18,175 - INFO - CLOSED long at 2058.39 | PnL: 0.07% | $-0.06 +2025-03-10 13:12:18,207 - INFO - OPENED SHORT at 2060.13 | Stop loss: 2070.446182142857 | Take profit: 2029.2047517857145 +2025-03-10 13:12:18,243 - INFO - CLOSED short at 2059.7 | PnL: 0.02% | $-0.15 +2025-03-10 13:12:18,243 - INFO - OPENED LONG at 2059.7 | Stop loss: 2049.3859678571425 | Take profit: 2090.6187982142856 +2025-03-10 13:12:18,279 - INFO - CLOSED long at 2063.29 | PnL: 0.17% | $0.15 +2025-03-10 13:12:18,301 - INFO - OPENED LONG at 2064.61 | Stop loss: 2054.2714178571428 | Take profit: 2095.602448214286 +2025-03-10 13:12:18,316 - INFO - CLOSED long at 2063.59 | PnL: -0.05% | $-0.29 +2025-03-10 13:12:18,320 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.923482142857 | Take profit: 2032.6128517857144 +2025-03-10 13:12:18,338 - INFO - CLOSED short at 2061.61 | PnL: 0.10% | $-0.01 +2025-03-10 13:12:18,357 - INFO - OPENED LONG at 2064.69 | Stop loss: 2054.351017857143 | Take profit: 2095.6836482142858 +2025-03-10 13:12:18,427 - INFO - CLOSED long at 2058.3 | PnL: -0.31% | $-0.80 +2025-03-10 13:12:18,427 - INFO - OPENED SHORT at 2058.3 | Stop loss: 2068.6070321428574 | Take profit: 2027.4022017857146 +2025-03-10 13:12:18,565 - INFO - CLOSED short at 2060.31 | PnL: -0.10% | $-0.38 +2025-03-10 13:12:18,565 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.992917857143 | Take profit: 2091.237948214286 +2025-03-10 13:12:18,601 - INFO - CLOSED long at 2059.49 | PnL: -0.04% | $-0.27 +2025-03-10 13:12:18,661 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.194982142857 | Take profit: 2026.9983517857142 +2025-03-10 13:12:18,722 - INFO - CLOSED short at 2061.79 | PnL: -0.19% | $-0.56 +2025-03-10 13:12:18,762 - INFO - OPENED LONG at 2064.32 | Stop loss: 2053.982867857143 | Take profit: 2095.308098214286 +2025-03-10 13:12:18,821 - INFO - CLOSED long at 2068.11 | PnL: 0.18% | $0.16 +2025-03-10 13:12:18,987 - INFO - OPENED SHORT at 2068.65 | Stop loss: 2079.0087821428574 | Take profit: 2037.5969517857145 +2025-03-10 13:12:19,019 - INFO - CLOSED short at 2068.99 | PnL: -0.02% | $-0.22 +2025-03-10 13:12:19,019 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.6295178571427 | Take profit: 2100.0481482142854 +2025-03-10 13:12:19,063 - INFO - CLOSED long at 2067.69 | PnL: -0.06% | $-0.31 +2025-03-10 13:12:19,064 - INFO - OPENED SHORT at 2067.69 | Stop loss: 2078.043982142857 | Take profit: 2036.6513517857143 +2025-03-10 13:12:19,113 - INFO - CLOSED short at 2073.73 | PnL: -0.29% | $-0.75 +2025-03-10 13:12:19,131 - INFO - OPENED SHORT at 2075.1 | Stop loss: 2085.491032142857 | Take profit: 2043.9502017857142 +2025-03-10 13:12:19,148 - INFO - CLOSED short at 2072.91 | PnL: 0.11% | $0.01 +2025-03-10 13:12:19,149 - INFO - OPENED LONG at 2072.91 | Stop loss: 2062.5299178571427 | Take profit: 2104.0269482142853 +2025-03-10 13:12:19,179 - INFO - CLOSED long at 2071.38 | PnL: -0.07% | $-0.33 +2025-03-10 13:12:19,179 - INFO - OPENED SHORT at 2071.38 | Stop loss: 2081.7524321428573 | Take profit: 2040.2860017857145 +2025-03-10 13:12:19,234 - INFO - CLOSED short at 2070.9 | PnL: 0.02% | $-0.14 +2025-03-10 13:12:19,234 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.529967857143 | Take profit: 2101.986798214286 +2025-03-10 13:12:19,362 - INFO - CLOSED long at 2067.2 | PnL: -0.18% | $-0.52 +2025-03-10 13:12:19,364 - INFO - OPENED SHORT at 2067.2 | Stop loss: 2077.551532142857 | Take profit: 2036.1687017857141 +2025-03-10 13:12:19,441 - INFO - CLOSED short at 2070.7 | PnL: -0.17% | $-0.50 +2025-03-10 13:12:19,441 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3309678571427 | Take profit: 2101.7837982142855 +2025-03-10 13:12:19,458 - INFO - CLOSED long at 2069.34 | PnL: -0.07% | $-0.31 +2025-03-10 13:12:19,459 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.702232142857 | Take profit: 2038.2766017857143 +2025-03-10 13:12:19,521 - INFO - CLOSED short at 2067.6 | PnL: 0.08% | $-0.03 +2025-03-10 13:12:19,522 - INFO - OPENED LONG at 2067.6 | Stop loss: 2057.2464678571428 | Take profit: 2098.6372982142857 +2025-03-10 13:12:19,574 - INFO - CLOSED long at 2066.39 | PnL: -0.06% | $-0.29 +2025-03-10 13:12:19,574 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.737482142857 | Take profit: 2035.3708517857142 +2025-03-10 13:12:19,609 - INFO - CLOSED short at 2066.19 | PnL: 0.01% | $-0.17 +2025-03-10 13:12:19,684 - INFO - OPENED LONG at 2066.18 | Stop loss: 2055.8335678571425 | Take profit: 2097.1959982142853 +2025-03-10 13:12:19,797 - INFO - CLOSED long at 2068.59 | PnL: 0.12% | $0.03 +2025-03-10 13:12:19,797 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.9484821428573 | Take profit: 2037.5378517857143 +2025-03-10 13:12:19,828 - INFO - CLOSED short at 2069.7 | PnL: -0.05% | $-0.28 +2025-03-10 13:12:19,847 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7675321428574 | Take profit: 2039.3207017857144 +2025-03-10 13:12:19,919 - INFO - CLOSED short at 2071.36 | PnL: -0.05% | $-0.27 +2025-03-10 13:12:19,919 - INFO - OPENED LONG at 2071.36 | Stop loss: 2060.9876678571427 | Take profit: 2102.453698214286 +2025-03-10 13:12:19,936 - INFO - CLOSED long at 2072.75 | PnL: 0.07% | $-0.06 +2025-03-10 13:12:19,936 - INFO - OPENED SHORT at 2072.75 | Stop loss: 2083.129282142857 | Take profit: 2041.6354517857144 +2025-03-10 13:12:20,034 - INFO - CLOSED short at 2071.92 | PnL: 0.04% | $-0.11 +2025-03-10 13:12:20,067 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.032467857143 | Take profit: 2101.479298214286 +2025-03-10 13:12:20,092 - INFO - CLOSED long at 2071.11 | PnL: 0.03% | $-0.12 +2025-03-10 13:12:20,118 - INFO - OPENED LONG at 2069.46 | Stop loss: 2059.0971678571427 | Take profit: 2100.525198214286 +2025-03-10 13:12:20,222 - INFO - CLOSED long at 2067.79 | PnL: -0.08% | $-0.33 +2025-03-10 13:12:20,350 - INFO - OPENED LONG at 2068.58 | Stop loss: 2058.221567857143 | Take profit: 2099.631998214286 +2025-03-10 13:12:20,405 - INFO - CLOSED long at 2067.86 | PnL: -0.03% | $-0.25 +2025-03-10 13:12:20,405 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.2148321428576 | Take profit: 2036.8188017857144 +2025-03-10 13:12:20,459 - INFO - CLOSED short at 2069.2 | PnL: -0.06% | $-0.30 +2025-03-10 13:12:20,459 - INFO - OPENED LONG at 2069.2 | Stop loss: 2058.8384678571424 | Take profit: 2100.2612982142855 +2025-03-10 13:12:20,488 - INFO - CLOSED long at 2070.3 | PnL: 0.05% | $-0.08 +2025-03-10 13:12:20,558 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.069032142857 | Take profit: 2039.6162017857139 +2025-03-10 13:12:20,621 - INFO - CLOSED short at 2070.73 | PnL: -0.00% | $-0.18 +2025-03-10 13:12:20,674 - INFO - OPENED LONG at 2068.69 | Stop loss: 2058.331017857143 | Take profit: 2099.7436482142857 +2025-03-10 13:12:20,704 - INFO - CLOSED long at 2067.84 | PnL: -0.04% | $-0.25 +2025-03-10 13:12:20,704 - INFO - OPENED SHORT at 2067.84 | Stop loss: 2078.1947321428574 | Take profit: 2036.7991017857144 +2025-03-10 13:12:20,756 - INFO - CLOSED short at 2067.86 | PnL: -0.00% | $-0.18 +2025-03-10 13:12:20,756 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.505167857143 | Take profit: 2098.9011982142856 +2025-03-10 13:12:20,843 - INFO - CLOSED long at 2066.39 | PnL: -0.07% | $-0.31 +2025-03-10 13:12:20,914 - INFO - OPENED LONG at 2070.04 | Stop loss: 2059.6742678571427 | Take profit: 2101.113898214286 +2025-03-10 13:12:20,954 - INFO - CLOSED long at 2067.8 | PnL: -0.11% | $-0.37 +2025-03-10 13:12:21,103 - INFO - OPENED SHORT at 2066.15 | Stop loss: 2076.496282142857 | Take profit: 2035.1344517857142 +2025-03-10 13:12:21,123 - INFO - CLOSED short at 2065.26 | PnL: 0.04% | $-0.10 +2025-03-10 13:12:21,141 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.5600178571426 | Take profit: 2093.8566482142855 +2025-03-10 13:12:21,256 - INFO - CLOSED long at 2064.96 | PnL: 0.10% | $0.00 +2025-03-10 13:12:21,256 - INFO - OPENED SHORT at 2064.96 | Stop loss: 2075.3003321428573 | Take profit: 2033.9623017857143 +2025-03-10 13:12:21,347 - INFO - CLOSED short at 2065.54 | PnL: -0.03% | $-0.23 +2025-03-10 13:12:21,347 - INFO - OPENED LONG at 2065.54 | Stop loss: 2055.1967678571427 | Take profit: 2096.5463982142855 +2025-03-10 13:12:21,409 - INFO - CLOSED long at 2064.45 | PnL: -0.05% | $-0.27 +2025-03-10 13:12:21,409 - INFO - OPENED SHORT at 2064.45 | Stop loss: 2074.787782142857 | Take profit: 2033.459951785714 +2025-03-10 13:12:21,544 - INFO - CLOSED short at 2060.9 | PnL: 0.17% | $0.13 +2025-03-10 13:12:21,581 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.199982142857 | Take profit: 2027.9833517857144 +2025-03-10 13:12:21,618 - INFO - CLOSED short at 2060.31 | PnL: -0.07% | $-0.30 +2025-03-10 13:12:21,637 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.1245321428573 | Take profit: 2030.8497017857144 +2025-03-10 13:12:21,697 - INFO - CLOSED short at 2062.61 | PnL: -0.04% | $-0.25 +2025-03-10 13:12:21,698 - INFO - OPENED LONG at 2062.61 | Stop loss: 2052.281417857143 | Take profit: 2093.572448214286 +2025-03-10 13:12:21,733 - INFO - CLOSED long at 2060.91 | PnL: -0.08% | $-0.32 +2025-03-10 13:12:21,842 - INFO - OPENED LONG at 2064.1 | Stop loss: 2053.7639678571427 | Take profit: 2095.0847982142855 +2025-03-10 13:12:21,877 - INFO - CLOSED long at 2064.33 | PnL: 0.01% | $-0.16 +2025-03-10 13:12:21,897 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.0575178571426 | Take profit: 2094.3641482142853 +2025-03-10 13:12:21,951 - INFO - CLOSED long at 2063.53 | PnL: 0.01% | $-0.16 +2025-03-10 13:12:21,968 - INFO - OPENED SHORT at 2063.0 | Stop loss: 2073.3305321428575 | Take profit: 2032.0317017857142 +2025-03-10 13:12:21,988 - INFO - CLOSED short at 2062.6 | PnL: 0.02% | $-0.14 +2025-03-10 13:12:21,988 - INFO - OPENED LONG at 2062.6 | Stop loss: 2052.271467857143 | Take profit: 2093.5622982142854 +2025-03-10 13:12:22,004 - INFO - CLOSED long at 2061.89 | PnL: -0.03% | $-0.23 +2025-03-10 13:12:22,109 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.2964178571433 | Take profit: 2090.527448214286 +2025-03-10 13:12:22,140 - INFO - CLOSED long at 2059.16 | PnL: -0.02% | $-0.21 +2025-03-10 13:12:22,140 - INFO - OPENED SHORT at 2059.16 | Stop loss: 2069.471332142857 | Take profit: 2028.2493017857141 +2025-03-10 13:12:22,203 - INFO - CLOSED short at 2058.89 | PnL: 0.01% | $-0.15 +2025-03-10 13:12:22,204 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.5800178571426 | Take profit: 2089.7966482142856 +2025-03-10 13:12:22,232 - INFO - CLOSED long at 2059.96 | PnL: 0.05% | $-0.08 +2025-03-10 13:12:22,301 - INFO - OPENED SHORT at 2056.28 | Stop loss: 2066.5769321428575 | Take profit: 2025.4125017857145 +2025-03-10 13:12:22,341 - INFO - CLOSED short at 2054.89 | PnL: 0.07% | $-0.06 +2025-03-10 13:12:22,341 - INFO - OPENED LONG at 2054.89 | Stop loss: 2044.6000178571428 | Take profit: 2085.736648214285 +2025-03-10 13:12:22,359 - INFO - CLOSED long at 2054.83 | PnL: -0.00% | $-0.18 +2025-03-10 13:12:22,463 - INFO - OPENED SHORT at 2061.5 | Stop loss: 2071.823032142857 | Take profit: 2030.5542017857142 +2025-03-10 13:12:22,497 - INFO - CLOSED short at 2061.6 | PnL: -0.00% | $-0.18 +2025-03-10 13:12:22,499 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.276467857143 | Take profit: 2092.547298214286 +2025-03-10 13:12:22,558 - INFO - CLOSED long at 2062.69 | PnL: 0.05% | $-0.08 +2025-03-10 13:12:22,558 - INFO - OPENED SHORT at 2062.69 | Stop loss: 2073.018982142857 | Take profit: 2031.7263517857143 +2025-03-10 13:12:22,591 - INFO - CLOSED short at 2063.4 | PnL: -0.03% | $-0.23 +2025-03-10 13:12:22,591 - INFO - OPENED LONG at 2063.4 | Stop loss: 2053.0674678571427 | Take profit: 2094.374298214286 +2025-03-10 13:12:22,622 - INFO - CLOSED long at 2066.36 | PnL: 0.14% | $0.07 +2025-03-10 13:12:22,663 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.564967857143 | Take profit: 2094.881798214286 +2025-03-10 13:12:22,701 - INFO - CLOSED long at 2066.33 | PnL: 0.12% | $0.03 +2025-03-10 13:12:22,701 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6771821428574 | Take profit: 2035.3117517857143 +2025-03-10 13:12:22,717 - INFO - CLOSED short at 2066.34 | PnL: -0.00% | $-0.17 +2025-03-10 13:12:22,790 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.346017857143 | Take profit: 2096.6986482142856 +2025-03-10 13:12:22,807 - INFO - CLOSED long at 2069.79 | PnL: 0.20% | $0.17 +2025-03-10 13:12:22,809 - INFO - OPENED SHORT at 2069.79 | Stop loss: 2080.154482142857 | Take profit: 2038.7198517857141 +2025-03-10 13:12:22,861 - INFO - CLOSED short at 2074.3 | PnL: -0.22% | $-0.55 +2025-03-10 13:12:22,861 - INFO - OPENED LONG at 2074.3 | Stop loss: 2063.912967857143 | Take profit: 2105.437798214286 +2025-03-10 13:12:22,892 - INFO - CLOSED long at 2078.01 | PnL: 0.18% | $0.13 +2025-03-10 13:12:22,977 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.4107321428573 | Take profit: 2039.9511017857142 +2025-03-10 13:12:23,008 - INFO - CLOSED short at 2070.01 | PnL: 0.05% | $-0.09 +2025-03-10 13:12:23,008 - INFO - OPENED LONG at 2070.01 | Stop loss: 2059.6444178571433 | Take profit: 2101.083448214286 +2025-03-10 13:12:23,073 - INFO - CLOSED long at 2070.0 | PnL: -0.00% | $-0.17 +2025-03-10 13:12:23,091 - INFO - OPENED LONG at 2068.15 | Stop loss: 2057.793717857143 | Take profit: 2099.1955482142857 +2025-03-10 13:12:23,108 - INFO - CLOSED long at 2068.39 | PnL: 0.01% | $-0.15 +2025-03-10 13:12:23,144 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.3906821428573 | Take profit: 2037.9712517857145 +2025-03-10 13:12:23,162 - INFO - CLOSED short at 2067.44 | PnL: 0.08% | $-0.04 +2025-03-10 13:12:23,162 - INFO - OPENED LONG at 2067.44 | Stop loss: 2057.0872678571427 | Take profit: 2098.4748982142855 +2025-03-10 13:12:23,198 - INFO - CLOSED long at 2072.99 | PnL: 0.27% | $0.29 +2025-03-10 13:12:23,198 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.370482142857 | Take profit: 2041.871851785714 +2025-03-10 13:12:23,218 - INFO - CLOSED short at 2071.49 | PnL: 0.07% | $-0.05 +2025-03-10 13:12:23,236 - INFO - OPENED SHORT at 2069.87 | Stop loss: 2080.234882142857 | Take profit: 2038.7986517857141 +2025-03-10 13:12:23,294 - INFO - CLOSED short at 2066.38 | PnL: 0.17% | $0.12 +2025-03-10 13:12:23,328 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.355967857143 | Take profit: 2096.7087982142857 +2025-03-10 13:12:23,355 - INFO - CLOSED long at 2065.66 | PnL: -0.00% | $-0.17 +2025-03-10 13:12:23,355 - INFO - OPENED SHORT at 2065.66 | Stop loss: 2076.003832142857 | Take profit: 2034.651801785714 +2025-03-10 13:12:23,389 - INFO - CLOSED short at 2063.95 | PnL: 0.08% | $-0.03 +2025-03-10 13:12:23,390 - INFO - OPENED LONG at 2063.95 | Stop loss: 2053.6147178571428 | Take profit: 2094.932548214286 +2025-03-10 13:12:23,422 - INFO - CLOSED long at 2063.97 | PnL: 0.00% | $-0.17 +2025-03-10 13:12:23,495 - INFO - OPENED LONG at 2064.31 | Stop loss: 2053.972917857143 | Take profit: 2095.297948214286 +2025-03-10 13:12:23,512 - INFO - CLOSED long at 2065.5 | PnL: 0.06% | $-0.07 +2025-03-10 13:12:23,512 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.843032142857 | Take profit: 2034.4942017857143 +2025-03-10 13:12:23,563 - INFO - CLOSED short at 2065.31 | PnL: 0.01% | $-0.15 +2025-03-10 13:12:23,587 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.450467857143 | Take profit: 2097.825298214286 +2025-03-10 13:12:23,603 - INFO - CLOSED long at 2066.5 | PnL: -0.01% | $-0.19 +2025-03-10 13:12:23,603 - INFO - OPENED SHORT at 2066.5 | Stop loss: 2076.848032142857 | Take profit: 2035.4792017857144 +2025-03-10 13:12:23,657 - INFO - CLOSED short at 2071.59 | PnL: -0.25% | $-0.59 +2025-03-10 13:12:23,658 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.216517857143 | Take profit: 2102.687148214286 +2025-03-10 13:12:23,804 - INFO - CLOSED long at 2070.7 | PnL: -0.04% | $-0.24 +2025-03-10 13:12:23,804 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.069032142857 | Take profit: 2039.6162017857139 +2025-03-10 13:12:23,835 - INFO - CLOSED short at 2070.8 | PnL: -0.00% | $-0.18 +2025-03-10 13:12:23,835 - INFO - OPENED LONG at 2070.8 | Stop loss: 2060.430467857143 | Take profit: 2101.885298214286 +2025-03-10 13:12:23,854 - INFO - CLOSED long at 2070.35 | PnL: -0.02% | $-0.20 +2025-03-10 13:12:23,854 - INFO - OPENED SHORT at 2070.35 | Stop loss: 2080.717282142857 | Take profit: 2039.2714517857144 +2025-03-10 13:12:23,875 - INFO - CLOSED short at 2070.61 | PnL: -0.01% | $-0.19 +2025-03-10 13:12:23,876 - INFO - OPENED LONG at 2070.61 | Stop loss: 2060.241417857143 | Take profit: 2101.692448214286 +2025-03-10 13:12:23,909 - INFO - CLOSED long at 2068.19 | PnL: -0.12% | $-0.36 +2025-03-10 13:12:23,927 - INFO - OPENED LONG at 2068.67 | Stop loss: 2058.311117857143 | Take profit: 2099.723348214286 +2025-03-10 13:12:23,944 - INFO - CLOSED long at 2070.67 | PnL: 0.10% | $-0.01 +2025-03-10 13:12:23,944 - INFO - OPENED SHORT at 2070.67 | Stop loss: 2081.0388821428573 | Take profit: 2039.5866517857144 +2025-03-10 13:12:23,964 - INFO - CLOSED short at 2069.78 | PnL: 0.04% | $-0.09 +2025-03-10 13:12:24,087 - INFO - OPENED SHORT at 2073.99 | Stop loss: 2084.375482142857 | Take profit: 2042.856851785714 +2025-03-10 13:12:24,122 - INFO - CLOSED short at 2075.32 | PnL: -0.06% | $-0.27 +2025-03-10 13:12:24,122 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.927867857143 | Take profit: 2106.473098214286 +2025-03-10 13:12:24,209 - INFO - CLOSED long at 2075.61 | PnL: 0.01% | $-0.14 +2025-03-10 13:12:24,209 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2086.0035821428573 | Take profit: 2044.4525517857146 +2025-03-10 13:12:24,288 - INFO - CLOSED short at 2067.7 | PnL: 0.38% | $0.46 +2025-03-10 13:12:24,288 - INFO - OPENED LONG at 2067.7 | Stop loss: 2057.3459678571426 | Take profit: 2098.7387982142855 +2025-03-10 13:12:24,324 - INFO - CLOSED long at 2067.9 | PnL: 0.01% | $-0.15 +2025-03-10 13:12:24,362 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.5400178571426 | Take profit: 2097.9166482142855 +2025-03-10 13:12:24,512 - INFO - CLOSED long at 2067.19 | PnL: 0.01% | $-0.14 +2025-03-10 13:12:24,512 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.541482142857 | Take profit: 2036.1588517857142 +2025-03-10 13:12:24,538 - INFO - CLOSED short at 2065.5 | PnL: 0.08% | $-0.03 +2025-03-10 13:12:24,571 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.355967857143 | Take profit: 2096.7087982142857 +2025-03-10 13:12:24,638 - INFO - CLOSED long at 2066.09 | PnL: 0.02% | $-0.13 +2025-03-10 13:12:24,638 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.4359821428575 | Take profit: 2035.0753517857145 +2025-03-10 13:12:24,745 - INFO - CLOSED short at 2064.11 | PnL: 0.10% | $-0.01 +2025-03-10 13:12:24,745 - INFO - OPENED LONG at 2064.11 | Stop loss: 2053.773917857143 | Take profit: 2095.094948214286 +2025-03-10 13:12:24,915 - INFO - CLOSED long at 2058.65 | PnL: -0.26% | $-0.60 +2025-03-10 13:12:24,915 - INFO - OPENED SHORT at 2058.65 | Stop loss: 2068.958782142857 | Take profit: 2027.7469517857144 +2025-03-10 13:12:24,944 - INFO - CLOSED short at 2056.77 | PnL: 0.09% | $-0.01 +2025-03-10 13:12:24,945 - INFO - OPENED LONG at 2056.77 | Stop loss: 2046.4706178571428 | Take profit: 2087.6448482142855 +2025-03-10 13:12:24,975 - INFO - CLOSED long at 2053.01 | PnL: -0.18% | $-0.46 +2025-03-10 13:12:25,028 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.2369678571429 | Take profit: 2080.2657982142855 +2025-03-10 13:12:25,073 - INFO - CLOSED long at 2058.3 | PnL: 0.43% | $0.54 +2025-03-10 13:12:25,139 - INFO - OPENED LONG at 2062.83 | Stop loss: 2052.500317857143 | Take profit: 2093.7957482142856 +2025-03-10 13:12:25,163 - INFO - CLOSED long at 2063.9 | PnL: 0.05% | $-0.08 +2025-03-10 13:12:25,179 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.758967857143 | Take profit: 2096.099798214286 +2025-03-10 13:12:25,213 - INFO - CLOSED long at 2062.55 | PnL: -0.12% | $-0.37 +2025-03-10 13:12:25,213 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.878282142857 | Take profit: 2031.5884517857146 +2025-03-10 13:12:25,371 - INFO - CLOSED short at 2061.21 | PnL: 0.06% | $-0.06 +2025-03-10 13:12:25,371 - INFO - OPENED LONG at 2061.21 | Stop loss: 2050.888417857143 | Take profit: 2092.1514482142857 +2025-03-10 13:12:25,503 - INFO - CLOSED long at 2070.31 | PnL: 0.44% | $0.56 +2025-03-10 13:12:25,545 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.1745821428567 | Take profit: 2038.7395517857142 +2025-03-10 13:12:25,587 - INFO - CLOSED short at 2073.49 | PnL: -0.18% | $-0.46 +2025-03-10 13:12:25,605 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.435782142857 | Take profit: 2042.9159517857145 +2025-03-10 13:12:25,626 - INFO - CLOSED short at 2072.99 | PnL: 0.05% | $-0.08 +2025-03-10 13:12:25,626 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6095178571427 | Take profit: 2104.1081482142854 +2025-03-10 13:12:25,716 - INFO - CLOSED long at 2074.9 | PnL: 0.09% | $-0.01 +2025-03-10 13:12:25,716 - INFO - OPENED SHORT at 2074.9 | Stop loss: 2085.2900321428574 | Take profit: 2043.7532017857143 +2025-03-10 13:12:25,746 - INFO - CLOSED short at 2076.08 | PnL: -0.06% | $-0.26 +2025-03-10 13:12:25,747 - INFO - OPENED LONG at 2076.08 | Stop loss: 2065.684067857143 | Take profit: 2107.2444982142856 +2025-03-10 13:12:25,862 - INFO - TAKE PROFIT hit for long at 2107.2444982142856 | PnL: 1.50% | $2.28 +2025-03-10 13:12:25,979 - INFO - OPENED LONG at 2141.3 | Stop loss: 2130.577967857143 | Take profit: 2173.4427982142856 +2025-03-10 13:12:26,031 - INFO - CLOSED long at 2134.78 | PnL: -0.30% | $-0.68 +2025-03-10 13:12:26,031 - INFO - OPENED SHORT at 2134.78 | Stop loss: 2145.4694321428574 | Take profit: 2102.7350017857143 +2025-03-10 13:12:26,062 - INFO - CLOSED short at 2126.99 | PnL: 0.36% | $0.44 +2025-03-10 13:12:26,096 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.647967857143 | Take profit: 2159.2327982142856 +2025-03-10 13:12:26,217 - INFO - CLOSED long at 2117.24 | PnL: -0.47% | $-0.95 +2025-03-10 13:12:26,217 - INFO - OPENED SHORT at 2117.24 | Stop loss: 2127.841732142857 | Take profit: 2085.458101785714 +2025-03-10 13:12:26,262 - INFO - CLOSED short at 2121.4 | PnL: -0.20% | $-0.49 +2025-03-10 13:12:26,278 - INFO - OPENED SHORT at 2118.52 | Stop loss: 2129.128132142857 | Take profit: 2086.7189017857145 +2025-03-10 13:12:26,298 - INFO - CLOSED short at 2119.14 | PnL: -0.03% | $-0.21 +2025-03-10 13:12:26,298 - INFO - OPENED LONG at 2119.14 | Stop loss: 2108.5287678571426 | Take profit: 2150.9503982142855 +2025-03-10 13:12:26,349 - INFO - CLOSED long at 2107.43 | PnL: -0.55% | $-1.07 +2025-03-10 13:12:26,370 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.0314678571426 | Take profit: 2142.282298214285 +2025-03-10 13:12:26,469 - INFO - CLOSED long at 2113.24 | PnL: 0.13% | $0.04 +2025-03-10 13:12:26,522 - INFO - OPENED SHORT at 2120.81 | Stop loss: 2131.429582142857 | Take profit: 2088.9745517857145 +2025-03-10 13:12:26,557 - INFO - CLOSED short at 2116.48 | PnL: 0.20% | $0.17 +2025-03-10 13:12:26,582 - INFO - OPENED LONG at 2114.8 | Stop loss: 2104.210467857143 | Take profit: 2146.545298214286 +2025-03-10 13:12:26,655 - INFO - CLOSED long at 2106.49 | PnL: -0.39% | $-0.80 +2025-03-10 13:12:26,655 - INFO - OPENED SHORT at 2106.49 | Stop loss: 2117.037982142857 | Take profit: 2074.869351785714 +2025-03-10 13:12:26,696 - INFO - CLOSED short at 2103.33 | PnL: 0.15% | $0.08 +2025-03-10 13:12:26,696 - INFO - OPENED LONG at 2103.33 | Stop loss: 2092.797817857143 | Take profit: 2134.9032482142857 +2025-03-10 13:12:26,736 - INFO - STOP LOSS hit for long at 2092.797817857143 | PnL: -0.50% | $-0.96 +2025-03-10 13:12:26,769 - INFO - OPENED LONG at 2098.1 | Stop loss: 2087.5939678571426 | Take profit: 2129.5947982142857 +2025-03-10 13:12:26,778 - INFO - CLOSED long at 2102.19 | PnL: 0.19% | $0.15 +2025-03-10 13:12:26,802 - INFO - OPENED SHORT at 2102.29 | Stop loss: 2112.816982142857 | Take profit: 2070.7323517857144 +2025-03-10 13:12:26,820 - INFO - CLOSED short at 2099.25 | PnL: 0.14% | $0.07 +2025-03-10 13:12:26,821 - INFO - OPENED LONG at 2099.25 | Stop loss: 2088.738217857143 | Take profit: 2130.7620482142856 +2025-03-10 13:12:26,839 - INFO - CLOSED long at 2098.9 | PnL: -0.02% | $-0.19 +2025-03-10 13:12:26,897 - INFO - OPENED LONG at 2104.83 | Stop loss: 2094.290317857143 | Take profit: 2136.4257482142857 +2025-03-10 13:12:26,930 - INFO - CLOSED long at 2106.39 | PnL: 0.07% | $-0.04 +2025-03-10 13:12:26,931 - INFO - OPENED SHORT at 2106.39 | Stop loss: 2116.937482142857 | Take profit: 2074.770851785714 +2025-03-10 13:12:26,961 - INFO - CLOSED short at 2100.74 | PnL: 0.27% | $0.27 +2025-03-10 13:12:26,990 - INFO - OPENED SHORT at 2103.86 | Stop loss: 2114.394832142857 | Take profit: 2072.278801785714 +2025-03-10 13:12:27,075 - INFO - CLOSED short at 2100.02 | PnL: 0.18% | $0.13 +2025-03-10 13:12:27,075 - INFO - OPENED LONG at 2100.02 | Stop loss: 2089.504367857143 | Take profit: 2131.543598214286 +2025-03-10 13:12:27,117 - INFO - CLOSED long at 2095.29 | PnL: -0.23% | $-0.52 +2025-03-10 13:12:27,117 - INFO - OPENED SHORT at 2095.29 | Stop loss: 2105.7819821428575 | Take profit: 2063.8373517857144 +2025-03-10 13:12:27,167 - INFO - CLOSED short at 2092.46 | PnL: 0.14% | $0.06 +2025-03-10 13:12:27,198 - INFO - OPENED SHORT at 2094.72 | Stop loss: 2105.209132142857 | Take profit: 2063.275901785714 +2025-03-10 13:12:27,218 - INFO - CLOSED short at 2094.08 | PnL: 0.03% | $-0.11 +2025-03-10 13:12:27,287 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.9822678571427 | Take profit: 2119.789898214286 +2025-03-10 13:12:27,395 - INFO - CLOSED long at 2081.49 | PnL: -0.33% | $-0.68 +2025-03-10 13:12:27,395 - INFO - OPENED SHORT at 2081.49 | Stop loss: 2091.912982142857 | Take profit: 2050.244351785714 +2025-03-10 13:12:27,424 - INFO - CLOSED short at 2080.38 | PnL: 0.05% | $-0.07 +2025-03-10 13:12:27,425 - INFO - OPENED LONG at 2080.38 | Stop loss: 2069.962567857143 | Take profit: 2111.6089982142857 +2025-03-10 13:12:27,448 - INFO - CLOSED long at 2081.25 | PnL: 0.04% | $-0.09 +2025-03-10 13:12:27,449 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.6717821428574 | Take profit: 2050.0079517857143 +2025-03-10 13:12:27,487 - INFO - CLOSED short at 2085.09 | PnL: -0.18% | $-0.44 +2025-03-10 13:12:27,487 - INFO - OPENED LONG at 2085.09 | Stop loss: 2074.649017857143 | Take profit: 2116.389648214286 +2025-03-10 13:12:27,523 - INFO - CLOSED long at 2086.57 | PnL: 0.07% | $-0.05 +2025-03-10 13:12:27,523 - INFO - OPENED SHORT at 2086.57 | Stop loss: 2097.0183821428573 | Take profit: 2055.2481517857145 +2025-03-10 13:12:27,562 - INFO - CLOSED short at 2084.72 | PnL: 0.09% | $-0.02 +2025-03-10 13:12:27,562 - INFO - OPENED LONG at 2084.72 | Stop loss: 2074.2808678571428 | Take profit: 2116.0140982142852 +2025-03-10 13:12:27,686 - INFO - CLOSED long at 2089.96 | PnL: 0.25% | $0.23 +2025-03-10 13:12:27,686 - INFO - OPENED SHORT at 2089.96 | Stop loss: 2100.425332142857 | Take profit: 2058.5873017857143 +2025-03-10 13:12:27,859 - INFO - CLOSED short at 2085.67 | PnL: 0.21% | $0.16 +2025-03-10 13:12:27,859 - INFO - OPENED LONG at 2085.67 | Stop loss: 2075.226117857143 | Take profit: 2116.978348214286 +2025-03-10 13:12:27,892 - INFO - CLOSED long at 2091.05 | PnL: 0.26% | $0.25 +2025-03-10 13:12:27,950 - INFO - OPENED LONG at 2094.7 | Stop loss: 2084.210967857143 | Take profit: 2126.1437982142857 +2025-03-10 13:12:27,971 - INFO - CLOSED long at 2097.8 | PnL: 0.15% | $0.08 +2025-03-10 13:12:28,003 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.163732142857 | Take profit: 2070.092101785714 +2025-03-10 13:12:28,049 - INFO - CLOSED short at 2098.49 | PnL: 0.15% | $0.08 +2025-03-10 13:12:28,162 - INFO - OPENED LONG at 2106.15 | Stop loss: 2095.603717857143 | Take profit: 2137.765548214286 +2025-03-10 13:12:28,344 - INFO - CLOSED long at 2103.52 | PnL: -0.12% | $-0.35 +2025-03-10 13:12:28,344 - INFO - OPENED SHORT at 2103.52 | Stop loss: 2114.0531321428575 | Take profit: 2071.9439017857144 +2025-03-10 13:12:28,386 - INFO - Trade Analysis: Win Rate=16.7% in uptrends, 0.0% in downtrends | Avg Win=$0.24, Avg Loss=$-0.26 +2025-03-10 13:12:28,387 - INFO - Episode 3: Reward=-109.67, Balance=$78.60, Win Rate=21.7%, Trades=143, Episode PnL=$-11.62, Total PnL=$-104.09, Max Drawdown=21.2%, Pred Accuracy=98.5% +2025-03-10 13:12:28,387 - ERROR - Error in episode 3: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:12:28,387 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:12:28,408 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:12:28,770 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.744517857143 | Take profit: 2076.703148214286 +2025-03-10 13:12:28,918 - INFO - CLOSED long at 2049.89 | PnL: 0.19% | $0.18 +2025-03-10 13:12:28,918 - INFO - OPENED SHORT at 2049.89 | Stop loss: 2060.154982142857 | Take profit: 2019.1183517857141 +2025-03-10 13:12:28,937 - INFO - CLOSED short at 2051.11 | PnL: -0.06% | $-0.32 +2025-03-10 13:12:28,955 - INFO - OPENED SHORT at 2053.26 | Stop loss: 2063.5418321428574 | Take profit: 2022.4378017857143 +2025-03-10 13:12:28,972 - INFO - CLOSED short at 2051.89 | PnL: 0.07% | $-0.07 +2025-03-10 13:12:28,972 - INFO - OPENED LONG at 2051.89 | Stop loss: 2041.6150178571427 | Take profit: 2082.6916482142856 +2025-03-10 13:12:29,114 - INFO - CLOSED long at 2059.7 | PnL: 0.38% | $0.56 +2025-03-10 13:12:29,180 - INFO - OPENED SHORT at 2064.61 | Stop loss: 2074.948582142857 | Take profit: 2033.6175517857146 +2025-03-10 13:12:29,239 - INFO - CLOSED short at 2061.61 | PnL: 0.15% | $0.09 +2025-03-10 13:12:29,239 - INFO - OPENED LONG at 2061.61 | Stop loss: 2051.286417857143 | Take profit: 2092.557448214286 +2025-03-10 13:12:29,337 - INFO - CLOSED long at 2061.89 | PnL: 0.01% | $-0.17 +2025-03-10 13:12:29,337 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.214982142857 | Take profit: 2030.938351785714 +2025-03-10 13:12:29,356 - INFO - CLOSED short at 2062.89 | PnL: -0.05% | $-0.30 +2025-03-10 13:12:29,390 - INFO - OPENED SHORT at 2059.49 | Stop loss: 2069.8029821428568 | Take profit: 2028.574351785714 +2025-03-10 13:12:29,453 - INFO - CLOSED short at 2057.94 | PnL: 0.08% | $-0.05 +2025-03-10 13:12:29,453 - INFO - OPENED LONG at 2057.94 | Stop loss: 2047.6347678571428 | Take profit: 2088.832398214286 +2025-03-10 13:12:29,484 - INFO - CLOSED long at 2058.11 | PnL: 0.01% | $-0.18 +2025-03-10 13:12:29,485 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.4160821428572 | Take profit: 2027.2150517857144 +2025-03-10 13:12:29,628 - INFO - STOP LOSS hit for short at 2068.4160821428572 | PnL: -0.50% | $-1.19 +2025-03-10 13:12:29,645 - INFO - OPENED LONG at 2068.11 | Stop loss: 2057.753917857143 | Take profit: 2099.154948214286 +2025-03-10 13:12:29,705 - INFO - CLOSED long at 2071.63 | PnL: 0.17% | $0.14 +2025-03-10 13:12:29,705 - INFO - OPENED SHORT at 2071.63 | Stop loss: 2082.003682142857 | Take profit: 2040.5322517857144 +2025-03-10 13:12:29,830 - INFO - CLOSED short at 2070.26 | PnL: 0.07% | $-0.07 +2025-03-10 13:12:29,890 - INFO - OPENED LONG at 2073.73 | Stop loss: 2063.3458178571427 | Take profit: 2104.859248214286 +2025-03-10 13:12:30,101 - INFO - CLOSED long at 2070.79 | PnL: -0.14% | $-0.47 +2025-03-10 13:12:30,144 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.375632142857 | Take profit: 2036.9764017857142 +2025-03-10 13:12:30,277 - INFO - CLOSED short at 2068.8 | PnL: -0.04% | $-0.27 +2025-03-10 13:12:30,315 - INFO - OPENED LONG at 2067.6 | Stop loss: 2057.2464678571428 | Take profit: 2098.6372982142857 +2025-03-10 13:12:30,431 - INFO - CLOSED long at 2065.99 | PnL: -0.08% | $-0.35 +2025-03-10 13:12:30,431 - INFO - OPENED SHORT at 2065.99 | Stop loss: 2076.335482142857 | Take profit: 2034.9768517857142 +2025-03-10 13:12:30,470 - INFO - CLOSED short at 2066.29 | PnL: -0.01% | $-0.22 +2025-03-10 13:12:30,470 - INFO - OPENED LONG at 2066.29 | Stop loss: 2055.943017857143 | Take profit: 2097.3076482142856 +2025-03-10 13:12:30,598 - INFO - CLOSED long at 2070.4 | PnL: 0.20% | $0.19 +2025-03-10 13:12:30,670 - INFO - OPENED LONG at 2071.39 | Stop loss: 2061.0175178571426 | Take profit: 2102.4841482142856 +2025-03-10 13:12:30,730 - INFO - CLOSED long at 2072.75 | PnL: 0.07% | $-0.07 +2025-03-10 13:12:30,761 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.728917857143 | Take profit: 2104.2299482142857 +2025-03-10 13:12:30,814 - INFO - CLOSED long at 2072.15 | PnL: -0.05% | $-0.28 +2025-03-10 13:12:30,846 - INFO - OPENED LONG at 2074.29 | Stop loss: 2063.903017857143 | Take profit: 2105.4276482142855 +2025-03-10 13:12:30,863 - INFO - CLOSED long at 2073.9 | PnL: -0.02% | $-0.23 +2025-03-10 13:12:30,865 - INFO - OPENED SHORT at 2073.9 | Stop loss: 2084.2850321428573 | Take profit: 2042.7682017857144 +2025-03-10 13:12:30,921 - INFO - CLOSED short at 2071.11 | PnL: 0.13% | $0.07 +2025-03-10 13:12:30,923 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.738917857143 | Take profit: 2102.199948214286 +2025-03-10 13:12:31,017 - INFO - CLOSED long at 2067.46 | PnL: -0.18% | $-0.53 +2025-03-10 13:12:31,042 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.1495321428574 | Take profit: 2035.7747017857143 +2025-03-10 13:12:31,070 - INFO - CLOSED short at 2065.49 | PnL: 0.06% | $-0.07 +2025-03-10 13:12:31,070 - INFO - OPENED LONG at 2065.49 | Stop loss: 2055.1470178571426 | Take profit: 2096.4956482142857 +2025-03-10 13:12:31,215 - INFO - CLOSED long at 2068.8 | PnL: 0.16% | $0.12 +2025-03-10 13:12:31,262 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.505167857143 | Take profit: 2098.9011982142856 +2025-03-10 13:12:31,297 - INFO - CLOSED long at 2069.2 | PnL: 0.06% | $-0.07 +2025-03-10 13:12:31,297 - INFO - OPENED SHORT at 2069.2 | Stop loss: 2079.561532142857 | Take profit: 2038.1387017857141 +2025-03-10 13:12:31,350 - INFO - CLOSED short at 2070.7 | PnL: -0.07% | $-0.33 +2025-03-10 13:12:31,351 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3309678571427 | Take profit: 2101.7837982142855 +2025-03-10 13:12:31,378 - INFO - CLOSED long at 2070.73 | PnL: 0.00% | $-0.19 +2025-03-10 13:12:31,378 - INFO - OPENED SHORT at 2070.73 | Stop loss: 2081.099182142857 | Take profit: 2039.6457517857143 +2025-03-10 13:12:31,403 - INFO - CLOSED short at 2068.5 | PnL: 0.11% | $0.01 +2025-03-10 13:12:31,422 - INFO - OPENED LONG at 2068.69 | Stop loss: 2058.331017857143 | Take profit: 2099.7436482142857 +2025-03-10 13:12:31,471 - INFO - CLOSED long at 2067.11 | PnL: -0.08% | $-0.34 +2025-03-10 13:12:31,506 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.505167857143 | Take profit: 2098.9011982142856 +2025-03-10 13:12:31,535 - INFO - CLOSED long at 2066.4 | PnL: -0.07% | $-0.32 +2025-03-10 13:12:31,536 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.7475321428574 | Take profit: 2035.3807017857143 +2025-03-10 13:12:31,564 - INFO - CLOSED short at 2066.1 | PnL: 0.01% | $-0.16 +2025-03-10 13:12:31,564 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.753967857143 | Take profit: 2097.1147982142857 +2025-03-10 13:12:31,744 - INFO - CLOSED long at 2067.88 | PnL: 0.09% | $-0.03 +2025-03-10 13:12:31,745 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2349321428574 | Take profit: 2036.8385017857145 +2025-03-10 13:12:31,764 - INFO - CLOSED short at 2064.99 | PnL: 0.14% | $0.08 +2025-03-10 13:12:31,764 - INFO - OPENED LONG at 2064.99 | Stop loss: 2054.6495178571427 | Take profit: 2095.9881482142855 +2025-03-10 13:12:31,802 - INFO - CLOSED long at 2066.15 | PnL: 0.06% | $-0.08 +2025-03-10 13:12:31,803 - INFO - OPENED SHORT at 2066.15 | Stop loss: 2076.496282142857 | Take profit: 2035.1344517857142 +2025-03-10 13:12:31,845 - INFO - CLOSED short at 2062.89 | PnL: 0.16% | $0.11 +2025-03-10 13:12:31,846 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.5600178571426 | Take profit: 2093.8566482142855 +2025-03-10 13:12:31,880 - INFO - CLOSED long at 2062.65 | PnL: -0.01% | $-0.21 +2025-03-10 13:12:31,917 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.4555678571433 | Take profit: 2092.729998214286 +2025-03-10 13:12:31,980 - INFO - CLOSED long at 2061.3 | PnL: -0.02% | $-0.23 +2025-03-10 13:12:32,015 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.923482142857 | Take profit: 2032.6128517857144 +2025-03-10 13:12:32,036 - INFO - CLOSED short at 2064.96 | PnL: -0.07% | $-0.31 +2025-03-10 13:12:32,036 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.6196678571428 | Take profit: 2095.9576982142858 +2025-03-10 13:12:32,059 - INFO - CLOSED long at 2066.24 | PnL: 0.06% | $-0.07 +2025-03-10 13:12:32,073 - INFO - OPENED LONG at 2067.1 | Stop loss: 2056.748967857143 | Take profit: 2098.1297982142855 +2025-03-10 13:12:32,129 - INFO - CLOSED long at 2064.45 | PnL: -0.13% | $-0.43 +2025-03-10 13:12:32,154 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.744067857143 | Take profit: 2095.0644982142853 +2025-03-10 13:12:32,170 - INFO - CLOSED long at 2062.71 | PnL: -0.07% | $-0.31 +2025-03-10 13:12:32,170 - INFO - OPENED SHORT at 2062.71 | Stop loss: 2073.0390821428573 | Take profit: 2031.7460517857144 +2025-03-10 13:12:32,188 - INFO - CLOSED short at 2062.89 | PnL: -0.01% | $-0.20 +2025-03-10 13:12:32,188 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.5600178571426 | Take profit: 2093.8566482142855 +2025-03-10 13:12:32,236 - INFO - CLOSED long at 2063.5 | PnL: 0.03% | $-0.13 +2025-03-10 13:12:32,236 - INFO - OPENED SHORT at 2063.5 | Stop loss: 2073.833032142857 | Take profit: 2032.5242017857142 +2025-03-10 13:12:32,324 - INFO - CLOSED short at 2060.65 | PnL: 0.14% | $0.07 +2025-03-10 13:12:32,325 - INFO - OPENED LONG at 2060.65 | Stop loss: 2050.3312178571427 | Take profit: 2091.583048214286 +2025-03-10 13:12:32,356 - INFO - CLOSED long at 2058.89 | PnL: -0.09% | $-0.34 +2025-03-10 13:12:32,388 - INFO - OPENED SHORT at 2059.3 | Stop loss: 2069.612032142857 | Take profit: 2028.3872017857145 +2025-03-10 13:12:32,421 - INFO - CLOSED short at 2060.31 | PnL: -0.05% | $-0.28 +2025-03-10 13:12:32,421 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.992917857143 | Take profit: 2091.237948214286 +2025-03-10 13:12:32,445 - INFO - CLOSED long at 2061.8 | PnL: 0.07% | $-0.05 +2025-03-10 13:12:32,445 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.1245321428573 | Take profit: 2030.8497017857144 +2025-03-10 13:12:32,465 - INFO - CLOSED short at 2064.7 | PnL: -0.14% | $-0.44 +2025-03-10 13:12:32,465 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.360967857143 | Take profit: 2095.6937982142854 +2025-03-10 13:12:32,582 - INFO - CLOSED long at 2065.36 | PnL: 0.03% | $-0.12 +2025-03-10 13:12:32,582 - INFO - OPENED SHORT at 2065.36 | Stop loss: 2075.7023321428574 | Take profit: 2034.3563017857145 +2025-03-10 13:12:32,622 - INFO - CLOSED short at 2063.39 | PnL: 0.10% | $-0.01 +2025-03-10 13:12:32,622 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.0575178571426 | Take profit: 2094.3641482142853 +2025-03-10 13:12:32,730 - INFO - CLOSED long at 2063.0 | PnL: -0.02% | $-0.22 +2025-03-10 13:12:32,787 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5650178571427 | Take profit: 2092.841648214285 +2025-03-10 13:12:32,871 - INFO - CLOSED long at 2059.61 | PnL: -0.11% | $-0.38 +2025-03-10 13:12:32,893 - INFO - OPENED LONG at 2059.16 | Stop loss: 2048.8486678571426 | Take profit: 2090.0706982142856 +2025-03-10 13:12:32,930 - INFO - CLOSED long at 2058.89 | PnL: -0.01% | $-0.21 +2025-03-10 13:12:32,945 - INFO - OPENED SHORT at 2059.96 | Stop loss: 2070.275332142857 | Take profit: 2029.0373017857144 +2025-03-10 13:12:33,011 - INFO - CLOSED short at 2056.28 | PnL: 0.18% | $0.14 +2025-03-10 13:12:33,011 - INFO - OPENED LONG at 2056.28 | Stop loss: 2045.9830678571432 | Take profit: 2087.147498214286 +2025-03-10 13:12:33,035 - INFO - CLOSED long at 2055.6 | PnL: -0.03% | $-0.24 +2025-03-10 13:12:33,037 - INFO - OPENED SHORT at 2055.6 | Stop loss: 2065.893532142857 | Take profit: 2024.7427017857142 +2025-03-10 13:12:33,119 - INFO - CLOSED short at 2056.71 | PnL: -0.05% | $-0.28 +2025-03-10 13:12:33,119 - INFO - OPENED LONG at 2056.71 | Stop loss: 2046.410917857143 | Take profit: 2087.583948214286 +2025-03-10 13:12:33,152 - INFO - CLOSED long at 2058.15 | PnL: 0.07% | $-0.05 +2025-03-10 13:12:33,212 - INFO - OPENED SHORT at 2061.66 | Stop loss: 2071.983832142857 | Take profit: 2030.7118017857142 +2025-03-10 13:12:33,242 - INFO - CLOSED short at 2061.5 | PnL: 0.01% | $-0.17 +2025-03-10 13:12:33,243 - INFO - OPENED LONG at 2061.5 | Stop loss: 2051.1769678571427 | Take profit: 2092.445798214286 +2025-03-10 13:12:33,254 - INFO - CLOSED long at 2061.6 | PnL: 0.00% | $-0.17 +2025-03-10 13:12:33,254 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.9235321428573 | Take profit: 2030.6527017857143 +2025-03-10 13:12:33,278 - INFO - CLOSED short at 2061.3 | PnL: 0.01% | $-0.15 +2025-03-10 13:12:33,279 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.977967857143 | Take profit: 2092.242798214286 +2025-03-10 13:12:33,312 - INFO - CLOSED long at 2063.4 | PnL: 0.10% | $0.00 +2025-03-10 13:12:33,333 - INFO - OPENED LONG at 2066.36 | Stop loss: 2056.0126678571432 | Take profit: 2097.3786982142856 +2025-03-10 13:12:33,353 - INFO - CLOSED long at 2066.01 | PnL: -0.02% | $-0.21 +2025-03-10 13:12:33,353 - INFO - OPENED SHORT at 2066.01 | Stop loss: 2076.3555821428577 | Take profit: 2034.9965517857145 +2025-03-10 13:12:33,376 - INFO - CLOSED short at 2063.9 | PnL: 0.10% | $0.00 +2025-03-10 13:12:33,377 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.564967857143 | Take profit: 2094.881798214286 +2025-03-10 13:12:33,440 - INFO - CLOSED long at 2066.34 | PnL: 0.12% | $0.03 +2025-03-10 13:12:33,472 - INFO - OPENED SHORT at 2066.79 | Stop loss: 2077.139482142857 | Take profit: 2035.7648517857142 +2025-03-10 13:12:33,559 - INFO - CLOSED short at 2065.69 | PnL: 0.05% | $-0.08 +2025-03-10 13:12:33,559 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.346017857143 | Take profit: 2096.6986482142856 +2025-03-10 13:12:33,588 - INFO - CLOSED long at 2069.79 | PnL: 0.20% | $0.18 +2025-03-10 13:12:33,642 - INFO - OPENED SHORT at 2074.3 | Stop loss: 2084.6870321428573 | Take profit: 2043.1622017857144 +2025-03-10 13:12:33,662 - INFO - CLOSED short at 2078.01 | PnL: -0.18% | $-0.50 +2025-03-10 13:12:33,662 - INFO - OPENED LONG at 2078.01 | Stop loss: 2067.604417857143 | Take profit: 2109.203448214286 +2025-03-10 13:12:33,745 - INFO - CLOSED long at 2071.6 | PnL: -0.31% | $-0.73 +2025-03-10 13:12:33,752 - INFO - OPENED SHORT at 2071.6 | Stop loss: 2081.973532142857 | Take profit: 2040.5027017857142 +2025-03-10 13:12:33,769 - INFO - CLOSED short at 2073.23 | PnL: -0.08% | $-0.32 +2025-03-10 13:12:33,788 - INFO - OPENED SHORT at 2070.0 | Stop loss: 2080.365532142857 | Take profit: 2038.9267017857142 +2025-03-10 13:12:33,827 - INFO - CLOSED short at 2068.39 | PnL: 0.08% | $-0.04 +2025-03-10 13:12:33,827 - INFO - OPENED LONG at 2068.39 | Stop loss: 2058.032517857143 | Take profit: 2099.4391482142855 +2025-03-10 13:12:33,971 - INFO - CLOSED long at 2072.99 | PnL: 0.22% | $0.22 +2025-03-10 13:12:34,028 - INFO - OPENED SHORT at 2069.87 | Stop loss: 2080.234882142857 | Take profit: 2038.7986517857141 +2025-03-10 13:12:34,078 - INFO - CLOSED short at 2065.7 | PnL: 0.20% | $0.18 +2025-03-10 13:12:34,078 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.355967857143 | Take profit: 2096.7087982142857 +2025-03-10 13:12:34,103 - INFO - CLOSED long at 2065.66 | PnL: -0.00% | $-0.18 +2025-03-10 13:12:34,103 - INFO - OPENED SHORT at 2065.66 | Stop loss: 2076.003832142857 | Take profit: 2034.651801785714 +2025-03-10 13:12:34,123 - INFO - CLOSED short at 2063.95 | PnL: 0.08% | $-0.03 +2025-03-10 13:12:34,123 - INFO - OPENED LONG at 2063.95 | Stop loss: 2053.6147178571428 | Take profit: 2094.932548214286 +2025-03-10 13:12:34,158 - INFO - CLOSED long at 2064.5 | PnL: 0.03% | $-0.13 +2025-03-10 13:12:34,233 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.843032142857 | Take profit: 2034.4942017857143 +2025-03-10 13:12:34,311 - INFO - CLOSED short at 2065.31 | PnL: 0.01% | $-0.16 +2025-03-10 13:12:34,311 - INFO - OPENED LONG at 2065.31 | Stop loss: 2054.9679178571428 | Take profit: 2096.3129482142854 +2025-03-10 13:12:34,432 - INFO - CLOSED long at 2071.59 | PnL: 0.30% | $0.36 +2025-03-10 13:12:34,455 - INFO - OPENED LONG at 2070.2 | Stop loss: 2059.8334678571428 | Take profit: 2101.2762982142854 +2025-03-10 13:12:34,473 - INFO - CLOSED long at 2071.35 | PnL: 0.06% | $-0.08 +2025-03-10 13:12:34,512 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.3260178571427 | Take profit: 2100.758648214286 +2025-03-10 13:12:34,547 - INFO - CLOSED long at 2070.8 | PnL: 0.05% | $-0.08 +2025-03-10 13:12:34,579 - INFO - OPENED LONG at 2070.61 | Stop loss: 2060.241417857143 | Take profit: 2101.692448214286 +2025-03-10 13:12:34,602 - INFO - CLOSED long at 2071.99 | PnL: 0.07% | $-0.06 +2025-03-10 13:12:34,755 - INFO - OPENED SHORT at 2074.37 | Stop loss: 2084.7573821428573 | Take profit: 2043.2311517857142 +2025-03-10 13:12:34,820 - INFO - CLOSED short at 2074.35 | PnL: 0.00% | $-0.17 +2025-03-10 13:12:34,821 - INFO - OPENED LONG at 2074.35 | Stop loss: 2063.9627178571427 | Take profit: 2105.488548214286 +2025-03-10 13:12:34,837 - INFO - CLOSED long at 2073.27 | PnL: -0.05% | $-0.27 +2025-03-10 13:12:34,837 - INFO - OPENED SHORT at 2073.27 | Stop loss: 2083.6518821428567 | Take profit: 2042.1476517857143 +2025-03-10 13:12:34,968 - INFO - CLOSED short at 2072.09 | PnL: 0.06% | $-0.08 +2025-03-10 13:12:34,968 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.714017857143 | Take profit: 2103.1946482142857 +2025-03-10 13:12:35,077 - INFO - CLOSED long at 2066.4 | PnL: -0.27% | $-0.66 +2025-03-10 13:12:35,107 - INFO - OPENED SHORT at 2066.89 | Stop loss: 2077.239982142857 | Take profit: 2035.863351785714 +2025-03-10 13:12:35,163 - INFO - CLOSED short at 2065.45 | PnL: 0.07% | $-0.05 +2025-03-10 13:12:35,163 - INFO - OPENED LONG at 2065.45 | Stop loss: 2055.1072178571426 | Take profit: 2096.455048214286 +2025-03-10 13:12:35,259 - INFO - CLOSED long at 2070.1 | PnL: 0.23% | $0.22 +2025-03-10 13:12:35,259 - INFO - OPENED SHORT at 2070.1 | Stop loss: 2080.466032142857 | Take profit: 2039.0252017857142 +2025-03-10 13:12:35,278 - INFO - CLOSED short at 2067.19 | PnL: 0.14% | $0.07 +2025-03-10 13:12:35,278 - INFO - OPENED LONG at 2067.19 | Stop loss: 2056.838517857143 | Take profit: 2098.2211482142857 +2025-03-10 13:12:35,316 - INFO - CLOSED long at 2065.7 | PnL: -0.07% | $-0.30 +2025-03-10 13:12:35,316 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.044032142857 | Take profit: 2034.691201785714 +2025-03-10 13:12:35,335 - INFO - CLOSED short at 2065.8 | PnL: -0.00% | $-0.18 +2025-03-10 13:12:35,345 - INFO - OPENED SHORT at 2065.07 | Stop loss: 2075.4108821428576 | Take profit: 2034.0706517857145 +2025-03-10 13:12:35,388 - INFO - CLOSED short at 2063.39 | PnL: 0.08% | $-0.03 +2025-03-10 13:12:35,411 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.012767857143 | Take profit: 2093.2983982142855 +2025-03-10 13:12:35,431 - INFO - CLOSED long at 2063.98 | PnL: 0.08% | $-0.04 +2025-03-10 13:12:35,431 - INFO - OPENED SHORT at 2063.98 | Stop loss: 2074.315432142857 | Take profit: 2032.9970017857142 +2025-03-10 13:12:35,462 - INFO - CLOSED short at 2066.1 | PnL: -0.10% | $-0.35 +2025-03-10 13:12:35,462 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.753967857143 | Take profit: 2097.1147982142857 +2025-03-10 13:12:35,493 - INFO - CLOSED long at 2065.06 | PnL: -0.05% | $-0.26 +2025-03-10 13:12:35,545 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.838032142857 | Take profit: 2033.5092017857144 +2025-03-10 13:12:35,611 - INFO - CLOSED short at 2063.01 | PnL: 0.07% | $-0.05 +2025-03-10 13:12:35,673 - INFO - OPENED LONG at 2059.2 | Stop loss: 2048.8884678571426 | Take profit: 2090.1112982142854 +2025-03-10 13:12:35,737 - INFO - CLOSED long at 2053.01 | PnL: -0.30% | $-0.69 +2025-03-10 13:12:35,778 - INFO - OPENED SHORT at 2049.5 | Stop loss: 2059.7630321428574 | Take profit: 2018.7342017857143 +2025-03-10 13:12:35,816 - INFO - CLOSED short at 2058.3 | PnL: -0.43% | $-0.90 +2025-03-10 13:12:35,816 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9929678571432 | Take profit: 2089.1977982142857 +2025-03-10 13:12:35,834 - INFO - CLOSED long at 2056.85 | PnL: -0.07% | $-0.29 +2025-03-10 13:12:35,864 - INFO - OPENED SHORT at 2057.11 | Stop loss: 2067.411082142857 | Take profit: 2026.2300517857145 +2025-03-10 13:12:35,896 - INFO - CLOSED short at 2057.89 | PnL: -0.04% | $-0.23 +2025-03-10 13:12:35,927 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.159682142857 | Take profit: 2031.8642517857143 +2025-03-10 13:12:36,011 - INFO - CLOSED short at 2062.43 | PnL: 0.02% | $-0.14 +2025-03-10 13:12:36,012 - INFO - OPENED LONG at 2062.43 | Stop loss: 2052.1023178571427 | Take profit: 2093.389748214285 +2025-03-10 13:12:36,037 - INFO - CLOSED long at 2062.55 | PnL: 0.01% | $-0.16 +2025-03-10 13:12:36,037 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.878282142857 | Take profit: 2031.5884517857146 +2025-03-10 13:12:36,053 - INFO - CLOSED short at 2065.12 | PnL: -0.12% | $-0.38 +2025-03-10 13:12:36,053 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.778867857143 | Take profit: 2096.120098214286 +2025-03-10 13:12:36,111 - INFO - CLOSED long at 2066.59 | PnL: 0.07% | $-0.05 +2025-03-10 13:12:36,111 - INFO - OPENED SHORT at 2066.59 | Stop loss: 2076.9384821428575 | Take profit: 2035.5678517857145 +2025-03-10 13:12:36,128 - INFO - CLOSED short at 2064.08 | PnL: 0.12% | $0.04 +2025-03-10 13:12:36,147 - INFO - OPENED LONG at 2061.21 | Stop loss: 2050.888417857143 | Take profit: 2092.1514482142857 +2025-03-10 13:12:36,185 - INFO - CLOSED long at 2060.7 | PnL: -0.02% | $-0.21 +2025-03-10 13:12:36,239 - INFO - OPENED SHORT at 2065.72 | Stop loss: 2076.064132142857 | Take profit: 2034.7109017857142 +2025-03-10 13:12:36,402 - INFO - CLOSED short at 2073.49 | PnL: -0.38% | $-0.79 +2025-03-10 13:12:36,420 - INFO - OPENED LONG at 2074.05 | Stop loss: 2063.6642178571433 | Take profit: 2105.184048214286 +2025-03-10 13:12:36,453 - INFO - CLOSED long at 2071.89 | PnL: -0.10% | $-0.34 +2025-03-10 13:12:36,523 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2088.0135821428576 | Take profit: 2046.4225517857144 +2025-03-10 13:12:36,569 - INFO - CLOSED short at 2090.49 | PnL: -0.62% | $-1.18 +2025-03-10 13:12:36,569 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.0220178571426 | Take profit: 2121.8706482142857 +2025-03-10 13:12:36,593 - INFO - CLOSED long at 2103.02 | PnL: 0.60% | $0.81 +2025-03-10 13:12:36,706 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0220321428574 | Take profit: 2109.1572017857147 +2025-03-10 13:12:36,731 - INFO - CLOSED short at 2142.68 | PnL: -0.06% | $-0.27 +2025-03-10 13:12:36,763 - INFO - OPENED SHORT at 2134.78 | Stop loss: 2145.4694321428574 | Take profit: 2102.7350017857143 +2025-03-10 13:12:36,783 - INFO - CLOSED short at 2126.99 | PnL: 0.36% | $0.43 +2025-03-10 13:12:36,821 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.031017857143 | Take profit: 2160.643648214286 +2025-03-10 13:12:36,870 - INFO - CLOSED long at 2117.24 | PnL: -0.54% | $-1.04 +2025-03-10 13:12:36,870 - INFO - OPENED SHORT at 2117.24 | Stop loss: 2127.841732142857 | Take profit: 2085.458101785714 +2025-03-10 13:12:36,893 - INFO - CLOSED short at 2119.93 | PnL: -0.13% | $-0.37 +2025-03-10 13:12:36,893 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3148178571428 | Take profit: 2151.752248214286 +2025-03-10 13:12:37,011 - INFO - STOP LOSS hit for long at 2109.3148178571428 | PnL: -0.50% | $-0.96 +2025-03-10 13:12:37,032 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1685321428567 | Take profit: 2078.917701785714 +2025-03-10 13:12:37,051 - INFO - CLOSED short at 2109.05 | PnL: 0.07% | $-0.04 +2025-03-10 13:12:37,161 - INFO - OPENED SHORT at 2120.81 | Stop loss: 2131.429582142857 | Take profit: 2088.9745517857145 +2025-03-10 13:12:37,354 - INFO - CLOSED short at 2099.53 | PnL: 1.00% | $1.43 +2025-03-10 13:12:37,354 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.016817857143 | Take profit: 2131.046248214286 +2025-03-10 13:12:37,478 - INFO - CLOSED long at 2104.83 | PnL: 0.25% | $0.25 +2025-03-10 13:12:37,478 - INFO - OPENED SHORT at 2104.83 | Stop loss: 2115.369682142857 | Take profit: 2073.234251785714 +2025-03-10 13:12:37,499 - INFO - CLOSED short at 2106.39 | PnL: -0.07% | $-0.28 +2025-03-10 13:12:37,499 - INFO - OPENED LONG at 2106.39 | Stop loss: 2095.842517857143 | Take profit: 2138.0091482142857 +2025-03-10 13:12:37,528 - INFO - CLOSED long at 2103.86 | PnL: -0.12% | $-0.36 +2025-03-10 13:12:37,554 - INFO - OPENED LONG at 2104.68 | Stop loss: 2094.141067857143 | Take profit: 2136.2734982142856 +2025-03-10 13:12:37,572 - INFO - CLOSED long at 2101.51 | PnL: -0.15% | $-0.40 +2025-03-10 13:12:37,630 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.8974821428574 | Take profit: 2066.890851785714 +2025-03-10 13:12:37,646 - INFO - CLOSED short at 2095.29 | PnL: 0.15% | $0.08 +2025-03-10 13:12:37,687 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.8478178571427 | Take profit: 2124.7532482142856 +2025-03-10 13:12:37,797 - INFO - CLOSED long at 2083.28 | PnL: -0.48% | $-0.93 +2025-03-10 13:12:37,820 - INFO - OPENED SHORT at 2088.44 | Stop loss: 2098.8977321428574 | Take profit: 2057.090101785714 +2025-03-10 13:12:37,897 - INFO - CLOSED short at 2080.38 | PnL: 0.39% | $0.45 +2025-03-10 13:12:37,897 - INFO - OPENED LONG at 2080.38 | Stop loss: 2069.962567857143 | Take profit: 2111.6089982142857 +2025-03-10 13:12:37,926 - INFO - CLOSED long at 2081.25 | PnL: 0.04% | $-0.09 +2025-03-10 13:12:37,926 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.6717821428574 | Take profit: 2050.0079517857143 +2025-03-10 13:12:37,945 - INFO - CLOSED short at 2083.41 | PnL: -0.10% | $-0.32 +2025-03-10 13:12:37,962 - INFO - OPENED SHORT at 2085.09 | Stop loss: 2095.5309821428573 | Take profit: 2053.7903517857144 +2025-03-10 13:12:37,980 - INFO - CLOSED short at 2083.59 | PnL: 0.07% | $-0.04 +2025-03-10 13:12:37,980 - INFO - OPENED LONG at 2083.59 | Stop loss: 2073.1565178571427 | Take profit: 2114.867148214286 +2025-03-10 13:12:38,012 - INFO - CLOSED long at 2085.8 | PnL: 0.11% | $0.01 +2025-03-10 13:12:38,068 - INFO - OPENED SHORT at 2085.85 | Stop loss: 2096.294782142857 | Take profit: 2054.5389517857143 +2025-03-10 13:12:38,085 - INFO - CLOSED short at 2088.66 | PnL: -0.13% | $-0.37 +2025-03-10 13:12:38,085 - INFO - OPENED LONG at 2088.66 | Stop loss: 2078.2011678571425 | Take profit: 2120.0131982142857 +2025-03-10 13:12:38,144 - INFO - CLOSED long at 2089.96 | PnL: 0.06% | $-0.06 +2025-03-10 13:12:38,144 - INFO - OPENED SHORT at 2089.96 | Stop loss: 2100.425332142857 | Take profit: 2058.5873017857143 +2025-03-10 13:12:38,180 - INFO - CLOSED short at 2087.47 | PnL: 0.12% | $0.03 +2025-03-10 13:12:38,182 - INFO - OPENED LONG at 2087.47 | Stop loss: 2077.0171178571427 | Take profit: 2118.805348214286 +2025-03-10 13:12:38,199 - INFO - CLOSED long at 2087.78 | PnL: 0.01% | $-0.13 +2025-03-10 13:12:38,217 - INFO - OPENED SHORT at 2086.81 | Stop loss: 2097.259582142857 | Take profit: 2055.4845517857143 +2025-03-10 13:12:38,235 - INFO - CLOSED short at 2089.79 | PnL: -0.14% | $-0.38 +2025-03-10 13:12:38,236 - INFO - OPENED LONG at 2089.79 | Stop loss: 2079.325517857143 | Take profit: 2121.1601482142855 +2025-03-10 13:12:38,294 - INFO - CLOSED long at 2091.05 | PnL: 0.06% | $-0.06 +2025-03-10 13:12:38,294 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.520782142857 | Take profit: 2059.6609517857146 +2025-03-10 13:12:38,311 - INFO - CLOSED short at 2091.05 | PnL: 0.00% | $-0.16 +2025-03-10 13:12:38,400 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.163732142857 | Take profit: 2070.092101785714 +2025-03-10 13:12:38,445 - INFO - CLOSED short at 2099.89 | PnL: 0.08% | $-0.03 +2025-03-10 13:12:38,466 - INFO - OPENED SHORT at 2100.89 | Stop loss: 2111.409982142857 | Take profit: 2069.353351785714 +2025-03-10 13:12:38,595 - INFO - CLOSED short at 2105.83 | PnL: -0.24% | $-0.52 +2025-03-10 13:12:38,637 - INFO - OPENED SHORT at 2105.2 | Stop loss: 2115.741532142857 | Take profit: 2073.598701785714 +2025-03-10 13:12:38,696 - INFO - Trade Analysis: Win Rate=26.1% in uptrends, 0.0% in downtrends | Avg Win=$0.22, Avg Loss=$-0.27 +2025-03-10 13:12:38,697 - INFO - Episode 4: Reward=-98.30, Balance=$77.97, Win Rate=22.2%, Trades=135, Episode PnL=$-16.98, Total PnL=$-126.12, Max Drawdown=22.3%, Pred Accuracy=99.1% +2025-03-10 13:12:38,697 - ERROR - Error in episode 4: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:12:38,698 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:12:38,719 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:12:38,925 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.9484678571428 | Take profit: 2077.931298214286 +2025-03-10 13:12:38,989 - INFO - CLOSED long at 2048.13 | PnL: 0.05% | $-0.11 +2025-03-10 13:12:38,989 - INFO - OPENED SHORT at 2048.13 | Stop loss: 2058.3861821428573 | Take profit: 2017.3847517857146 +2025-03-10 13:12:39,006 - INFO - CLOSED short at 2047.59 | PnL: 0.03% | $-0.15 +2025-03-10 13:12:39,027 - INFO - OPENED LONG at 2048.51 | Stop loss: 2038.251917857143 | Take profit: 2079.260948214286 +2025-03-10 13:12:39,046 - INFO - CLOSED long at 2050.0 | PnL: 0.07% | $-0.05 +2025-03-10 13:12:39,047 - INFO - OPENED SHORT at 2050.0 | Stop loss: 2060.2655321428574 | Take profit: 2019.2267017857143 +2025-03-10 13:12:39,161 - INFO - CLOSED short at 2052.3 | PnL: -0.11% | $-0.42 +2025-03-10 13:12:39,161 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.022967857143 | Take profit: 2083.107798214286 +2025-03-10 13:12:39,179 - INFO - CLOSED long at 2055.69 | PnL: 0.17% | $0.13 +2025-03-10 13:12:39,200 - INFO - OPENED LONG at 2057.01 | Stop loss: 2046.709417857143 | Take profit: 2087.8884482142857 +2025-03-10 13:12:39,219 - INFO - CLOSED long at 2056.89 | PnL: -0.01% | $-0.21 +2025-03-10 13:12:39,219 - INFO - OPENED SHORT at 2056.89 | Stop loss: 2067.189982142857 | Take profit: 2026.0133517857143 +2025-03-10 13:12:39,237 - INFO - CLOSED short at 2058.39 | PnL: -0.07% | $-0.34 +2025-03-10 13:12:39,260 - INFO - OPENED LONG at 2060.13 | Stop loss: 2049.813817857143 | Take profit: 2091.055248214286 +2025-03-10 13:12:39,278 - INFO - CLOSED long at 2059.7 | PnL: -0.02% | $-0.24 +2025-03-10 13:12:39,278 - INFO - OPENED SHORT at 2059.7 | Stop loss: 2070.014032142857 | Take profit: 2028.781201785714 +2025-03-10 13:12:39,334 - INFO - CLOSED short at 2064.61 | PnL: -0.24% | $-0.66 +2025-03-10 13:12:39,334 - INFO - OPENED LONG at 2064.61 | Stop loss: 2054.2714178571428 | Take profit: 2095.602448214286 +2025-03-10 13:12:39,344 - INFO - CLOSED long at 2063.59 | PnL: -0.05% | $-0.29 +2025-03-10 13:12:39,344 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.923482142857 | Take profit: 2032.6128517857144 +2025-03-10 13:12:39,389 - INFO - CLOSED short at 2064.69 | PnL: -0.05% | $-0.30 +2025-03-10 13:12:39,545 - INFO - OPENED SHORT at 2057.8 | Stop loss: 2068.1045321428574 | Take profit: 2026.9097017857146 +2025-03-10 13:12:39,594 - INFO - CLOSED short at 2058.11 | PnL: -0.02% | $-0.22 +2025-03-10 13:12:39,637 - INFO - OPENED SHORT at 2061.18 | Stop loss: 2071.501432142857 | Take profit: 2030.239001785714 +2025-03-10 13:12:39,653 - INFO - CLOSED short at 2064.32 | PnL: -0.15% | $-0.49 +2025-03-10 13:12:39,653 - INFO - OPENED LONG at 2064.32 | Stop loss: 2053.982867857143 | Take profit: 2095.308098214286 +2025-03-10 13:12:39,732 - INFO - CLOSED long at 2068.29 | PnL: 0.19% | $0.18 +2025-03-10 13:12:39,732 - INFO - OPENED SHORT at 2068.29 | Stop loss: 2078.646982142857 | Take profit: 2037.2423517857142 +2025-03-10 13:12:39,749 - INFO - CLOSED short at 2067.89 | PnL: 0.02% | $-0.16 +2025-03-10 13:12:39,803 - INFO - OPENED SHORT at 2069.6 | Stop loss: 2079.963532142857 | Take profit: 2038.5327017857142 +2025-03-10 13:12:39,972 - INFO - CLOSED short at 2072.91 | PnL: -0.16% | $-0.50 +2025-03-10 13:12:40,058 - INFO - OPENED SHORT at 2069.37 | Stop loss: 2079.732382142857 | Take profit: 2038.3061517857143 +2025-03-10 13:12:40,176 - INFO - CLOSED short at 2070.28 | PnL: -0.04% | $-0.27 +2025-03-10 13:12:40,176 - INFO - OPENED LONG at 2070.28 | Stop loss: 2059.9130678571432 | Take profit: 2101.357498214286 +2025-03-10 13:12:40,234 - INFO - CLOSED long at 2067.2 | PnL: -0.15% | $-0.47 +2025-03-10 13:12:40,244 - INFO - OPENED SHORT at 2070.36 | Stop loss: 2080.7273321428574 | Take profit: 2039.2813017857145 +2025-03-10 13:12:40,269 - INFO - CLOSED short at 2068.9 | PnL: 0.07% | $-0.06 +2025-03-10 13:12:40,270 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.539967857143 | Take profit: 2099.956798214286 +2025-03-10 13:12:40,304 - INFO - CLOSED long at 2069.34 | PnL: 0.02% | $-0.15 +2025-03-10 13:12:40,380 - INFO - OPENED SHORT at 2067.51 | Stop loss: 2077.8630821428574 | Take profit: 2036.4740517857144 +2025-03-10 13:12:40,498 - INFO - CLOSED short at 2066.29 | PnL: 0.06% | $-0.08 +2025-03-10 13:12:40,498 - INFO - OPENED LONG at 2066.29 | Stop loss: 2055.943017857143 | Take profit: 2097.3076482142856 +2025-03-10 13:12:40,672 - INFO - CLOSED long at 2069.7 | PnL: 0.17% | $0.12 +2025-03-10 13:12:40,712 - INFO - OPENED LONG at 2069.96 | Stop loss: 2059.594667857143 | Take profit: 2101.0326982142856 +2025-03-10 13:12:40,747 - INFO - CLOSED long at 2071.39 | PnL: 0.07% | $-0.06 +2025-03-10 13:12:40,763 - INFO - OPENED SHORT at 2071.36 | Stop loss: 2081.7323321428576 | Take profit: 2040.2663017857144 +2025-03-10 13:12:40,798 - INFO - CLOSED short at 2073.11 | PnL: -0.08% | $-0.35 +2025-03-10 13:12:40,802 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.728917857143 | Take profit: 2104.2299482142857 +2025-03-10 13:12:40,820 - INFO - CLOSED long at 2072.7 | PnL: -0.02% | $-0.23 +2025-03-10 13:12:40,821 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.0790321428567 | Take profit: 2041.586201785714 +2025-03-10 13:12:40,875 - INFO - CLOSED short at 2074.29 | PnL: -0.08% | $-0.33 +2025-03-10 13:12:40,876 - INFO - OPENED LONG at 2074.29 | Stop loss: 2063.903017857143 | Take profit: 2105.4276482142855 +2025-03-10 13:12:40,958 - INFO - CLOSED long at 2070.4 | PnL: -0.19% | $-0.54 +2025-03-10 13:12:41,139 - INFO - OPENED SHORT at 2065.49 | Stop loss: 2075.832982142857 | Take profit: 2034.4843517857141 +2025-03-10 13:12:41,160 - INFO - CLOSED short at 2063.61 | PnL: 0.09% | $-0.02 +2025-03-10 13:12:41,177 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.918167857143 | Take profit: 2096.262198214286 +2025-03-10 13:12:41,230 - INFO - CLOSED long at 2068.8 | PnL: 0.17% | $0.13 +2025-03-10 13:12:41,306 - INFO - OPENED LONG at 2067.59 | Stop loss: 2057.236517857143 | Take profit: 2098.6271482142856 +2025-03-10 13:12:41,338 - INFO - CLOSED long at 2069.2 | PnL: 0.08% | $-0.04 +2025-03-10 13:12:41,344 - INFO - OPENED SHORT at 2069.2 | Stop loss: 2079.561532142857 | Take profit: 2038.1387017857141 +2025-03-10 13:12:41,405 - INFO - CLOSED short at 2071.59 | PnL: -0.12% | $-0.40 +2025-03-10 13:12:41,493 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.0489821428573 | Take profit: 2037.6363517857144 +2025-03-10 13:12:41,659 - INFO - CLOSED short at 2064.47 | PnL: 0.20% | $0.19 +2025-03-10 13:12:41,849 - INFO - OPENED SHORT at 2065.83 | Stop loss: 2076.174682142857 | Take profit: 2034.8192517857142 +2025-03-10 13:12:41,866 - INFO - CLOSED short at 2066.15 | PnL: -0.02% | $-0.21 +2025-03-10 13:12:41,866 - INFO - OPENED LONG at 2066.15 | Stop loss: 2055.803717857143 | Take profit: 2097.1655482142855 +2025-03-10 13:12:41,930 - INFO - CLOSED long at 2061.78 | PnL: -0.21% | $-0.58 +2025-03-10 13:12:41,930 - INFO - OPENED SHORT at 2061.78 | Stop loss: 2072.104432142857 | Take profit: 2030.8300017857146 +2025-03-10 13:12:42,029 - INFO - CLOSED short at 2066.24 | PnL: -0.22% | $-0.58 +2025-03-10 13:12:42,060 - INFO - OPENED LONG at 2067.1 | Stop loss: 2056.748967857143 | Take profit: 2098.1297982142855 +2025-03-10 13:12:42,090 - INFO - CLOSED long at 2065.54 | PnL: -0.08% | $-0.32 +2025-03-10 13:12:42,090 - INFO - OPENED SHORT at 2065.54 | Stop loss: 2075.883232142857 | Take profit: 2034.5336017857142 +2025-03-10 13:12:42,118 - INFO - CLOSED short at 2066.09 | PnL: -0.03% | $-0.23 +2025-03-10 13:12:42,118 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.744017857143 | Take profit: 2097.1046482142856 +2025-03-10 13:12:42,196 - INFO - CLOSED long at 2062.71 | PnL: -0.16% | $-0.48 +2025-03-10 13:12:42,235 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.5600178571426 | Take profit: 2093.8566482142855 +2025-03-10 13:12:42,272 - INFO - CLOSED long at 2063.5 | PnL: 0.03% | $-0.13 +2025-03-10 13:12:42,312 - INFO - OPENED LONG at 2060.9 | Stop loss: 2050.579967857143 | Take profit: 2091.836798214286 +2025-03-10 13:12:42,346 - INFO - CLOSED long at 2058.89 | PnL: -0.10% | $-0.36 +2025-03-10 13:12:42,394 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.992917857143 | Take profit: 2091.237948214286 +2025-03-10 13:12:42,430 - INFO - CLOSED long at 2064.7 | PnL: 0.21% | $0.20 +2025-03-10 13:12:42,431 - INFO - OPENED SHORT at 2064.7 | Stop loss: 2075.039032142857 | Take profit: 2033.706201785714 +2025-03-10 13:12:42,460 - INFO - CLOSED short at 2062.61 | PnL: 0.10% | $0.00 +2025-03-10 13:12:42,524 - INFO - OPENED SHORT at 2060.3 | Stop loss: 2070.617032142857 | Take profit: 2029.3722017857144 +2025-03-10 13:12:42,631 - INFO - CLOSED short at 2065.36 | PnL: -0.25% | $-0.62 +2025-03-10 13:12:42,673 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.0575178571426 | Take profit: 2094.3641482142853 +2025-03-10 13:12:42,977 - INFO - CLOSED long at 2059.96 | PnL: -0.17% | $-0.48 +2025-03-10 13:12:42,977 - INFO - OPENED SHORT at 2059.96 | Stop loss: 2070.275332142857 | Take profit: 2029.0373017857144 +2025-03-10 13:12:43,003 - INFO - CLOSED short at 2059.46 | PnL: 0.02% | $-0.14 +2025-03-10 13:12:43,003 - INFO - OPENED LONG at 2059.46 | Stop loss: 2049.147167857143 | Take profit: 2090.375198214286 +2025-03-10 13:12:43,070 - INFO - CLOSED long at 2056.28 | PnL: -0.15% | $-0.45 +2025-03-10 13:12:43,152 - INFO - OPENED SHORT at 2058.15 | Stop loss: 2068.4562821428576 | Take profit: 2027.2544517857145 +2025-03-10 13:12:43,214 - INFO - CLOSED short at 2061.5 | PnL: -0.16% | $-0.47 +2025-03-10 13:12:43,215 - INFO - OPENED LONG at 2061.5 | Stop loss: 2051.1769678571427 | Take profit: 2092.445798214286 +2025-03-10 13:12:43,290 - INFO - CLOSED long at 2062.69 | PnL: 0.06% | $-0.07 +2025-03-10 13:12:43,290 - INFO - OPENED SHORT at 2062.69 | Stop loss: 2073.018982142857 | Take profit: 2031.7263517857143 +2025-03-10 13:12:43,321 - INFO - CLOSED short at 2063.4 | PnL: -0.03% | $-0.24 +2025-03-10 13:12:43,321 - INFO - OPENED LONG at 2063.4 | Stop loss: 2053.0674678571427 | Take profit: 2094.374298214286 +2025-03-10 13:12:43,380 - INFO - CLOSED long at 2066.01 | PnL: 0.13% | $0.05 +2025-03-10 13:12:43,450 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.982817857143 | Take profit: 2097.348248214286 +2025-03-10 13:12:43,487 - INFO - CLOSED long at 2066.79 | PnL: 0.02% | $-0.14 +2025-03-10 13:12:43,527 - INFO - OPENED LONG at 2067.01 | Stop loss: 2056.659417857143 | Take profit: 2098.038448214286 +2025-03-10 13:12:43,595 - INFO - CLOSED long at 2074.3 | PnL: 0.35% | $0.44 +2025-03-10 13:12:43,630 - INFO - OPENED LONG at 2075.01 | Stop loss: 2064.619417857143 | Take profit: 2106.158448214286 +2025-03-10 13:12:43,687 - INFO - CLOSED long at 2071.04 | PnL: -0.19% | $-0.51 +2025-03-10 13:12:43,687 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.4107321428573 | Take profit: 2039.9511017857142 +2025-03-10 13:12:43,725 - INFO - CLOSED short at 2070.01 | PnL: 0.05% | $-0.09 +2025-03-10 13:12:43,726 - INFO - OPENED LONG at 2070.01 | Stop loss: 2059.6444178571433 | Take profit: 2101.083448214286 +2025-03-10 13:12:43,789 - INFO - CLOSED long at 2073.23 | PnL: 0.16% | $0.10 +2025-03-10 13:12:43,823 - INFO - OPENED LONG at 2070.0 | Stop loss: 2059.634467857143 | Take profit: 2101.0732982142854 +2025-03-10 13:12:43,990 - INFO - CLOSED long at 2069.87 | PnL: -0.01% | $-0.19 +2025-03-10 13:12:43,990 - INFO - OPENED SHORT at 2069.87 | Stop loss: 2080.234882142857 | Take profit: 2038.7986517857141 +2025-03-10 13:12:44,006 - INFO - CLOSED short at 2067.33 | PnL: 0.12% | $0.04 +2025-03-10 13:12:44,007 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.977817857143 | Take profit: 2098.3632482142857 +2025-03-10 13:12:44,134 - INFO - CLOSED long at 2063.97 | PnL: -0.16% | $-0.46 +2025-03-10 13:12:44,222 - INFO - OPENED LONG at 2064.4 | Stop loss: 2054.062467857143 | Take profit: 2095.3892982142856 +2025-03-10 13:12:44,261 - INFO - CLOSED long at 2065.5 | PnL: 0.05% | $-0.08 +2025-03-10 13:12:44,261 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.843032142857 | Take profit: 2034.4942017857143 +2025-03-10 13:12:44,293 - INFO - CLOSED short at 2065.29 | PnL: 0.01% | $-0.16 +2025-03-10 13:12:44,313 - INFO - OPENED LONG at 2065.31 | Stop loss: 2054.9679178571428 | Take profit: 2096.3129482142854 +2025-03-10 13:12:44,490 - INFO - CLOSED long at 2070.7 | PnL: 0.26% | $0.28 +2025-03-10 13:12:44,490 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.069032142857 | Take profit: 2039.6162017857139 +2025-03-10 13:12:44,510 - INFO - CLOSED short at 2070.8 | PnL: -0.00% | $-0.18 +2025-03-10 13:12:44,510 - INFO - OPENED LONG at 2070.8 | Stop loss: 2060.430467857143 | Take profit: 2101.885298214286 +2025-03-10 13:12:44,632 - INFO - CLOSED long at 2068.19 | PnL: -0.13% | $-0.39 +2025-03-10 13:12:44,653 - INFO - OPENED LONG at 2068.67 | Stop loss: 2058.311117857143 | Take profit: 2099.723348214286 +2025-03-10 13:12:44,671 - INFO - CLOSED long at 2070.67 | PnL: 0.10% | $-0.01 +2025-03-10 13:12:44,731 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.982617857143 | Take profit: 2105.508848214286 +2025-03-10 13:12:44,771 - INFO - CLOSED long at 2074.35 | PnL: -0.00% | $-0.17 +2025-03-10 13:12:44,772 - INFO - OPENED SHORT at 2074.35 | Stop loss: 2084.7372821428567 | Take profit: 2043.2114517857142 +2025-03-10 13:12:44,849 - INFO - CLOSED short at 2075.29 | PnL: -0.05% | $-0.25 +2025-03-10 13:12:44,849 - INFO - OPENED LONG at 2075.29 | Stop loss: 2064.898017857143 | Take profit: 2106.442648214286 +2025-03-10 13:12:45,058 - INFO - CLOSED long at 2067.9 | PnL: -0.36% | $-0.79 +2025-03-10 13:12:45,076 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.052467857143 | Take profit: 2097.4192982142854 +2025-03-10 13:12:45,129 - INFO - CLOSED long at 2065.45 | PnL: -0.05% | $-0.25 +2025-03-10 13:12:45,151 - INFO - OPENED LONG at 2068.1 | Stop loss: 2057.7439678571427 | Take profit: 2099.1447982142854 +2025-03-10 13:12:45,231 - INFO - CLOSED long at 2067.19 | PnL: -0.04% | $-0.25 +2025-03-10 13:12:45,232 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.541482142857 | Take profit: 2036.1588517857142 +2025-03-10 13:12:45,262 - INFO - CLOSED short at 2065.5 | PnL: 0.08% | $-0.03 +2025-03-10 13:12:45,262 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1569678571427 | Take profit: 2096.5057982142857 +2025-03-10 13:12:45,297 - INFO - CLOSED long at 2065.7 | PnL: 0.01% | $-0.15 +2025-03-10 13:12:45,327 - INFO - OPENED SHORT at 2065.8 | Stop loss: 2076.1445321428573 | Take profit: 2034.7897017857144 +2025-03-10 13:12:45,437 - INFO - CLOSED short at 2062.34 | PnL: 0.17% | $0.11 +2025-03-10 13:12:45,439 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.012767857143 | Take profit: 2093.2983982142855 +2025-03-10 13:12:45,455 - INFO - CLOSED long at 2063.98 | PnL: 0.08% | $-0.03 +2025-03-10 13:12:45,456 - INFO - OPENED SHORT at 2063.98 | Stop loss: 2074.315432142857 | Take profit: 2032.9970017857142 +2025-03-10 13:12:45,475 - INFO - CLOSED short at 2066.1 | PnL: -0.10% | $-0.34 +2025-03-10 13:12:45,475 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.753967857143 | Take profit: 2097.1147982142857 +2025-03-10 13:12:45,551 - INFO - CLOSED long at 2066.33 | PnL: 0.01% | $-0.15 +2025-03-10 13:12:45,610 - INFO - OPENED SHORT at 2060.2 | Stop loss: 2070.5165321428567 | Take profit: 2029.2737017857141 +2025-03-10 13:12:45,661 - INFO - CLOSED short at 2058.09 | PnL: 0.10% | $0.00 +2025-03-10 13:12:45,753 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.729417857143 | Take profit: 2083.828448214286 +2025-03-10 13:12:45,786 - INFO - CLOSED long at 2049.21 | PnL: -0.19% | $-0.48 +2025-03-10 13:12:45,786 - INFO - OPENED SHORT at 2049.21 | Stop loss: 2059.471582142857 | Take profit: 2018.4485517857142 +2025-03-10 13:12:45,857 - INFO - CLOSED short at 2058.3 | PnL: -0.44% | $-0.91 +2025-03-10 13:12:45,874 - INFO - OPENED LONG at 2056.85 | Stop loss: 2046.5502178571428 | Take profit: 2087.7260482142856 +2025-03-10 13:12:45,892 - INFO - CLOSED long at 2057.11 | PnL: 0.01% | $-0.14 +2025-03-10 13:12:45,892 - INFO - OPENED SHORT at 2057.11 | Stop loss: 2067.411082142857 | Take profit: 2026.2300517857145 +2025-03-10 13:12:45,912 - INFO - CLOSED short at 2057.89 | PnL: -0.04% | $-0.23 +2025-03-10 13:12:45,912 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.5850178571427 | Take profit: 2088.7816482142853 +2025-03-10 13:12:46,022 - INFO - CLOSED long at 2065.12 | PnL: 0.35% | $0.41 +2025-03-10 13:12:46,132 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.744067857143 | Take profit: 2095.0644982142853 +2025-03-10 13:12:46,187 - INFO - CLOSED long at 2059.9 | PnL: -0.20% | $-0.50 +2025-03-10 13:12:46,353 - INFO - OPENED LONG at 2069.81 | Stop loss: 2059.4454178571427 | Take profit: 2100.8804482142855 +2025-03-10 13:12:46,368 - INFO - CLOSED long at 2070.41 | PnL: 0.03% | $-0.12 +2025-03-10 13:12:46,370 - INFO - OPENED SHORT at 2070.41 | Stop loss: 2080.777582142857 | Take profit: 2039.3305517857143 +2025-03-10 13:12:46,422 - INFO - CLOSED short at 2072.99 | PnL: -0.12% | $-0.37 +2025-03-10 13:12:46,422 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6095178571427 | Take profit: 2104.1081482142854 +2025-03-10 13:12:46,531 - INFO - CLOSED long at 2076.08 | PnL: 0.15% | $0.08 +2025-03-10 13:12:46,592 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.116667857143 | Take profit: 2116.866698214286 +2025-03-10 13:12:46,641 - INFO - CLOSED long at 2103.02 | PnL: 0.84% | $1.21 +2025-03-10 13:12:46,641 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.550632142857 | Take profit: 2071.451401785714 +2025-03-10 13:12:46,661 - INFO - CLOSED short at 2130.7 | PnL: -1.32% | $-2.36 +2025-03-10 13:12:46,661 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.0309678571425 | Take profit: 2162.6837982142856 +2025-03-10 13:12:46,678 - INFO - CLOSED long at 2139.54 | PnL: 0.41% | $0.51 +2025-03-10 13:12:46,678 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.253232142857 | Take profit: 2107.4236017857143 +2025-03-10 13:12:46,699 - INFO - CLOSED short at 2131.78 | PnL: 0.36% | $0.43 +2025-03-10 13:12:46,700 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.105567857143 | Take profit: 2163.7799982142856 +2025-03-10 13:12:46,716 - INFO - CLOSED long at 2133.95 | PnL: 0.10% | $0.00 +2025-03-10 13:12:46,739 - INFO - OPENED LONG at 2137.59 | Stop loss: 2126.8865178571427 | Take profit: 2169.677148214286 +2025-03-10 13:12:46,775 - INFO - CLOSED long at 2141.3 | PnL: 0.17% | $0.12 +2025-03-10 13:12:46,794 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.4089321428573 | Take profit: 2110.516501785714 +2025-03-10 13:12:46,816 - INFO - CLOSED short at 2140.01 | PnL: 0.12% | $0.04 +2025-03-10 13:12:46,817 - INFO - OPENED LONG at 2140.01 | Stop loss: 2129.294417857143 | Take profit: 2172.133448214286 +2025-03-10 13:12:46,875 - INFO - STOP LOSS hit for long at 2129.294417857143 | PnL: -0.50% | $-0.99 +2025-03-10 13:12:46,910 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.647967857143 | Take profit: 2159.2327982142856 +2025-03-10 13:12:46,969 - INFO - CLOSED long at 2121.09 | PnL: -0.29% | $-0.63 +2025-03-10 13:12:46,969 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.710982142857 | Take profit: 2089.2503517857144 +2025-03-10 13:12:47,033 - INFO - CLOSED short at 2117.24 | PnL: 0.18% | $0.13 +2025-03-10 13:12:47,034 - INFO - OPENED LONG at 2117.24 | Stop loss: 2106.6382678571426 | Take profit: 2149.0218982142856 +2025-03-10 13:12:47,069 - INFO - CLOSED long at 2121.4 | PnL: 0.20% | $0.16 +2025-03-10 13:12:47,070 - INFO - OPENED SHORT at 2121.4 | Stop loss: 2132.022532142857 | Take profit: 2089.5557017857145 +2025-03-10 13:12:47,087 - INFO - CLOSED short at 2118.52 | PnL: 0.14% | $0.06 +2025-03-10 13:12:47,087 - INFO - OPENED LONG at 2118.52 | Stop loss: 2107.9118678571426 | Take profit: 2150.321098214286 +2025-03-10 13:12:47,141 - INFO - CLOSED long at 2115.28 | PnL: -0.15% | $-0.41 +2025-03-10 13:12:47,158 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8773178571428 | Take profit: 2139.0647482142854 +2025-03-10 13:12:47,228 - INFO - CLOSED long at 2112.95 | PnL: 0.26% | $0.26 +2025-03-10 13:12:47,228 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.5302821428572 | Take profit: 2081.232451785714 +2025-03-10 13:12:47,345 - INFO - CLOSED short at 2120.81 | PnL: -0.37% | $-0.76 +2025-03-10 13:12:47,399 - INFO - OPENED SHORT at 2114.8 | Stop loss: 2125.389532142857 | Take profit: 2083.0547017857143 +2025-03-10 13:12:47,446 - INFO - CLOSED short at 2108.71 | PnL: 0.29% | $0.30 +2025-03-10 13:12:47,481 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.504167857143 | Take profit: 2139.7041982142855 +2025-03-10 13:12:47,543 - INFO - CLOSED long at 2090.0 | PnL: -0.86% | $-1.53 +2025-03-10 13:12:47,543 - INFO - OPENED SHORT at 2090.0 | Stop loss: 2100.4655321428572 | Take profit: 2058.6267017857144 +2025-03-10 13:12:47,560 - INFO - CLOSED short at 2099.53 | PnL: -0.46% | $-0.87 +2025-03-10 13:12:47,560 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.016817857143 | Take profit: 2131.046248214286 +2025-03-10 13:12:47,642 - INFO - CLOSED long at 2099.25 | PnL: -0.01% | $-0.18 +2025-03-10 13:12:47,708 - INFO - OPENED LONG at 2100.69 | Stop loss: 2090.171017857143 | Take profit: 2132.2236482142857 +2025-03-10 13:12:47,770 - INFO - CLOSED long at 2106.39 | PnL: 0.27% | $0.27 +2025-03-10 13:12:47,770 - INFO - OPENED SHORT at 2106.39 | Stop loss: 2116.937482142857 | Take profit: 2074.770851785714 +2025-03-10 13:12:47,801 - INFO - CLOSED short at 2100.74 | PnL: 0.27% | $0.26 +2025-03-10 13:12:47,801 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.2207678571426 | Take profit: 2132.2743982142856 +2025-03-10 13:12:47,849 - INFO - CLOSED long at 2104.68 | PnL: 0.19% | $0.14 +2025-03-10 13:12:47,849 - INFO - OPENED SHORT at 2104.68 | Stop loss: 2115.218932142857 | Take profit: 2073.086501785714 +2025-03-10 13:12:47,919 - INFO - CLOSED short at 2098.39 | PnL: 0.30% | $0.31 +2025-03-10 13:12:47,920 - INFO - OPENED LONG at 2098.39 | Stop loss: 2087.882517857143 | Take profit: 2129.889148214286 +2025-03-10 13:12:47,935 - INFO - CLOSED long at 2095.29 | PnL: -0.15% | $-0.39 +2025-03-10 13:12:47,952 - INFO - OPENED LONG at 2093.46 | Stop loss: 2082.977167857143 | Take profit: 2124.8851982142855 +2025-03-10 13:12:48,118 - INFO - CLOSED long at 2083.28 | PnL: -0.49% | $-0.92 +2025-03-10 13:12:48,189 - INFO - OPENED LONG at 2083.97 | Stop loss: 2073.5346178571426 | Take profit: 2115.2528482142857 +2025-03-10 13:12:48,246 - INFO - CLOSED long at 2082.44 | PnL: -0.07% | $-0.27 +2025-03-10 13:12:48,246 - INFO - OPENED SHORT at 2082.44 | Stop loss: 2092.867732142857 | Take profit: 2051.180101785714 +2025-03-10 13:12:48,262 - INFO - CLOSED short at 2081.49 | PnL: 0.05% | $-0.08 +2025-03-10 13:12:48,283 - INFO - OPENED LONG at 2080.38 | Stop loss: 2069.962567857143 | Take profit: 2111.6089982142857 +2025-03-10 13:12:48,433 - INFO - CLOSED long at 2085.83 | PnL: 0.26% | $0.25 +2025-03-10 13:12:48,498 - INFO - OPENED SHORT at 2088.66 | Stop loss: 2099.1188321428567 | Take profit: 2057.306801785714 +2025-03-10 13:12:48,624 - INFO - CLOSED short at 2087.0 | PnL: 0.08% | $-0.03 +2025-03-10 13:12:48,660 - INFO - OPENED SHORT at 2087.78 | Stop loss: 2098.2344321428573 | Take profit: 2056.4400017857147 +2025-03-10 13:12:48,680 - INFO - CLOSED short at 2086.81 | PnL: 0.05% | $-0.08 +2025-03-10 13:12:48,680 - INFO - OPENED LONG at 2086.81 | Stop loss: 2076.3604178571427 | Take profit: 2118.1354482142856 +2025-03-10 13:12:48,738 - INFO - CLOSED long at 2089.2 | PnL: 0.11% | $0.02 +2025-03-10 13:12:48,759 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.520782142857 | Take profit: 2059.6609517857146 +2025-03-10 13:12:48,781 - INFO - CLOSED short at 2091.05 | PnL: 0.00% | $-0.15 +2025-03-10 13:12:49,022 - INFO - OPENED LONG at 2100.89 | Stop loss: 2090.370017857143 | Take profit: 2132.4266482142853 +2025-03-10 13:12:49,058 - INFO - CLOSED long at 2106.15 | PnL: 0.25% | $0.23 +2025-03-10 13:12:49,058 - INFO - OPENED SHORT at 2106.15 | Stop loss: 2116.6962821428574 | Take profit: 2074.5344517857143 +2025-03-10 13:12:49,108 - INFO - CLOSED short at 2103.81 | PnL: 0.11% | $0.02 +2025-03-10 13:12:49,145 - INFO - OPENED SHORT at 2101.5 | Stop loss: 2112.023032142857 | Take profit: 2069.9542017857143 +2025-03-10 13:12:49,165 - INFO - CLOSED short at 2105.83 | PnL: -0.21% | $-0.47 +2025-03-10 13:12:49,165 - INFO - OPENED LONG at 2105.83 | Stop loss: 2095.2853178571427 | Take profit: 2137.4407482142856 +2025-03-10 13:12:49,261 - INFO - Trade Analysis: Win Rate=24.2% in uptrends, 0.0% in downtrends | Avg Win=$0.21, Avg Loss=$-0.35 +2025-03-10 13:12:49,261 - INFO - Episode 5: Reward=-69.09, Balance=$77.21, Win Rate=29.2%, Trades=120, Episode PnL=$-19.19, Total PnL=$-148.91, Max Drawdown=22.6%, Pred Accuracy=99.1% +2025-03-10 13:12:49,261 - ERROR - Error in episode 5: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:12:49,261 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:12:49,286 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:12:49,578 - INFO - OPENED SHORT at 2047.4 | Stop loss: 2057.652532142857 | Take profit: 2016.6657017857144 +2025-03-10 13:12:49,596 - INFO - CLOSED short at 2047.2 | PnL: 0.01% | $-0.18 +2025-03-10 13:12:49,649 - INFO - OPENED LONG at 2045.79 | Stop loss: 2035.5455178571428 | Take profit: 2076.5001482142857 +2025-03-10 13:12:49,857 - INFO - CLOSED long at 2053.26 | PnL: 0.37% | $0.53 +2025-03-10 13:12:49,897 - INFO - OPENED SHORT at 2051.89 | Stop loss: 2062.164982142857 | Take profit: 2021.0883517857142 +2025-03-10 13:12:49,978 - INFO - CLOSED short at 2055.69 | PnL: -0.19% | $-0.57 +2025-03-10 13:12:50,076 - INFO - OPENED SHORT at 2060.13 | Stop loss: 2070.446182142857 | Take profit: 2029.2047517857145 +2025-03-10 13:12:50,096 - INFO - CLOSED short at 2059.7 | PnL: 0.02% | $-0.16 +2025-03-10 13:12:50,096 - INFO - OPENED LONG at 2059.7 | Stop loss: 2049.3859678571425 | Take profit: 2090.6187982142856 +2025-03-10 13:12:50,120 - INFO - CLOSED long at 2061.49 | PnL: 0.09% | $-0.03 +2025-03-10 13:12:50,201 - INFO - OPENED LONG at 2061.61 | Stop loss: 2051.286417857143 | Take profit: 2092.557448214286 +2025-03-10 13:12:50,280 - INFO - CLOSED long at 2060.99 | PnL: -0.03% | $-0.26 +2025-03-10 13:12:50,434 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.627082142857 | Take profit: 2029.3820517857143 +2025-03-10 13:12:50,472 - INFO - CLOSED short at 2057.8 | PnL: 0.12% | $0.04 +2025-03-10 13:12:50,472 - INFO - OPENED LONG at 2057.8 | Stop loss: 2047.495467857143 | Take profit: 2088.6902982142856 +2025-03-10 13:12:50,511 - INFO - CLOSED long at 2057.94 | PnL: 0.01% | $-0.18 +2025-03-10 13:12:50,531 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.803917857143 | Take profit: 2089.004948214286 +2025-03-10 13:12:50,547 - INFO - CLOSED long at 2061.79 | PnL: 0.18% | $0.16 +2025-03-10 13:12:50,547 - INFO - OPENED SHORT at 2061.79 | Stop loss: 2072.1144821428575 | Take profit: 2030.8398517857142 +2025-03-10 13:12:50,565 - INFO - CLOSED short at 2061.18 | PnL: 0.03% | $-0.14 +2025-03-10 13:12:50,565 - INFO - OPENED LONG at 2061.18 | Stop loss: 2050.8585678571426 | Take profit: 2092.1209982142855 +2025-03-10 13:12:50,602 - INFO - CLOSED long at 2065.86 | PnL: 0.23% | $0.25 +2025-03-10 13:12:50,621 - INFO - OPENED LONG at 2070.58 | Stop loss: 2060.2115678571427 | Take profit: 2101.6619982142856 +2025-03-10 13:12:50,672 - INFO - CLOSED long at 2068.29 | PnL: -0.11% | $-0.42 +2025-03-10 13:12:50,673 - INFO - OPENED SHORT at 2068.29 | Stop loss: 2078.646982142857 | Take profit: 2037.2423517857142 +2025-03-10 13:12:50,835 - INFO - CLOSED short at 2068.99 | PnL: -0.03% | $-0.26 +2025-03-10 13:12:50,852 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.255032142857 | Take profit: 2036.8582017857143 +2025-03-10 13:12:50,878 - INFO - CLOSED short at 2067.69 | PnL: 0.01% | $-0.18 +2025-03-10 13:12:50,878 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.336017857143 | Take profit: 2098.7286482142854 +2025-03-10 13:12:50,916 - INFO - CLOSED long at 2071.44 | PnL: 0.18% | $0.16 +2025-03-10 13:12:50,918 - INFO - OPENED SHORT at 2071.44 | Stop loss: 2081.8127321428574 | Take profit: 2040.3451017857144 +2025-03-10 13:12:50,990 - INFO - CLOSED short at 2072.33 | PnL: -0.04% | $-0.28 +2025-03-10 13:12:51,028 - INFO - OPENED LONG at 2071.41 | Stop loss: 2061.037417857143 | Take profit: 2102.5044482142857 +2025-03-10 13:12:51,171 - INFO - CLOSED long at 2070.28 | PnL: -0.05% | $-0.30 +2025-03-10 13:12:51,171 - INFO - OPENED SHORT at 2070.28 | Stop loss: 2080.646932142857 | Take profit: 2039.2025017857145 +2025-03-10 13:12:51,252 - INFO - CLOSED short at 2070.36 | PnL: -0.00% | $-0.20 +2025-03-10 13:12:51,254 - INFO - OPENED LONG at 2070.36 | Stop loss: 2059.992667857143 | Take profit: 2101.438698214286 +2025-03-10 13:12:51,307 - INFO - CLOSED long at 2069.34 | PnL: -0.05% | $-0.29 +2025-03-10 13:12:51,307 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.702232142857 | Take profit: 2038.2766017857143 +2025-03-10 13:12:51,344 - INFO - CLOSED short at 2068.8 | PnL: 0.03% | $-0.14 +2025-03-10 13:12:51,344 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.440467857143 | Take profit: 2099.855298214286 +2025-03-10 13:12:51,469 - INFO - CLOSED long at 2066.19 | PnL: -0.13% | $-0.44 +2025-03-10 13:12:51,530 - INFO - OPENED LONG at 2065.08 | Stop loss: 2054.739067857143 | Take profit: 2096.0794982142856 +2025-03-10 13:12:51,557 - INFO - CLOSED long at 2066.18 | PnL: 0.05% | $-0.09 +2025-03-10 13:12:51,557 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.526432142857 | Take profit: 2035.1640017857142 +2025-03-10 13:12:51,675 - INFO - CLOSED short at 2069.7 | PnL: -0.17% | $-0.52 +2025-03-10 13:12:51,675 - INFO - OPENED LONG at 2069.7 | Stop loss: 2059.335967857143 | Take profit: 2100.7687982142857 +2025-03-10 13:12:51,721 - INFO - CLOSED long at 2069.96 | PnL: 0.01% | $-0.17 +2025-03-10 13:12:51,722 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.3253321428574 | Take profit: 2038.8873017857145 +2025-03-10 13:12:51,801 - INFO - CLOSED short at 2072.75 | PnL: -0.13% | $-0.45 +2025-03-10 13:12:51,802 - INFO - OPENED LONG at 2072.75 | Stop loss: 2062.3707178571426 | Take profit: 2103.864548214286 +2025-03-10 13:12:51,841 - INFO - CLOSED long at 2072.7 | PnL: -0.00% | $-0.19 +2025-03-10 13:12:51,842 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.0790321428567 | Take profit: 2041.586201785714 +2025-03-10 13:12:51,878 - INFO - CLOSED short at 2072.15 | PnL: 0.03% | $-0.14 +2025-03-10 13:12:51,878 - INFO - OPENED LONG at 2072.15 | Stop loss: 2061.773717857143 | Take profit: 2103.2555482142857 +2025-03-10 13:12:52,092 - INFO - CLOSED long at 2068.32 | PnL: -0.18% | $-0.54 +2025-03-10 13:12:52,092 - INFO - OPENED SHORT at 2068.32 | Stop loss: 2078.6771321428573 | Take profit: 2037.2719017857144 +2025-03-10 13:12:52,269 - INFO - CLOSED short at 2068.58 | PnL: -0.01% | $-0.21 +2025-03-10 13:12:52,299 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.440467857143 | Take profit: 2099.855298214286 +2025-03-10 13:12:52,328 - INFO - CLOSED long at 2069.34 | PnL: 0.03% | $-0.14 +2025-03-10 13:12:52,418 - INFO - OPENED LONG at 2069.2 | Stop loss: 2058.8384678571424 | Take profit: 2100.2612982142855 +2025-03-10 13:12:52,524 - INFO - CLOSED long at 2068.5 | PnL: -0.03% | $-0.25 +2025-03-10 13:12:52,541 - INFO - OPENED LONG at 2068.69 | Stop loss: 2058.331017857143 | Take profit: 2099.7436482142857 +2025-03-10 13:12:52,614 - INFO - CLOSED long at 2066.4 | PnL: -0.11% | $-0.39 +2025-03-10 13:12:52,614 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.7475321428574 | Take profit: 2035.3807017857143 +2025-03-10 13:12:52,631 - INFO - CLOSED short at 2066.1 | PnL: 0.01% | $-0.16 +2025-03-10 13:12:52,663 - INFO - OPENED SHORT at 2065.28 | Stop loss: 2075.621932142857 | Take profit: 2034.2775017857145 +2025-03-10 13:12:52,953 - INFO - CLOSED short at 2062.65 | PnL: 0.13% | $0.05 +2025-03-10 13:12:52,953 - INFO - OPENED LONG at 2062.65 | Stop loss: 2052.321217857143 | Take profit: 2093.6130482142858 +2025-03-10 13:12:52,969 - INFO - CLOSED long at 2061.78 | PnL: -0.04% | $-0.27 +2025-03-10 13:12:52,986 - INFO - OPENED SHORT at 2059.59 | Stop loss: 2069.9034821428572 | Take profit: 2028.6728517857146 +2025-03-10 13:12:53,031 - INFO - CLOSED short at 2063.59 | PnL: -0.19% | $-0.55 +2025-03-10 13:12:53,031 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.256517857143 | Take profit: 2094.567148214286 +2025-03-10 13:12:53,119 - INFO - CLOSED long at 2067.1 | PnL: 0.17% | $0.13 +2025-03-10 13:12:53,208 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.1122178571427 | Take profit: 2095.4400482142855 +2025-03-10 13:12:53,254 - INFO - CLOSED long at 2062.71 | PnL: -0.08% | $-0.34 +2025-03-10 13:12:53,356 - INFO - OPENED LONG at 2060.65 | Stop loss: 2050.3312178571427 | Take profit: 2091.583048214286 +2025-03-10 13:12:53,395 - INFO - CLOSED long at 2059.3 | PnL: -0.07% | $-0.31 +2025-03-10 13:12:53,411 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.992917857143 | Take profit: 2091.237948214286 +2025-03-10 13:12:53,434 - INFO - CLOSED long at 2061.8 | PnL: 0.07% | $-0.05 +2025-03-10 13:12:53,435 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.1245321428573 | Take profit: 2030.8497017857144 +2025-03-10 13:12:53,470 - INFO - CLOSED short at 2064.7 | PnL: -0.14% | $-0.44 +2025-03-10 13:12:53,470 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.360967857143 | Take profit: 2095.6937982142854 +2025-03-10 13:12:53,499 - INFO - CLOSED long at 2062.61 | PnL: -0.10% | $-0.37 +2025-03-10 13:12:53,499 - INFO - OPENED SHORT at 2062.61 | Stop loss: 2072.9385821428573 | Take profit: 2031.6475517857143 +2025-03-10 13:12:53,559 - INFO - CLOSED short at 2060.3 | PnL: 0.11% | $0.02 +2025-03-10 13:12:53,559 - INFO - OPENED LONG at 2060.3 | Stop loss: 2049.982967857143 | Take profit: 2091.227798214286 +2025-03-10 13:12:53,696 - INFO - CLOSED long at 2063.39 | PnL: 0.15% | $0.09 +2025-03-10 13:12:53,696 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.722482142857 | Take profit: 2032.415851785714 +2025-03-10 13:12:53,737 - INFO - CLOSED short at 2065.89 | PnL: -0.12% | $-0.40 +2025-03-10 13:12:53,738 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.5450178571427 | Take profit: 2096.9016482142856 +2025-03-10 13:12:53,775 - INFO - CLOSED long at 2063.0 | PnL: -0.14% | $-0.44 +2025-03-10 13:12:53,812 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5650178571427 | Take profit: 2092.841648214285 +2025-03-10 13:12:54,047 - INFO - CLOSED long at 2059.46 | PnL: -0.12% | $-0.39 +2025-03-10 13:12:54,083 - INFO - OPENED LONG at 2058.28 | Stop loss: 2047.9730678571432 | Take profit: 2089.177498214286 +2025-03-10 13:12:54,121 - INFO - CLOSED long at 2055.6 | PnL: -0.13% | $-0.41 +2025-03-10 13:12:54,121 - INFO - OPENED SHORT at 2055.6 | Stop loss: 2065.893532142857 | Take profit: 2024.7427017857142 +2025-03-10 13:12:54,141 - INFO - CLOSED short at 2054.89 | PnL: 0.03% | $-0.12 +2025-03-10 13:12:54,141 - INFO - OPENED LONG at 2054.89 | Stop loss: 2044.6000178571428 | Take profit: 2085.736648214285 +2025-03-10 13:12:54,192 - INFO - CLOSED long at 2058.15 | PnL: 0.16% | $0.10 +2025-03-10 13:12:54,313 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6220321428573 | Take profit: 2030.3572017857146 +2025-03-10 13:12:54,342 - INFO - CLOSED short at 2062.69 | PnL: -0.07% | $-0.30 +2025-03-10 13:12:54,342 - INFO - OPENED LONG at 2062.69 | Stop loss: 2052.361017857143 | Take profit: 2093.6536482142856 +2025-03-10 13:12:54,403 - INFO - CLOSED long at 2066.36 | PnL: 0.18% | $0.14 +2025-03-10 13:12:54,403 - INFO - OPENED SHORT at 2066.36 | Stop loss: 2076.7073321428575 | Take profit: 2035.3413017857144 +2025-03-10 13:12:54,450 - INFO - CLOSED short at 2063.9 | PnL: 0.12% | $0.03 +2025-03-10 13:12:54,450 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.564967857143 | Take profit: 2094.881798214286 +2025-03-10 13:12:54,470 - INFO - CLOSED long at 2064.49 | PnL: 0.03% | $-0.13 +2025-03-10 13:12:54,488 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.982817857143 | Take profit: 2097.348248214286 +2025-03-10 13:12:54,542 - INFO - CLOSED long at 2067.33 | PnL: 0.05% | $-0.09 +2025-03-10 13:12:54,569 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.346017857143 | Take profit: 2096.6986482142856 +2025-03-10 13:12:54,627 - INFO - CLOSED long at 2074.3 | PnL: 0.42% | $0.56 +2025-03-10 13:12:54,661 - INFO - OPENED LONG at 2078.01 | Stop loss: 2067.604417857143 | Take profit: 2109.203448214286 +2025-03-10 13:12:54,808 - INFO - CLOSED long at 2071.6 | PnL: -0.31% | $-0.73 +2025-03-10 13:12:54,851 - INFO - OPENED LONG at 2070.0 | Stop loss: 2059.634467857143 | Take profit: 2101.0732982142854 +2025-03-10 13:12:54,896 - INFO - CLOSED long at 2068.39 | PnL: -0.08% | $-0.32 +2025-03-10 13:12:54,937 - INFO - OPENED LONG at 2069.03 | Stop loss: 2058.669317857143 | Take profit: 2100.088748214286 +2025-03-10 13:12:54,973 - INFO - CLOSED long at 2068.79 | PnL: -0.01% | $-0.20 +2025-03-10 13:12:54,974 - INFO - OPENED SHORT at 2068.79 | Stop loss: 2079.149482142857 | Take profit: 2037.7348517857142 +2025-03-10 13:12:54,992 - INFO - CLOSED short at 2072.99 | PnL: -0.20% | $-0.54 +2025-03-10 13:12:54,992 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6095178571427 | Take profit: 2104.1081482142854 +2025-03-10 13:12:55,073 - INFO - CLOSED long at 2067.33 | PnL: -0.27% | $-0.66 +2025-03-10 13:12:55,103 - INFO - OPENED SHORT at 2066.38 | Stop loss: 2076.7274321428577 | Take profit: 2035.3610017857145 +2025-03-10 13:12:55,136 - INFO - CLOSED short at 2065.7 | PnL: 0.03% | $-0.12 +2025-03-10 13:12:55,164 - INFO - OPENED SHORT at 2065.66 | Stop loss: 2076.003832142857 | Take profit: 2034.651801785714 +2025-03-10 13:12:55,201 - INFO - CLOSED short at 2063.95 | PnL: 0.08% | $-0.03 +2025-03-10 13:12:55,202 - INFO - OPENED LONG at 2063.95 | Stop loss: 2053.6147178571428 | Take profit: 2094.932548214286 +2025-03-10 13:12:55,248 - INFO - CLOSED long at 2064.5 | PnL: 0.03% | $-0.13 +2025-03-10 13:12:55,271 - INFO - OPENED LONG at 2065.3 | Stop loss: 2054.957967857143 | Take profit: 2096.3027982142858 +2025-03-10 13:12:55,290 - INFO - CLOSED long at 2064.4 | PnL: -0.04% | $-0.25 +2025-03-10 13:12:55,292 - INFO - OPENED SHORT at 2064.4 | Stop loss: 2074.7375321428576 | Take profit: 2033.4107017857145 +2025-03-10 13:12:55,309 - INFO - CLOSED short at 2064.31 | PnL: 0.00% | $-0.17 +2025-03-10 13:12:55,331 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1569678571427 | Take profit: 2096.5057982142857 +2025-03-10 13:12:55,349 - INFO - CLOSED long at 2067.53 | PnL: 0.10% | $-0.00 +2025-03-10 13:12:55,349 - INFO - OPENED SHORT at 2067.53 | Stop loss: 2077.883182142857 | Take profit: 2036.4937517857145 +2025-03-10 13:12:55,369 - INFO - CLOSED short at 2065.29 | PnL: 0.11% | $0.01 +2025-03-10 13:12:55,369 - INFO - OPENED LONG at 2065.29 | Stop loss: 2054.948017857143 | Take profit: 2096.2926482142857 +2025-03-10 13:12:55,392 - INFO - CLOSED long at 2065.31 | PnL: 0.00% | $-0.17 +2025-03-10 13:12:55,392 - INFO - OPENED SHORT at 2065.31 | Stop loss: 2075.652082142857 | Take profit: 2034.3070517857143 +2025-03-10 13:12:55,430 - INFO - CLOSED short at 2066.5 | PnL: -0.06% | $-0.27 +2025-03-10 13:12:55,430 - INFO - OPENED LONG at 2066.5 | Stop loss: 2056.1519678571426 | Take profit: 2097.5207982142856 +2025-03-10 13:12:55,555 - INFO - CLOSED long at 2071.35 | PnL: 0.23% | $0.23 +2025-03-10 13:12:55,555 - INFO - OPENED SHORT at 2071.35 | Stop loss: 2081.722282142857 | Take profit: 2040.2564517857143 +2025-03-10 13:12:55,589 - INFO - CLOSED short at 2070.9 | PnL: 0.02% | $-0.14 +2025-03-10 13:12:55,590 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.529967857143 | Take profit: 2101.986798214286 +2025-03-10 13:12:55,683 - INFO - CLOSED long at 2070.35 | PnL: -0.03% | $-0.22 +2025-03-10 13:12:55,705 - INFO - OPENED LONG at 2070.61 | Stop loss: 2060.241417857143 | Take profit: 2101.692448214286 +2025-03-10 13:12:55,760 - INFO - CLOSED long at 2068.67 | PnL: -0.09% | $-0.33 +2025-03-10 13:12:55,817 - INFO - OPENED LONG at 2071.61 | Stop loss: 2061.236417857143 | Take profit: 2102.7074482142857 +2025-03-10 13:12:55,903 - INFO - CLOSED long at 2074.35 | PnL: 0.13% | $0.06 +2025-03-10 13:12:55,933 - INFO - OPENED LONG at 2073.27 | Stop loss: 2062.888117857143 | Take profit: 2104.3923482142854 +2025-03-10 13:12:55,961 - INFO - CLOSED long at 2073.99 | PnL: 0.03% | $-0.11 +2025-03-10 13:12:55,961 - INFO - OPENED SHORT at 2073.99 | Stop loss: 2084.375482142857 | Take profit: 2042.856851785714 +2025-03-10 13:12:56,027 - INFO - CLOSED short at 2075.29 | PnL: -0.06% | $-0.28 +2025-03-10 13:12:56,027 - INFO - OPENED LONG at 2075.29 | Stop loss: 2064.898017857143 | Take profit: 2106.442648214286 +2025-03-10 13:12:56,046 - INFO - CLOSED long at 2076.9 | PnL: 0.08% | $-0.04 +2025-03-10 13:12:56,068 - INFO - OPENED LONG at 2075.61 | Stop loss: 2065.216417857143 | Take profit: 2106.7674482142857 +2025-03-10 13:12:56,105 - INFO - CLOSED long at 2072.09 | PnL: -0.17% | $-0.46 +2025-03-10 13:12:56,164 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.350532142857 | Take profit: 2035.9717017857142 +2025-03-10 13:12:56,200 - INFO - CLOSED short at 2066.4 | PnL: 0.03% | $-0.12 +2025-03-10 13:12:56,200 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.052467857143 | Take profit: 2097.4192982142854 +2025-03-10 13:12:56,435 - INFO - CLOSED long at 2065.5 | PnL: -0.04% | $-0.24 +2025-03-10 13:12:56,510 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.744017857143 | Take profit: 2097.1046482142856 +2025-03-10 13:12:56,634 - INFO - CLOSED long at 2064.5 | PnL: -0.08% | $-0.30 +2025-03-10 13:12:56,634 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.838032142857 | Take profit: 2033.5092017857144 +2025-03-10 13:12:56,668 - INFO - CLOSED short at 2066.33 | PnL: -0.09% | $-0.32 +2025-03-10 13:12:56,668 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.982817857143 | Take profit: 2097.348248214286 +2025-03-10 13:12:56,871 - INFO - STOP LOSS hit for long at 2055.982817857143 | PnL: -0.50% | $-1.01 +2025-03-10 13:12:56,907 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.2369678571429 | Take profit: 2080.2657982142855 +2025-03-10 13:12:56,976 - INFO - CLOSED long at 2057.11 | PnL: 0.37% | $0.45 +2025-03-10 13:12:56,995 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.5850178571427 | Take profit: 2088.7816482142853 +2025-03-10 13:12:57,061 - INFO - CLOSED long at 2065.1 | PnL: 0.35% | $0.42 +2025-03-10 13:12:57,063 - INFO - OPENED SHORT at 2065.1 | Stop loss: 2075.4410321428572 | Take profit: 2034.1002017857143 +2025-03-10 13:12:57,091 - INFO - CLOSED short at 2062.43 | PnL: 0.13% | $0.05 +2025-03-10 13:12:57,208 - INFO - OPENED LONG at 2067.49 | Stop loss: 2057.137017857143 | Take profit: 2098.5256482142854 +2025-03-10 13:12:57,322 - INFO - CLOSED long at 2061.84 | PnL: -0.27% | $-0.63 +2025-03-10 13:12:57,322 - INFO - OPENED SHORT at 2061.84 | Stop loss: 2072.1647321428572 | Take profit: 2030.8891017857145 +2025-03-10 13:12:57,338 - INFO - CLOSED short at 2062.54 | PnL: -0.03% | $-0.22 +2025-03-10 13:12:57,357 - INFO - OPENED SHORT at 2065.72 | Stop loss: 2076.064132142857 | Take profit: 2034.7109017857142 +2025-03-10 13:12:57,372 - INFO - CLOSED short at 2070.31 | PnL: -0.22% | $-0.53 +2025-03-10 13:12:57,433 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.1745821428567 | Take profit: 2038.7395517857142 +2025-03-10 13:12:57,466 - INFO - CLOSED short at 2070.41 | PnL: -0.03% | $-0.21 +2025-03-10 13:12:57,467 - INFO - OPENED LONG at 2070.41 | Stop loss: 2060.042417857143 | Take profit: 2101.489448214286 +2025-03-10 13:12:57,614 - INFO - CLOSED long at 2071.8 | PnL: 0.07% | $-0.05 +2025-03-10 13:12:57,639 - INFO - OPENED LONG at 2074.9 | Stop loss: 2064.509967857143 | Take profit: 2106.046798214286 +2025-03-10 13:12:57,657 - INFO - CLOSED long at 2076.08 | PnL: 0.06% | $-0.07 +2025-03-10 13:12:57,658 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.475932142857 | Take profit: 2044.9155017857142 +2025-03-10 13:12:57,716 - INFO - CLOSED short at 2090.49 | PnL: -0.69% | $-1.30 +2025-03-10 13:12:57,716 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.0220178571426 | Take profit: 2121.8706482142857 +2025-03-10 13:12:57,751 - INFO - TAKE PROFIT hit for long at 2121.8706482142857 | PnL: 1.50% | $2.27 +2025-03-10 13:12:57,793 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.105567857143 | Take profit: 2163.7799982142856 +2025-03-10 13:12:57,827 - INFO - CLOSED long at 2137.59 | PnL: 0.27% | $0.29 +2025-03-10 13:12:57,827 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.2934821428576 | Take profit: 2105.5028517857145 +2025-03-10 13:12:57,857 - INFO - CLOSED short at 2141.41 | PnL: -0.18% | $-0.46 +2025-03-10 13:12:57,886 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0220321428574 | Take profit: 2109.1572017857147 +2025-03-10 13:12:58,001 - INFO - CLOSED short at 2126.99 | PnL: 0.67% | $0.94 +2025-03-10 13:12:58,033 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.647967857143 | Take profit: 2159.2327982142856 +2025-03-10 13:12:58,085 - INFO - CLOSED long at 2120.15 | PnL: -0.34% | $-0.73 +2025-03-10 13:12:58,106 - INFO - OPENED LONG at 2117.24 | Stop loss: 2106.6382678571426 | Take profit: 2149.0218982142856 +2025-03-10 13:12:58,178 - INFO - CLOSED long at 2119.14 | PnL: 0.09% | $-0.02 +2025-03-10 13:12:58,178 - INFO - OPENED SHORT at 2119.14 | Stop loss: 2129.751232142857 | Take profit: 2087.329601785714 +2025-03-10 13:12:58,212 - INFO - CLOSED short at 2115.28 | PnL: 0.18% | $0.14 +2025-03-10 13:12:58,213 - INFO - OPENED LONG at 2115.28 | Stop loss: 2104.688067857143 | Take profit: 2147.0324982142856 +2025-03-10 13:12:58,286 - INFO - CLOSED long at 2109.05 | PnL: -0.29% | $-0.66 +2025-03-10 13:12:58,286 - INFO - OPENED SHORT at 2109.05 | Stop loss: 2119.6107821428577 | Take profit: 2077.3909517857146 +2025-03-10 13:12:58,385 - INFO - CLOSED short at 2112.46 | PnL: -0.16% | $-0.43 +2025-03-10 13:12:58,387 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.882167857143 | Take profit: 2144.1701982142854 +2025-03-10 13:12:58,456 - INFO - CLOSED long at 2120.81 | PnL: 0.40% | $0.49 +2025-03-10 13:12:58,469 - INFO - OPENED SHORT at 2116.48 | Stop loss: 2127.077932142857 | Take profit: 2084.7095017857146 +2025-03-10 13:12:58,508 - INFO - CLOSED short at 2110.9 | PnL: 0.26% | $0.27 +2025-03-10 13:12:58,546 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.9420178571427 | Take profit: 2138.1106482142854 +2025-03-10 13:12:58,564 - INFO - CLOSED long at 2108.06 | PnL: 0.07% | $-0.04 +2025-03-10 13:12:58,565 - INFO - OPENED SHORT at 2108.06 | Stop loss: 2118.615832142857 | Take profit: 2076.4158017857144 +2025-03-10 13:12:58,583 - INFO - CLOSED short at 2103.33 | PnL: 0.22% | $0.21 +2025-03-10 13:12:58,602 - INFO - OPENED LONG at 2100.5 | Stop loss: 2089.981967857143 | Take profit: 2132.0307982142854 +2025-03-10 13:12:58,653 - INFO - CLOSED long at 2099.53 | PnL: -0.05% | $-0.24 +2025-03-10 13:12:58,653 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.0431821428574 | Take profit: 2068.0137517857142 +2025-03-10 13:12:58,673 - INFO - CLOSED short at 2098.1 | PnL: 0.07% | $-0.05 +2025-03-10 13:12:58,673 - INFO - OPENED LONG at 2098.1 | Stop loss: 2087.5939678571426 | Take profit: 2129.5947982142857 +2025-03-10 13:12:58,898 - INFO - CLOSED long at 2103.86 | PnL: 0.27% | $0.29 +2025-03-10 13:12:58,970 - INFO - OPENED LONG at 2100.02 | Stop loss: 2089.504367857143 | Take profit: 2131.543598214286 +2025-03-10 13:12:59,010 - INFO - CLOSED long at 2095.29 | PnL: -0.23% | $-0.54 +2025-03-10 13:12:59,010 - INFO - OPENED SHORT at 2095.29 | Stop loss: 2105.7819821428575 | Take profit: 2063.8373517857144 +2025-03-10 13:12:59,122 - INFO - CLOSED short at 2091.1 | PnL: 0.20% | $0.17 +2025-03-10 13:12:59,153 - INFO - OPENED SHORT at 2094.72 | Stop loss: 2105.209132142857 | Take profit: 2063.275901785714 +2025-03-10 13:12:59,183 - INFO - CLOSED short at 2094.08 | PnL: 0.03% | $-0.11 +2025-03-10 13:12:59,183 - INFO - OPENED LONG at 2094.08 | Stop loss: 2083.594067857143 | Take profit: 2125.5144982142856 +2025-03-10 13:12:59,241 - INFO - STOP LOSS hit for long at 2083.594067857143 | PnL: -0.50% | $-0.99 +2025-03-10 13:12:59,329 - INFO - OPENED SHORT at 2081.49 | Stop loss: 2091.912982142857 | Take profit: 2050.244351785714 +2025-03-10 13:12:59,349 - INFO - CLOSED short at 2080.38 | PnL: 0.05% | $-0.08 +2025-03-10 13:12:59,350 - INFO - OPENED LONG at 2080.38 | Stop loss: 2069.962567857143 | Take profit: 2111.6089982142857 +2025-03-10 13:12:59,619 - INFO - CLOSED long at 2088.32 | PnL: 0.38% | $0.46 +2025-03-10 13:12:59,662 - INFO - OPENED LONG at 2089.96 | Stop loss: 2079.494667857143 | Take profit: 2121.3326982142858 +2025-03-10 13:12:59,695 - INFO - CLOSED long at 2087.47 | PnL: -0.12% | $-0.36 +2025-03-10 13:12:59,701 - INFO - OPENED SHORT at 2087.47 | Stop loss: 2097.922882142857 | Take profit: 2056.134651785714 +2025-03-10 13:12:59,718 - INFO - CLOSED short at 2087.78 | PnL: -0.01% | $-0.19 +2025-03-10 13:12:59,736 - INFO - OPENED SHORT at 2086.81 | Stop loss: 2097.259582142857 | Take profit: 2055.4845517857143 +2025-03-10 13:12:59,793 - INFO - CLOSED short at 2089.2 | PnL: -0.11% | $-0.35 +2025-03-10 13:12:59,793 - INFO - OPENED LONG at 2089.2 | Stop loss: 2078.738467857143 | Take profit: 2120.5612982142857 +2025-03-10 13:12:59,843 - INFO - CLOSED long at 2091.05 | PnL: 0.09% | $-0.02 +2025-03-10 13:12:59,894 - INFO - OPENED LONG at 2094.7 | Stop loss: 2084.210967857143 | Take profit: 2126.1437982142857 +2025-03-10 13:12:59,964 - INFO - CLOSED long at 2099.99 | PnL: 0.25% | $0.25 +2025-03-10 13:12:59,998 - INFO - OPENED LONG at 2101.64 | Stop loss: 2091.1162678571427 | Take profit: 2133.1878982142857 +2025-03-10 13:13:00,061 - INFO - CLOSED long at 2099.89 | PnL: -0.08% | $-0.30 +2025-03-10 13:13:00,061 - INFO - OPENED SHORT at 2099.89 | Stop loss: 2110.404982142857 | Take profit: 2068.368351785714 +2025-03-10 13:13:00,081 - INFO - CLOSED short at 2100.89 | PnL: -0.05% | $-0.24 +2025-03-10 13:13:00,081 - INFO - OPENED LONG at 2100.89 | Stop loss: 2090.370017857143 | Take profit: 2132.4266482142853 +2025-03-10 13:13:00,119 - INFO - CLOSED long at 2106.15 | PnL: 0.25% | $0.24 +2025-03-10 13:13:00,120 - INFO - OPENED SHORT at 2106.15 | Stop loss: 2116.6962821428574 | Take profit: 2074.5344517857143 +2025-03-10 13:13:00,152 - INFO - CLOSED short at 2104.93 | PnL: 0.06% | $-0.07 +2025-03-10 13:13:00,152 - INFO - OPENED LONG at 2104.93 | Stop loss: 2094.3898178571426 | Take profit: 2136.527248214286 +2025-03-10 13:13:00,172 - INFO - CLOSED long at 2103.81 | PnL: -0.05% | $-0.25 +2025-03-10 13:13:00,236 - INFO - OPENED LONG at 2105.83 | Stop loss: 2095.2853178571427 | Take profit: 2137.4407482142856 +2025-03-10 13:13:00,377 - INFO - Trade Analysis: Win Rate=18.4% in uptrends, 0.0% in downtrends | Avg Win=$0.31, Avg Loss=$-0.30 +2025-03-10 13:13:00,377 - INFO - Episode 6: Reward=-70.68, Balance=$81.30, Win Rate=24.6%, Trades=126, Episode PnL=$-13.31, Total PnL=$-167.61, Max Drawdown=19.0%, Pred Accuracy=99.4% +2025-03-10 13:13:00,379 - ERROR - Error in episode 6: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:13:00,379 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:13:00,393 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:13:00,621 - INFO - OPENED SHORT at 2047.4 | Stop loss: 2057.652532142857 | Take profit: 2016.6657017857144 +2025-03-10 13:13:00,643 - INFO - CLOSED short at 2047.2 | PnL: 0.01% | $-0.18 +2025-03-10 13:13:00,644 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.9484678571428 | Take profit: 2077.931298214286 +2025-03-10 13:13:00,679 - INFO - CLOSED long at 2045.99 | PnL: -0.06% | $-0.32 +2025-03-10 13:13:00,797 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6250178571427 | Take profit: 2080.661648214286 +2025-03-10 13:13:01,086 - INFO - CLOSED long at 2063.29 | PnL: 0.65% | $1.09 +2025-03-10 13:13:01,154 - INFO - OPENED SHORT at 2064.69 | Stop loss: 2075.0289821428573 | Take profit: 2033.6963517857143 +2025-03-10 13:13:01,171 - INFO - CLOSED short at 2063.01 | PnL: 0.08% | $-0.04 +2025-03-10 13:13:01,171 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.679417857143 | Take profit: 2093.978448214286 +2025-03-10 13:13:01,244 - INFO - CLOSED long at 2061.89 | PnL: -0.05% | $-0.31 +2025-03-10 13:13:01,346 - INFO - OPENED LONG at 2057.8 | Stop loss: 2047.495467857143 | Take profit: 2088.6902982142856 +2025-03-10 13:13:01,384 - INFO - CLOSED long at 2057.89 | PnL: 0.00% | $-0.19 +2025-03-10 13:13:01,385 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.194982142857 | Take profit: 2026.9983517857142 +2025-03-10 13:13:01,451 - INFO - CLOSED short at 2061.79 | PnL: -0.19% | $-0.58 +2025-03-10 13:13:01,451 - INFO - OPENED LONG at 2061.79 | Stop loss: 2051.465517857143 | Take profit: 2092.740148214286 +2025-03-10 13:13:01,461 - INFO - CLOSED long at 2061.18 | PnL: -0.03% | $-0.26 +2025-03-10 13:13:01,505 - INFO - OPENED LONG at 2065.86 | Stop loss: 2055.515167857143 | Take profit: 2096.871198214286 +2025-03-10 13:13:01,570 - INFO - CLOSED long at 2067.89 | PnL: 0.10% | $-0.00 +2025-03-10 13:13:01,570 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.244982142857 | Take profit: 2036.8483517857142 +2025-03-10 13:13:01,607 - INFO - CLOSED short at 2070.99 | PnL: -0.15% | $-0.49 +2025-03-10 13:13:01,607 - INFO - OPENED LONG at 2070.99 | Stop loss: 2060.6195178571425 | Take profit: 2102.0781482142856 +2025-03-10 13:13:01,627 - INFO - CLOSED long at 2069.6 | PnL: -0.07% | $-0.33 +2025-03-10 13:13:01,661 - INFO - OPENED LONG at 2068.65 | Stop loss: 2058.291217857143 | Take profit: 2099.703048214286 +2025-03-10 13:13:01,693 - INFO - CLOSED long at 2068.99 | PnL: 0.02% | $-0.16 +2025-03-10 13:13:01,693 - INFO - OPENED SHORT at 2068.99 | Stop loss: 2079.350482142857 | Take profit: 2037.931851785714 +2025-03-10 13:13:01,783 - INFO - CLOSED short at 2070.26 | PnL: -0.06% | $-0.31 +2025-03-10 13:13:01,784 - INFO - OPENED LONG at 2070.26 | Stop loss: 2059.893167857143 | Take profit: 2101.3371982142858 +2025-03-10 13:13:01,834 - INFO - CLOSED long at 2073.73 | PnL: 0.17% | $0.13 +2025-03-10 13:13:01,854 - INFO - OPENED LONG at 2075.1 | Stop loss: 2064.708967857143 | Take profit: 2106.2497982142854 +2025-03-10 13:13:01,872 - INFO - CLOSED long at 2072.91 | PnL: -0.11% | $-0.40 +2025-03-10 13:13:01,889 - INFO - OPENED LONG at 2072.33 | Stop loss: 2061.9528178571427 | Take profit: 2103.4382482142855 +2025-03-10 13:13:01,902 - INFO - CLOSED long at 2071.38 | PnL: -0.05% | $-0.28 +2025-03-10 13:13:01,923 - INFO - OPENED LONG at 2071.41 | Stop loss: 2061.037417857143 | Take profit: 2102.5044482142857 +2025-03-10 13:13:01,940 - INFO - CLOSED long at 2069.37 | PnL: -0.10% | $-0.38 +2025-03-10 13:13:01,961 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.529967857143 | Take profit: 2101.986798214286 +2025-03-10 13:13:02,129 - INFO - CLOSED long at 2068.9 | PnL: -0.10% | $-0.38 +2025-03-10 13:13:02,130 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.260032142857 | Take profit: 2037.8432017857144 +2025-03-10 13:13:02,188 - INFO - CLOSED short at 2069.34 | PnL: -0.02% | $-0.23 +2025-03-10 13:13:02,220 - INFO - OPENED LONG at 2069.19 | Stop loss: 2058.8285178571427 | Take profit: 2100.251148214286 +2025-03-10 13:13:02,236 - INFO - CLOSED long at 2068.8 | PnL: -0.02% | $-0.23 +2025-03-10 13:13:02,257 - INFO - OPENED LONG at 2067.6 | Stop loss: 2057.2464678571428 | Take profit: 2098.6372982142857 +2025-03-10 13:13:02,294 - INFO - CLOSED long at 2069.01 | PnL: 0.07% | $-0.06 +2025-03-10 13:13:02,311 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.0425178571427 | Take profit: 2097.409148214286 +2025-03-10 13:13:02,388 - INFO - CLOSED long at 2065.08 | PnL: -0.06% | $-0.31 +2025-03-10 13:13:02,435 - INFO - OPENED LONG at 2068.76 | Stop loss: 2058.400667857143 | Take profit: 2099.814698214286 +2025-03-10 13:13:02,622 - INFO - CLOSED long at 2071.4 | PnL: 0.13% | $0.05 +2025-03-10 13:13:02,645 - INFO - OPENED LONG at 2071.39 | Stop loss: 2061.0175178571426 | Take profit: 2102.4841482142856 +2025-03-10 13:13:02,722 - INFO - CLOSED long at 2072.7 | PnL: 0.06% | $-0.07 +2025-03-10 13:13:02,722 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.0790321428567 | Take profit: 2041.586201785714 +2025-03-10 13:13:02,759 - INFO - CLOSED short at 2074.29 | PnL: -0.08% | $-0.34 +2025-03-10 13:13:02,793 - INFO - OPENED SHORT at 2071.92 | Stop loss: 2082.2951321428573 | Take profit: 2040.8179017857142 +2025-03-10 13:13:02,810 - INFO - CLOSED short at 2070.4 | PnL: 0.07% | $-0.05 +2025-03-10 13:13:02,810 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.032467857143 | Take profit: 2101.479298214286 +2025-03-10 13:13:02,841 - INFO - CLOSED long at 2071.11 | PnL: 0.03% | $-0.12 +2025-03-10 13:13:02,870 - INFO - OPENED SHORT at 2069.46 | Stop loss: 2079.8228321428574 | Take profit: 2038.3948017857144 +2025-03-10 13:13:02,906 - INFO - CLOSED short at 2069.35 | PnL: 0.01% | $-0.18 +2025-03-10 13:13:02,906 - INFO - OPENED LONG at 2069.35 | Stop loss: 2058.987717857143 | Take profit: 2100.4135482142856 +2025-03-10 13:13:02,989 - INFO - CLOSED long at 2067.79 | PnL: -0.08% | $-0.33 +2025-03-10 13:13:02,989 - INFO - OPENED SHORT at 2067.79 | Stop loss: 2078.144482142857 | Take profit: 2036.7498517857143 +2025-03-10 13:13:03,023 - INFO - CLOSED short at 2067.46 | PnL: 0.02% | $-0.16 +2025-03-10 13:13:03,023 - INFO - OPENED LONG at 2067.46 | Stop loss: 2057.107167857143 | Take profit: 2098.4951982142857 +2025-03-10 13:13:03,089 - INFO - CLOSED long at 2065.26 | PnL: -0.11% | $-0.39 +2025-03-10 13:13:03,146 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.440467857143 | Take profit: 2099.855298214286 +2025-03-10 13:13:03,172 - INFO - CLOSED long at 2069.34 | PnL: 0.03% | $-0.14 +2025-03-10 13:13:03,254 - INFO - OPENED SHORT at 2070.3 | Stop loss: 2080.6670321428574 | Take profit: 2039.2222017857146 +2025-03-10 13:13:03,287 - INFO - CLOSED short at 2071.59 | PnL: -0.06% | $-0.30 +2025-03-10 13:13:03,288 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.216517857143 | Take profit: 2102.687148214286 +2025-03-10 13:13:03,394 - INFO - CLOSED long at 2068.5 | PnL: -0.15% | $-0.46 +2025-03-10 13:13:03,394 - INFO - OPENED SHORT at 2068.5 | Stop loss: 2078.858032142857 | Take profit: 2037.4492017857142 +2025-03-10 13:13:03,460 - INFO - CLOSED short at 2067.11 | PnL: 0.07% | $-0.06 +2025-03-10 13:13:03,460 - INFO - OPENED LONG at 2067.11 | Stop loss: 2056.758917857143 | Take profit: 2098.139948214286 +2025-03-10 13:13:03,547 - INFO - CLOSED long at 2066.39 | PnL: -0.03% | $-0.25 +2025-03-10 13:13:03,585 - INFO - OPENED SHORT at 2070.04 | Stop loss: 2080.4057321428572 | Take profit: 2038.9661017857143 +2025-03-10 13:13:03,794 - INFO - CLOSED short at 2065.26 | PnL: 0.23% | $0.24 +2025-03-10 13:13:03,794 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.918167857143 | Take profit: 2096.262198214286 +2025-03-10 13:13:03,877 - INFO - CLOSED long at 2059.59 | PnL: -0.27% | $-0.69 +2025-03-10 13:13:03,877 - INFO - OPENED SHORT at 2059.59 | Stop loss: 2069.9034821428572 | Take profit: 2028.6728517857146 +2025-03-10 13:13:04,003 - INFO - CLOSED short at 2066.09 | PnL: -0.32% | $-0.76 +2025-03-10 13:13:04,003 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.744017857143 | Take profit: 2097.1046482142856 +2025-03-10 13:13:04,190 - INFO - CLOSED long at 2061.6 | PnL: -0.22% | $-0.58 +2025-03-10 13:13:04,190 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.9235321428573 | Take profit: 2030.6527017857143 +2025-03-10 13:13:04,224 - INFO - CLOSED short at 2060.9 | PnL: 0.03% | $-0.12 +2025-03-10 13:13:04,224 - INFO - OPENED LONG at 2060.9 | Stop loss: 2050.579967857143 | Take profit: 2091.836798214286 +2025-03-10 13:13:04,294 - INFO - CLOSED long at 2060.31 | PnL: -0.03% | $-0.23 +2025-03-10 13:13:04,294 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.627082142857 | Take profit: 2029.3820517857143 +2025-03-10 13:13:04,319 - INFO - CLOSED short at 2061.8 | PnL: -0.07% | $-0.31 +2025-03-10 13:13:04,319 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.475467857143 | Take profit: 2092.7502982142855 +2025-03-10 13:13:04,442 - INFO - CLOSED long at 2061.9 | PnL: 0.00% | $-0.17 +2025-03-10 13:13:04,475 - INFO - OPENED LONG at 2064.1 | Stop loss: 2053.7639678571427 | Take profit: 2095.0847982142855 +2025-03-10 13:13:04,527 - INFO - CLOSED long at 2064.33 | PnL: 0.01% | $-0.16 +2025-03-10 13:13:04,527 - INFO - OPENED SHORT at 2064.33 | Stop loss: 2074.667182142857 | Take profit: 2033.3417517857142 +2025-03-10 13:13:04,559 - INFO - CLOSED short at 2063.39 | PnL: 0.05% | $-0.10 +2025-03-10 13:13:04,559 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.0575178571426 | Take profit: 2094.3641482142853 +2025-03-10 13:13:04,620 - INFO - CLOSED long at 2065.89 | PnL: 0.12% | $0.04 +2025-03-10 13:13:04,620 - INFO - OPENED SHORT at 2065.89 | Stop loss: 2076.234982142857 | Take profit: 2034.8783517857144 +2025-03-10 13:13:04,660 - INFO - CLOSED short at 2063.0 | PnL: 0.14% | $0.07 +2025-03-10 13:13:04,660 - INFO - OPENED LONG at 2063.0 | Stop loss: 2052.6694678571425 | Take profit: 2093.968298214286 +2025-03-10 13:13:04,680 - INFO - CLOSED long at 2062.6 | PnL: -0.02% | $-0.21 +2025-03-10 13:13:04,719 - INFO - OPENED LONG at 2061.7 | Stop loss: 2051.3759678571428 | Take profit: 2092.6487982142853 +2025-03-10 13:13:04,869 - INFO - CLOSED long at 2059.96 | PnL: -0.08% | $-0.33 +2025-03-10 13:13:04,869 - INFO - OPENED SHORT at 2059.96 | Stop loss: 2070.275332142857 | Take profit: 2029.0373017857144 +2025-03-10 13:13:04,902 - INFO - CLOSED short at 2059.46 | PnL: 0.02% | $-0.13 +2025-03-10 13:13:04,902 - INFO - OPENED LONG at 2059.46 | Stop loss: 2049.147167857143 | Take profit: 2090.375198214286 +2025-03-10 13:13:04,970 - INFO - CLOSED long at 2058.28 | PnL: -0.06% | $-0.28 +2025-03-10 13:13:04,970 - INFO - OPENED SHORT at 2058.28 | Stop loss: 2068.586932142857 | Take profit: 2027.3825017857146 +2025-03-10 13:13:05,003 - INFO - CLOSED short at 2056.28 | PnL: 0.10% | $-0.01 +2025-03-10 13:13:05,068 - INFO - OPENED LONG at 2054.83 | Stop loss: 2044.5403178571428 | Take profit: 2085.6757482142852 +2025-03-10 13:13:05,303 - INFO - CLOSED long at 2066.01 | PnL: 0.54% | $0.79 +2025-03-10 13:13:05,303 - INFO - OPENED SHORT at 2066.01 | Stop loss: 2076.3555821428577 | Take profit: 2034.9965517857145 +2025-03-10 13:13:05,394 - INFO - CLOSED short at 2066.33 | PnL: -0.02% | $-0.21 +2025-03-10 13:13:05,394 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.982817857143 | Take profit: 2097.348248214286 +2025-03-10 13:13:05,424 - INFO - CLOSED long at 2066.34 | PnL: 0.00% | $-0.18 +2025-03-10 13:13:05,444 - INFO - OPENED LONG at 2066.79 | Stop loss: 2056.440517857143 | Take profit: 2097.8151482142853 +2025-03-10 13:13:05,500 - INFO - CLOSED long at 2065.69 | PnL: -0.05% | $-0.27 +2025-03-10 13:13:05,520 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.425517857143 | Take profit: 2100.860148214286 +2025-03-10 13:13:05,571 - INFO - CLOSED long at 2078.01 | PnL: 0.40% | $0.53 +2025-03-10 13:13:05,594 - INFO - OPENED LONG at 2075.01 | Stop loss: 2064.619417857143 | Take profit: 2106.158448214286 +2025-03-10 13:13:05,801 - INFO - CLOSED long at 2068.39 | PnL: -0.32% | $-0.75 +2025-03-10 13:13:05,801 - INFO - OPENED SHORT at 2068.39 | Stop loss: 2078.747482142857 | Take profit: 2037.3408517857142 +2025-03-10 13:13:05,828 - INFO - CLOSED short at 2069.69 | PnL: -0.06% | $-0.29 +2025-03-10 13:13:05,829 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.3260178571427 | Take profit: 2100.758648214286 +2025-03-10 13:13:05,868 - INFO - CLOSED long at 2067.44 | PnL: -0.11% | $-0.37 +2025-03-10 13:13:05,868 - INFO - OPENED SHORT at 2067.44 | Stop loss: 2077.7927321428574 | Take profit: 2036.4051017857144 +2025-03-10 13:13:05,921 - INFO - CLOSED short at 2071.49 | PnL: -0.20% | $-0.52 +2025-03-10 13:13:05,921 - INFO - OPENED LONG at 2071.49 | Stop loss: 2061.117017857143 | Take profit: 2102.5856482142854 +2025-03-10 13:13:05,957 - INFO - CLOSED long at 2067.33 | PnL: -0.20% | $-0.53 +2025-03-10 13:13:05,957 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.682182142857 | Take profit: 2036.2967517857144 +2025-03-10 13:13:06,061 - INFO - CLOSED short at 2063.97 | PnL: 0.16% | $0.11 +2025-03-10 13:13:06,061 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.6346178571425 | Take profit: 2094.9528482142855 +2025-03-10 13:13:06,536 - INFO - CLOSED long at 2070.8 | PnL: 0.33% | $0.40 +2025-03-10 13:13:06,740 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.982617857143 | Take profit: 2105.508848214286 +2025-03-10 13:13:06,759 - INFO - CLOSED long at 2075.07 | PnL: 0.03% | $-0.12 +2025-03-10 13:13:06,799 - INFO - OPENED LONG at 2073.27 | Stop loss: 2062.888117857143 | Take profit: 2104.3923482142854 +2025-03-10 13:13:06,932 - INFO - CLOSED long at 2075.61 | PnL: 0.11% | $0.02 +2025-03-10 13:13:06,932 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2086.0035821428573 | Take profit: 2044.4525517857146 +2025-03-10 13:13:07,002 - INFO - CLOSED short at 2072.09 | PnL: 0.17% | $0.12 +2025-03-10 13:13:07,002 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.714017857143 | Take profit: 2103.1946482142857 +2025-03-10 13:13:07,046 - INFO - CLOSED long at 2067.7 | PnL: -0.21% | $-0.54 +2025-03-10 13:13:07,068 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.649467857143 | Take profit: 2098.0282982142858 +2025-03-10 13:13:07,102 - INFO - CLOSED long at 2066.4 | PnL: -0.03% | $-0.22 +2025-03-10 13:13:07,102 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.7475321428574 | Take profit: 2035.3807017857143 +2025-03-10 13:13:07,127 - INFO - CLOSED short at 2066.89 | PnL: -0.02% | $-0.21 +2025-03-10 13:13:07,128 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.5400178571426 | Take profit: 2097.9166482142855 +2025-03-10 13:13:07,161 - INFO - CLOSED long at 2065.45 | PnL: -0.07% | $-0.29 +2025-03-10 13:13:07,161 - INFO - OPENED SHORT at 2065.45 | Stop loss: 2075.792782142857 | Take profit: 2034.4449517857142 +2025-03-10 13:13:07,183 - INFO - CLOSED short at 2068.1 | PnL: -0.13% | $-0.39 +2025-03-10 13:13:07,194 - INFO - OPENED LONG at 2069.0 | Stop loss: 2058.639467857143 | Take profit: 2100.058298214286 +2025-03-10 13:13:07,278 - INFO - CLOSED long at 2067.19 | PnL: -0.09% | $-0.32 +2025-03-10 13:13:07,287 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.541482142857 | Take profit: 2036.1588517857142 +2025-03-10 13:13:07,424 - INFO - CLOSED short at 2066.09 | PnL: 0.05% | $-0.08 +2025-03-10 13:13:07,424 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.744017857143 | Take profit: 2097.1046482142856 +2025-03-10 13:13:07,468 - INFO - CLOSED long at 2062.34 | PnL: -0.18% | $-0.48 +2025-03-10 13:13:07,468 - INFO - OPENED SHORT at 2062.34 | Stop loss: 2072.6672321428573 | Take profit: 2031.3816017857143 +2025-03-10 13:13:07,599 - INFO - CLOSED short at 2063.01 | PnL: -0.03% | $-0.22 +2025-03-10 13:13:07,667 - INFO - OPENED LONG at 2060.2 | Stop loss: 2049.8834678571425 | Take profit: 2091.1262982142853 +2025-03-10 13:13:07,835 - INFO - CLOSED long at 2049.21 | PnL: -0.53% | $-1.07 +2025-03-10 13:13:07,874 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.265482142857 | Take profit: 2021.186851785714 +2025-03-10 13:13:07,927 - INFO - CLOSED short at 2057.11 | PnL: -0.25% | $-0.58 +2025-03-10 13:13:07,945 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.194982142857 | Take profit: 2026.9983517857142 +2025-03-10 13:13:07,963 - INFO - CLOSED short at 2062.83 | PnL: -0.24% | $-0.56 +2025-03-10 13:13:08,003 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.758967857143 | Take profit: 2096.099798214286 +2025-03-10 13:13:08,110 - INFO - CLOSED long at 2068.33 | PnL: 0.16% | $0.09 +2025-03-10 13:13:08,258 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3809678571424 | Take profit: 2091.633798214286 +2025-03-10 13:13:08,296 - INFO - CLOSED long at 2062.54 | PnL: 0.09% | $-0.02 +2025-03-10 13:13:08,316 - INFO - OPENED LONG at 2065.72 | Stop loss: 2055.3758678571426 | Take profit: 2096.729098214286 +2025-03-10 13:13:08,333 - INFO - CLOSED long at 2070.31 | PnL: 0.22% | $0.20 +2025-03-10 13:13:08,349 - INFO - OPENED LONG at 2070.24 | Stop loss: 2059.8732678571428 | Take profit: 2101.3168982142856 +2025-03-10 13:13:08,403 - INFO - CLOSED long at 2070.41 | PnL: 0.01% | $-0.15 +2025-03-10 13:13:08,492 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6095178571427 | Take profit: 2104.1081482142854 +2025-03-10 13:13:08,574 - INFO - CLOSED long at 2074.9 | PnL: 0.09% | $-0.01 +2025-03-10 13:13:08,635 - INFO - OPENED LONG at 2077.61 | Stop loss: 2067.206417857143 | Take profit: 2108.797448214286 +2025-03-10 13:13:08,705 - INFO - TAKE PROFIT hit for long at 2108.797448214286 | PnL: 1.50% | $2.31 +2025-03-10 13:13:08,787 - INFO - OPENED LONG at 2137.59 | Stop loss: 2126.8865178571427 | Take profit: 2169.677148214286 +2025-03-10 13:13:08,830 - INFO - CLOSED long at 2141.3 | PnL: 0.17% | $0.12 +2025-03-10 13:13:08,954 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.3395178571427 | Take profit: 2158.9181482142853 +2025-03-10 13:13:08,986 - INFO - CLOSED long at 2127.3 | PnL: 0.01% | $-0.15 +2025-03-10 13:13:08,987 - INFO - OPENED SHORT at 2127.3 | Stop loss: 2137.952032142857 | Take profit: 2095.3672017857143 +2025-03-10 13:13:09,022 - INFO - CLOSED short at 2128.69 | PnL: -0.07% | $-0.28 +2025-03-10 13:13:09,039 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.710982142857 | Take profit: 2089.2503517857144 +2025-03-10 13:13:09,095 - INFO - CLOSED short at 2119.93 | PnL: 0.05% | $-0.08 +2025-03-10 13:13:09,096 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3148178571428 | Take profit: 2151.752248214286 +2025-03-10 13:13:09,118 - INFO - CLOSED long at 2121.4 | PnL: 0.07% | $-0.05 +2025-03-10 13:13:09,119 - INFO - OPENED SHORT at 2121.4 | Stop loss: 2132.022532142857 | Take profit: 2089.5557017857145 +2025-03-10 13:13:09,139 - INFO - CLOSED short at 2118.52 | PnL: 0.14% | $0.06 +2025-03-10 13:13:09,139 - INFO - OPENED LONG at 2118.52 | Stop loss: 2107.9118678571426 | Take profit: 2150.321098214286 +2025-03-10 13:13:09,212 - INFO - CLOSED long at 2107.43 | PnL: -0.52% | $-1.05 +2025-03-10 13:13:09,213 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.982682142857 | Take profit: 2075.7952517857143 +2025-03-10 13:13:09,235 - INFO - CLOSED short at 2110.6 | PnL: -0.15% | $-0.42 +2025-03-10 13:13:09,271 - INFO - OPENED LONG at 2109.05 | Stop loss: 2098.489217857143 | Take profit: 2140.709048214286 +2025-03-10 13:13:09,447 - INFO - CLOSED long at 2116.48 | PnL: 0.35% | $0.42 +2025-03-10 13:13:09,469 - INFO - OPENED LONG at 2114.8 | Stop loss: 2104.210467857143 | Take profit: 2146.545298214286 +2025-03-10 13:13:09,537 - INFO - CLOSED long at 2108.06 | PnL: -0.32% | $-0.70 +2025-03-10 13:13:09,537 - INFO - OPENED SHORT at 2108.06 | Stop loss: 2118.615832142857 | Take profit: 2076.4158017857144 +2025-03-10 13:13:09,575 - INFO - CLOSED short at 2100.5 | PnL: 0.36% | $0.43 +2025-03-10 13:13:09,592 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.5344678571428 | Take profit: 2121.3732982142856 +2025-03-10 13:13:09,610 - INFO - CLOSED long at 2099.53 | PnL: 0.46% | $0.59 +2025-03-10 13:13:09,611 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.0431821428574 | Take profit: 2068.0137517857142 +2025-03-10 13:13:09,641 - INFO - CLOSED short at 2098.1 | PnL: 0.07% | $-0.05 +2025-03-10 13:13:09,676 - INFO - OPENED LONG at 2102.19 | Stop loss: 2091.663517857143 | Take profit: 2133.7461482142858 +2025-03-10 13:13:09,704 - INFO - CLOSED long at 2102.29 | PnL: 0.00% | $-0.16 +2025-03-10 13:13:09,704 - INFO - OPENED SHORT at 2102.29 | Stop loss: 2112.816982142857 | Take profit: 2070.7323517857144 +2025-03-10 13:13:09,792 - INFO - CLOSED short at 2100.69 | PnL: 0.08% | $-0.04 +2025-03-10 13:13:09,792 - INFO - OPENED LONG at 2100.69 | Stop loss: 2090.171017857143 | Take profit: 2132.2236482142857 +2025-03-10 13:13:09,909 - INFO - CLOSED long at 2101.51 | PnL: 0.04% | $-0.10 +2025-03-10 13:13:09,952 - INFO - OPENED SHORT at 2100.02 | Stop loss: 2110.535632142857 | Take profit: 2068.496401785714 +2025-03-10 13:13:09,991 - INFO - CLOSED short at 2095.29 | PnL: 0.23% | $0.21 +2025-03-10 13:13:09,991 - INFO - OPENED LONG at 2095.29 | Stop loss: 2084.798017857143 | Take profit: 2126.742648214286 +2025-03-10 13:13:10,009 - INFO - CLOSED long at 2093.46 | PnL: -0.09% | $-0.31 +2025-03-10 13:13:10,009 - INFO - OPENED SHORT at 2093.46 | Stop loss: 2103.9428321428572 | Take profit: 2062.0348017857145 +2025-03-10 13:13:10,085 - INFO - CLOSED short at 2091.1 | PnL: 0.11% | $0.02 +2025-03-10 13:13:10,085 - INFO - OPENED LONG at 2091.1 | Stop loss: 2080.628967857143 | Take profit: 2122.4897982142857 +2025-03-10 13:13:10,290 - INFO - CLOSED long at 2081.49 | PnL: -0.46% | $-0.93 +2025-03-10 13:13:10,290 - INFO - OPENED SHORT at 2081.49 | Stop loss: 2091.912982142857 | Take profit: 2050.244351785714 +2025-03-10 13:13:10,308 - INFO - CLOSED short at 2080.38 | PnL: 0.05% | $-0.08 +2025-03-10 13:13:10,345 - INFO - OPENED LONG at 2083.41 | Stop loss: 2072.977417857143 | Take profit: 2114.6844482142856 +2025-03-10 13:13:10,403 - INFO - CLOSED long at 2086.57 | PnL: 0.15% | $0.09 +2025-03-10 13:13:10,403 - INFO - OPENED SHORT at 2086.57 | Stop loss: 2097.0183821428573 | Take profit: 2055.2481517857145 +2025-03-10 13:13:10,476 - INFO - CLOSED short at 2085.83 | PnL: 0.04% | $-0.11 +2025-03-10 13:13:10,511 - INFO - OPENED SHORT at 2085.85 | Stop loss: 2096.294782142857 | Take profit: 2054.5389517857143 +2025-03-10 13:13:10,568 - INFO - CLOSED short at 2088.32 | PnL: -0.12% | $-0.36 +2025-03-10 13:13:10,568 - INFO - OPENED LONG at 2088.32 | Stop loss: 2077.862867857143 | Take profit: 2119.6680982142857 +2025-03-10 13:13:10,680 - INFO - CLOSED long at 2087.78 | PnL: -0.03% | $-0.21 +2025-03-10 13:13:10,701 - INFO - OPENED LONG at 2086.81 | Stop loss: 2076.3604178571427 | Take profit: 2118.1354482142856 +2025-03-10 13:13:10,720 - INFO - CLOSED long at 2089.79 | PnL: 0.14% | $0.07 +2025-03-10 13:13:10,805 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.579217857143 | Take profit: 2122.4390482142862 +2025-03-10 13:13:10,852 - INFO - CLOSED long at 2094.7 | PnL: 0.17% | $0.12 +2025-03-10 13:13:10,969 - INFO - OPENED LONG at 2097.11 | Stop loss: 2086.608917857143 | Take profit: 2128.589948214286 +2025-03-10 13:13:11,155 - INFO - CLOSED long at 2103.07 | PnL: 0.28% | $0.30 +2025-03-10 13:13:11,173 - INFO - OPENED LONG at 2101.5 | Stop loss: 2090.976967857143 | Take profit: 2133.0457982142857 +2025-03-10 13:13:11,317 - INFO - Trade Analysis: Win Rate=25.8% in uptrends, 0.0% in downtrends | Avg Win=$0.33, Avg Loss=$-0.29 +2025-03-10 13:13:11,318 - INFO - Episode 7: Reward=-62.39, Balance=$82.79, Win Rate=22.8%, Trades=114, Episode PnL=$-8.55, Total PnL=$-184.82, Max Drawdown=18.2%, Pred Accuracy=99.1% +2025-03-10 13:13:11,318 - ERROR - Error in episode 7: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:13:11,318 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:13:11,339 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:13:11,580 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3315678571428 | Take profit: 2077.3019982142855 +2025-03-10 13:13:11,596 - INFO - CLOSED long at 2047.4 | PnL: 0.04% | $-0.12 +2025-03-10 13:13:11,618 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.9484678571428 | Take profit: 2077.931298214286 +2025-03-10 13:13:11,656 - INFO - CLOSED long at 2045.99 | PnL: -0.06% | $-0.32 +2025-03-10 13:13:11,702 - INFO - OPENED LONG at 2047.59 | Stop loss: 2037.3365178571428 | Take profit: 2078.327148214286 +2025-03-10 13:13:11,762 - INFO - CLOSED long at 2050.24 | PnL: 0.13% | $0.06 +2025-03-10 13:13:11,762 - INFO - OPENED SHORT at 2050.24 | Stop loss: 2060.506732142857 | Take profit: 2019.4631017857141 +2025-03-10 13:13:11,802 - INFO - CLOSED short at 2051.11 | PnL: -0.04% | $-0.28 +2025-03-10 13:13:11,802 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.8389178571429 | Take profit: 2081.899948214286 +2025-03-10 13:13:11,826 - INFO - CLOSED long at 2053.26 | PnL: 0.10% | $0.01 +2025-03-10 13:13:11,826 - INFO - OPENED SHORT at 2053.26 | Stop loss: 2063.5418321428574 | Take profit: 2022.4378017857143 +2025-03-10 13:13:11,848 - INFO - CLOSED short at 2051.89 | PnL: 0.07% | $-0.07 +2025-03-10 13:13:11,881 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.022967857143 | Take profit: 2083.107798214286 +2025-03-10 13:13:12,043 - INFO - CLOSED long at 2059.7 | PnL: 0.36% | $0.51 +2025-03-10 13:13:12,064 - INFO - OPENED LONG at 2061.49 | Stop loss: 2051.1670178571426 | Take profit: 2092.4356482142853 +2025-03-10 13:13:12,081 - INFO - CLOSED long at 2063.29 | PnL: 0.09% | $-0.03 +2025-03-10 13:13:12,081 - INFO - OPENED SHORT at 2063.29 | Stop loss: 2073.6219821428567 | Take profit: 2032.3173517857142 +2025-03-10 13:13:12,103 - INFO - CLOSED short at 2064.61 | PnL: -0.06% | $-0.32 +2025-03-10 13:13:12,103 - INFO - OPENED LONG at 2064.61 | Stop loss: 2054.2714178571428 | Take profit: 2095.602448214286 +2025-03-10 13:13:12,321 - INFO - CLOSED long at 2060.31 | PnL: -0.21% | $-0.61 +2025-03-10 13:13:12,355 - INFO - OPENED LONG at 2059.49 | Stop loss: 2049.177017857143 | Take profit: 2090.4056482142855 +2025-03-10 13:13:12,495 - INFO - CLOSED long at 2064.32 | PnL: 0.23% | $0.26 +2025-03-10 13:13:12,495 - INFO - OPENED SHORT at 2064.32 | Stop loss: 2074.6571321428573 | Take profit: 2033.3319017857145 +2025-03-10 13:13:12,527 - INFO - CLOSED short at 2065.86 | PnL: -0.07% | $-0.34 +2025-03-10 13:13:12,527 - INFO - OPENED LONG at 2065.86 | Stop loss: 2055.515167857143 | Take profit: 2096.871198214286 +2025-03-10 13:13:12,597 - INFO - CLOSED long at 2067.89 | PnL: 0.10% | $-0.00 +2025-03-10 13:13:12,621 - INFO - OPENED SHORT at 2071.63 | Stop loss: 2082.003682142857 | Take profit: 2040.5322517857144 +2025-03-10 13:13:12,656 - INFO - CLOSED short at 2070.99 | PnL: 0.03% | $-0.14 +2025-03-10 13:13:12,657 - INFO - OPENED LONG at 2070.99 | Stop loss: 2060.6195178571425 | Take profit: 2102.0781482142856 +2025-03-10 13:13:12,882 - INFO - CLOSED long at 2075.1 | PnL: 0.20% | $0.19 +2025-03-10 13:13:12,903 - INFO - OPENED LONG at 2072.91 | Stop loss: 2062.5299178571427 | Take profit: 2104.0269482142853 +2025-03-10 13:13:12,955 - INFO - CLOSED long at 2071.41 | PnL: -0.07% | $-0.34 +2025-03-10 13:13:12,994 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.529967857143 | Take profit: 2101.986798214286 +2025-03-10 13:13:13,011 - INFO - CLOSED long at 2072.8 | PnL: 0.09% | $-0.02 +2025-03-10 13:13:13,014 - INFO - OPENED SHORT at 2072.8 | Stop loss: 2083.1795321428576 | Take profit: 2041.6847017857144 +2025-03-10 13:13:13,120 - INFO - CLOSED short at 2067.2 | PnL: 0.27% | $0.33 +2025-03-10 13:13:13,151 - INFO - OPENED LONG at 2070.36 | Stop loss: 2059.992667857143 | Take profit: 2101.438698214286 +2025-03-10 13:13:13,318 - INFO - CLOSED long at 2069.01 | PnL: -0.07% | $-0.32 +2025-03-10 13:13:13,342 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.0425178571427 | Take profit: 2097.409148214286 +2025-03-10 13:13:13,487 - INFO - CLOSED long at 2068.9 | PnL: 0.12% | $0.04 +2025-03-10 13:13:13,575 - INFO - OPENED LONG at 2069.7 | Stop loss: 2059.335967857143 | Take profit: 2100.7687982142857 +2025-03-10 13:13:13,667 - INFO - CLOSED long at 2071.39 | PnL: 0.08% | $-0.04 +2025-03-10 13:13:13,667 - INFO - OPENED SHORT at 2071.39 | Stop loss: 2081.762482142857 | Take profit: 2040.2958517857141 +2025-03-10 13:13:13,684 - INFO - CLOSED short at 2071.36 | PnL: 0.00% | $-0.19 +2025-03-10 13:13:13,685 - INFO - OPENED LONG at 2071.36 | Stop loss: 2060.9876678571427 | Take profit: 2102.453698214286 +2025-03-10 13:13:13,719 - INFO - CLOSED long at 2073.11 | PnL: 0.08% | $-0.03 +2025-03-10 13:13:13,719 - INFO - OPENED SHORT at 2073.11 | Stop loss: 2083.491082142857 | Take profit: 2041.9900517857143 +2025-03-10 13:13:13,736 - INFO - CLOSED short at 2072.7 | PnL: 0.02% | $-0.16 +2025-03-10 13:13:13,736 - INFO - OPENED LONG at 2072.7 | Stop loss: 2062.3209678571425 | Take profit: 2103.8137982142857 +2025-03-10 13:13:13,796 - INFO - CLOSED long at 2073.9 | PnL: 0.06% | $-0.08 +2025-03-10 13:13:13,815 - INFO - OPENED SHORT at 2071.92 | Stop loss: 2082.2951321428573 | Take profit: 2040.8179017857142 +2025-03-10 13:13:13,851 - INFO - CLOSED short at 2070.4 | PnL: 0.07% | $-0.05 +2025-03-10 13:13:13,852 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.032467857143 | Take profit: 2101.479298214286 +2025-03-10 13:13:13,972 - INFO - CLOSED long at 2068.32 | PnL: -0.10% | $-0.39 +2025-03-10 13:13:14,006 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.649467857143 | Take profit: 2098.0282982142858 +2025-03-10 13:13:14,031 - INFO - CLOSED long at 2067.79 | PnL: 0.04% | $-0.12 +2025-03-10 13:13:14,052 - INFO - OPENED LONG at 2067.46 | Stop loss: 2057.107167857143 | Take profit: 2098.4951982142857 +2025-03-10 13:13:14,086 - INFO - CLOSED long at 2065.49 | PnL: -0.10% | $-0.38 +2025-03-10 13:13:14,087 - INFO - OPENED SHORT at 2065.49 | Stop loss: 2075.832982142857 | Take profit: 2034.4843517857141 +2025-03-10 13:13:14,105 - INFO - CLOSED short at 2063.61 | PnL: 0.09% | $-0.02 +2025-03-10 13:13:14,105 - INFO - OPENED LONG at 2063.61 | Stop loss: 2053.276417857143 | Take profit: 2094.587448214286 +2025-03-10 13:13:14,209 - INFO - CLOSED long at 2067.86 | PnL: 0.21% | $0.20 +2025-03-10 13:13:14,229 - INFO - OPENED LONG at 2067.59 | Stop loss: 2057.236517857143 | Take profit: 2098.6271482142856 +2025-03-10 13:13:14,378 - INFO - CLOSED long at 2070.4 | PnL: 0.14% | $0.07 +2025-03-10 13:13:14,378 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7675321428574 | Take profit: 2039.3207017857144 +2025-03-10 13:13:14,433 - INFO - CLOSED short at 2068.5 | PnL: 0.09% | $-0.02 +2025-03-10 13:13:14,434 - INFO - OPENED LONG at 2068.5 | Stop loss: 2058.141967857143 | Take profit: 2099.550798214286 +2025-03-10 13:13:14,450 - INFO - CLOSED long at 2068.69 | PnL: 0.01% | $-0.18 +2025-03-10 13:13:14,471 - INFO - OPENED LONG at 2067.84 | Stop loss: 2057.485267857143 | Take profit: 2098.880898214286 +2025-03-10 13:13:14,581 - INFO - CLOSED long at 2066.39 | PnL: -0.07% | $-0.33 +2025-03-10 13:13:14,582 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.737482142857 | Take profit: 2035.3708517857142 +2025-03-10 13:13:14,668 - INFO - CLOSED short at 2068.18 | PnL: -0.09% | $-0.36 +2025-03-10 13:13:14,726 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2349321428574 | Take profit: 2036.8385017857145 +2025-03-10 13:13:14,755 - INFO - CLOSED short at 2064.99 | PnL: 0.14% | $0.08 +2025-03-10 13:13:14,755 - INFO - OPENED LONG at 2064.99 | Stop loss: 2054.6495178571427 | Take profit: 2095.9881482142855 +2025-03-10 13:13:14,786 - INFO - CLOSED long at 2065.83 | PnL: 0.04% | $-0.11 +2025-03-10 13:13:14,786 - INFO - OPENED SHORT at 2065.83 | Stop loss: 2076.174682142857 | Take profit: 2034.8192517857142 +2025-03-10 13:13:14,897 - INFO - CLOSED short at 2061.78 | PnL: 0.20% | $0.18 +2025-03-10 13:13:14,897 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.4555678571433 | Take profit: 2092.729998214286 +2025-03-10 13:13:15,133 - INFO - CLOSED long at 2064.08 | PnL: 0.11% | $0.02 +2025-03-10 13:13:15,133 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.415932142857 | Take profit: 2033.095501785714 +2025-03-10 13:13:15,167 - INFO - CLOSED short at 2062.71 | PnL: 0.07% | $-0.06 +2025-03-10 13:13:15,199 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.219982142857 | Take profit: 2031.9233517857142 +2025-03-10 13:13:15,231 - INFO - CLOSED short at 2064.5 | PnL: -0.08% | $-0.34 +2025-03-10 13:13:15,231 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.161967857143 | Take profit: 2095.490798214286 +2025-03-10 13:13:15,407 - INFO - CLOSED long at 2062.61 | PnL: -0.09% | $-0.37 +2025-03-10 13:13:15,407 - INFO - OPENED SHORT at 2062.61 | Stop loss: 2072.9385821428573 | Take profit: 2031.6475517857143 +2025-03-10 13:13:15,487 - INFO - CLOSED short at 2061.13 | PnL: 0.07% | $-0.05 +2025-03-10 13:13:15,487 - INFO - OPENED LONG at 2061.13 | Stop loss: 2050.808817857143 | Take profit: 2092.0702482142856 +2025-03-10 13:13:15,661 - INFO - CLOSED long at 2065.89 | PnL: 0.23% | $0.25 +2025-03-10 13:13:15,661 - INFO - OPENED SHORT at 2065.89 | Stop loss: 2076.234982142857 | Take profit: 2034.8783517857144 +2025-03-10 13:13:15,702 - INFO - CLOSED short at 2063.0 | PnL: 0.14% | $0.08 +2025-03-10 13:13:15,722 - INFO - OPENED LONG at 2062.6 | Stop loss: 2052.271467857143 | Take profit: 2093.5622982142854 +2025-03-10 13:13:16,044 - INFO - CLOSED long at 2055.6 | PnL: -0.34% | $-0.84 +2025-03-10 13:13:16,070 - INFO - OPENED SHORT at 2054.89 | Stop loss: 2065.1799821428567 | Take profit: 2024.043351785714 +2025-03-10 13:13:16,091 - INFO - CLOSED short at 2054.83 | PnL: 0.00% | $-0.18 +2025-03-10 13:13:16,129 - INFO - OPENED LONG at 2058.15 | Stop loss: 2047.843717857143 | Take profit: 2089.045548214286 +2025-03-10 13:13:16,168 - INFO - CLOSED long at 2061.66 | PnL: 0.17% | $0.13 +2025-03-10 13:13:16,168 - INFO - OPENED SHORT at 2061.66 | Stop loss: 2071.983832142857 | Take profit: 2030.7118017857142 +2025-03-10 13:13:16,210 - INFO - CLOSED short at 2061.6 | PnL: 0.00% | $-0.18 +2025-03-10 13:13:16,211 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.276467857143 | Take profit: 2092.547298214286 +2025-03-10 13:13:16,268 - INFO - CLOSED long at 2062.69 | PnL: 0.05% | $-0.09 +2025-03-10 13:13:16,269 - INFO - OPENED SHORT at 2062.69 | Stop loss: 2073.018982142857 | Take profit: 2031.7263517857143 +2025-03-10 13:13:16,355 - INFO - CLOSED short at 2066.01 | PnL: -0.16% | $-0.49 +2025-03-10 13:13:16,412 - INFO - OPENED LONG at 2064.49 | Stop loss: 2054.1520178571427 | Take profit: 2095.480648214286 +2025-03-10 13:13:16,473 - INFO - CLOSED long at 2066.79 | PnL: 0.11% | $0.02 +2025-03-10 13:13:16,474 - INFO - OPENED SHORT at 2066.79 | Stop loss: 2077.139482142857 | Take profit: 2035.7648517857142 +2025-03-10 13:13:16,524 - INFO - CLOSED short at 2065.69 | PnL: 0.05% | $-0.09 +2025-03-10 13:13:16,525 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.346017857143 | Take profit: 2096.6986482142856 +2025-03-10 13:13:16,615 - INFO - CLOSED long at 2075.01 | PnL: 0.45% | $0.66 +2025-03-10 13:13:16,615 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.4005821428573 | Take profit: 2043.8615517857145 +2025-03-10 13:13:16,677 - INFO - CLOSED short at 2071.04 | PnL: 0.19% | $0.17 +2025-03-10 13:13:16,677 - INFO - OPENED LONG at 2071.04 | Stop loss: 2060.669267857143 | Take profit: 2102.1288982142855 +2025-03-10 13:13:16,798 - INFO - CLOSED long at 2070.0 | PnL: -0.05% | $-0.28 +2025-03-10 13:13:16,818 - INFO - OPENED LONG at 2068.15 | Stop loss: 2057.793717857143 | Take profit: 2099.1955482142857 +2025-03-10 13:13:16,968 - INFO - CLOSED long at 2069.87 | PnL: 0.08% | $-0.03 +2025-03-10 13:13:16,968 - INFO - OPENED SHORT at 2069.87 | Stop loss: 2080.234882142857 | Take profit: 2038.7986517857141 +2025-03-10 13:13:17,004 - INFO - CLOSED short at 2066.38 | PnL: 0.17% | $0.13 +2025-03-10 13:13:17,004 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.032567857143 | Take profit: 2097.3989982142857 +2025-03-10 13:13:17,431 - INFO - CLOSED long at 2069.69 | PnL: 0.16% | $0.11 +2025-03-10 13:13:17,467 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3309678571427 | Take profit: 2101.7837982142855 +2025-03-10 13:13:17,580 - INFO - CLOSED long at 2071.99 | PnL: 0.06% | $-0.07 +2025-03-10 13:13:17,613 - INFO - OPENED LONG at 2068.19 | Stop loss: 2057.833517857143 | Take profit: 2099.236148214286 +2025-03-10 13:13:17,729 - INFO - CLOSED long at 2074.35 | PnL: 0.30% | $0.37 +2025-03-10 13:13:17,729 - INFO - OPENED SHORT at 2074.35 | Stop loss: 2084.7372821428567 | Take profit: 2043.2114517857142 +2025-03-10 13:13:17,752 - INFO - CLOSED short at 2073.27 | PnL: 0.05% | $-0.09 +2025-03-10 13:13:17,753 - INFO - OPENED LONG at 2073.27 | Stop loss: 2062.888117857143 | Take profit: 2104.3923482142854 +2025-03-10 13:13:17,792 - INFO - CLOSED long at 2075.32 | PnL: 0.10% | $-0.00 +2025-03-10 13:13:17,792 - INFO - OPENED SHORT at 2075.32 | Stop loss: 2085.7121321428576 | Take profit: 2044.1669017857146 +2025-03-10 13:13:17,811 - INFO - CLOSED short at 2075.29 | PnL: 0.00% | $-0.19 +2025-03-10 13:13:17,811 - INFO - OPENED LONG at 2075.29 | Stop loss: 2064.898017857143 | Take profit: 2106.442648214286 +2025-03-10 13:13:18,103 - INFO - CLOSED long at 2065.45 | PnL: -0.47% | $-1.08 +2025-03-10 13:13:18,103 - INFO - OPENED SHORT at 2065.45 | Stop loss: 2075.792782142857 | Take profit: 2034.4449517857142 +2025-03-10 13:13:18,143 - INFO - CLOSED short at 2069.0 | PnL: -0.17% | $-0.51 +2025-03-10 13:13:18,143 - INFO - OPENED LONG at 2069.0 | Stop loss: 2058.639467857143 | Take profit: 2100.058298214286 +2025-03-10 13:13:18,162 - INFO - CLOSED long at 2070.19 | PnL: 0.06% | $-0.08 +2025-03-10 13:13:18,199 - INFO - OPENED LONG at 2067.19 | Stop loss: 2056.838517857143 | Take profit: 2098.2211482142857 +2025-03-10 13:13:18,218 - INFO - CLOSED long at 2065.5 | PnL: -0.08% | $-0.34 +2025-03-10 13:13:18,219 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.843032142857 | Take profit: 2034.4942017857143 +2025-03-10 13:13:18,253 - INFO - CLOSED short at 2065.7 | PnL: -0.01% | $-0.20 +2025-03-10 13:13:18,253 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.355967857143 | Take profit: 2096.7087982142857 +2025-03-10 13:13:18,421 - INFO - CLOSED long at 2062.34 | PnL: -0.16% | $-0.48 +2025-03-10 13:13:18,421 - INFO - OPENED SHORT at 2062.34 | Stop loss: 2072.6672321428573 | Take profit: 2031.3816017857143 +2025-03-10 13:13:18,505 - INFO - CLOSED short at 2064.11 | PnL: -0.09% | $-0.34 +2025-03-10 13:13:18,528 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.161967857143 | Take profit: 2095.490798214286 +2025-03-10 13:13:18,776 - INFO - STOP LOSS hit for long at 2054.161967857143 | PnL: -0.50% | $-1.10 +2025-03-10 13:13:18,828 - INFO - OPENED SHORT at 2049.5 | Stop loss: 2059.7630321428574 | Take profit: 2018.7342017857143 +2025-03-10 13:13:18,872 - INFO - CLOSED short at 2058.3 | PnL: -0.43% | $-0.96 +2025-03-10 13:13:18,872 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9929678571432 | Take profit: 2089.1977982142857 +2025-03-10 13:13:19,004 - INFO - CLOSED long at 2062.43 | PnL: 0.20% | $0.18 +2025-03-10 13:13:19,004 - INFO - OPENED SHORT at 2062.43 | Stop loss: 2072.757682142857 | Take profit: 2031.470251785714 +2025-03-10 13:13:19,059 - INFO - CLOSED short at 2065.12 | PnL: -0.13% | $-0.41 +2025-03-10 13:13:19,059 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.778867857143 | Take profit: 2096.120098214286 +2025-03-10 13:13:19,119 - INFO - CLOSED long at 2067.49 | PnL: 0.11% | $0.03 +2025-03-10 13:13:19,120 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8429821428567 | Take profit: 2036.4543517857142 +2025-03-10 13:13:19,153 - INFO - CLOSED short at 2066.59 | PnL: 0.04% | $-0.10 +2025-03-10 13:13:19,153 - INFO - OPENED LONG at 2066.59 | Stop loss: 2056.241517857143 | Take profit: 2097.612148214286 +2025-03-10 13:13:19,210 - INFO - CLOSED long at 2061.21 | PnL: -0.26% | $-0.64 +2025-03-10 13:13:19,235 - INFO - OPENED LONG at 2059.9 | Stop loss: 2049.584967857143 | Take profit: 2090.821798214286 +2025-03-10 13:13:19,303 - INFO - CLOSED long at 2065.72 | PnL: 0.28% | $0.32 +2025-03-10 13:13:19,328 - INFO - OPENED LONG at 2070.31 | Stop loss: 2059.942917857143 | Take profit: 2101.3879482142856 +2025-03-10 13:13:19,361 - INFO - CLOSED long at 2069.34 | PnL: -0.05% | $-0.26 +2025-03-10 13:13:19,361 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.702232142857 | Take profit: 2038.2766017857143 +2025-03-10 13:13:19,383 - INFO - CLOSED short at 2069.81 | PnL: -0.02% | $-0.22 +2025-03-10 13:13:19,384 - INFO - OPENED LONG at 2069.81 | Stop loss: 2059.4454178571427 | Take profit: 2100.8804482142855 +2025-03-10 13:13:19,400 - INFO - CLOSED long at 2070.41 | PnL: 0.03% | $-0.13 +2025-03-10 13:13:19,418 - INFO - OPENED LONG at 2073.49 | Stop loss: 2063.1070178571426 | Take profit: 2104.6156482142856 +2025-03-10 13:13:19,484 - INFO - CLOSED long at 2072.99 | PnL: -0.02% | $-0.22 +2025-03-10 13:13:19,514 - INFO - OPENED LONG at 2071.89 | Stop loss: 2061.5150178571425 | Take profit: 2102.9916482142853 +2025-03-10 13:13:19,643 - INFO - CLOSED long at 2085.56 | PnL: 0.66% | $0.99 +2025-03-10 13:13:19,643 - INFO - OPENED SHORT at 2085.56 | Stop loss: 2096.0033321428573 | Take profit: 2054.2533017857145 +2025-03-10 13:13:19,661 - INFO - CLOSED short at 2090.49 | PnL: -0.24% | $-0.60 +2025-03-10 13:13:19,678 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.550632142857 | Take profit: 2071.451401785714 +2025-03-10 13:13:19,698 - INFO - CLOSED short at 2130.7 | PnL: -1.32% | $-2.50 +2025-03-10 13:13:19,698 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.0309678571425 | Take profit: 2162.6837982142856 +2025-03-10 13:13:19,821 - INFO - CLOSED long at 2142.68 | PnL: 0.56% | $0.79 +2025-03-10 13:13:19,821 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.4089321428573 | Take profit: 2110.516501785714 +2025-03-10 13:13:19,853 - INFO - CLOSED short at 2140.01 | PnL: 0.12% | $0.04 +2025-03-10 13:13:19,854 - INFO - OPENED LONG at 2140.01 | Stop loss: 2129.294417857143 | Take profit: 2172.133448214286 +2025-03-10 13:13:19,915 - INFO - STOP LOSS hit for long at 2129.294417857143 | PnL: -0.50% | $-1.04 +2025-03-10 13:13:19,968 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.031017857143 | Take profit: 2160.643648214286 +2025-03-10 13:13:20,039 - INFO - STOP LOSS hit for long at 2118.031017857143 | PnL: -0.50% | $-1.03 +2025-03-10 13:13:20,081 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.777467857143 | Take profit: 2153.2442982142857 +2025-03-10 13:13:20,139 - INFO - CLOSED long at 2119.07 | PnL: -0.11% | $-0.36 +2025-03-10 13:13:20,139 - INFO - OPENED SHORT at 2119.07 | Stop loss: 2129.680882142857 | Take profit: 2087.2606517857143 +2025-03-10 13:13:20,159 - INFO - CLOSED short at 2115.28 | PnL: 0.18% | $0.13 +2025-03-10 13:13:20,160 - INFO - OPENED LONG at 2115.28 | Stop loss: 2104.688067857143 | Take profit: 2147.0324982142856 +2025-03-10 13:13:20,176 - INFO - CLOSED long at 2107.43 | PnL: -0.37% | $-0.80 +2025-03-10 13:13:20,177 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.982682142857 | Take profit: 2075.7952517857143 +2025-03-10 13:13:20,284 - INFO - CLOSED short at 2112.46 | PnL: -0.24% | $-0.57 +2025-03-10 13:13:20,284 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.882167857143 | Take profit: 2144.1701982142854 +2025-03-10 13:13:20,426 - INFO - CLOSED long at 2114.8 | PnL: 0.11% | $0.02 +2025-03-10 13:13:20,426 - INFO - OPENED SHORT at 2114.8 | Stop loss: 2125.389532142857 | Take profit: 2083.0547017857143 +2025-03-10 13:13:20,467 - INFO - CLOSED short at 2108.71 | PnL: 0.29% | $0.31 +2025-03-10 13:13:20,467 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.1509178571428 | Take profit: 2140.3639482142858 +2025-03-10 13:13:20,566 - INFO - CLOSED long at 2090.0 | PnL: -0.89% | $-1.65 +2025-03-10 13:13:20,585 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.0431821428574 | Take profit: 2068.0137517857142 +2025-03-10 13:13:20,623 - INFO - CLOSED short at 2102.19 | PnL: -0.13% | $-0.37 +2025-03-10 13:13:20,623 - INFO - OPENED LONG at 2102.19 | Stop loss: 2091.663517857143 | Take profit: 2133.7461482142858 +2025-03-10 13:13:20,655 - INFO - CLOSED long at 2102.29 | PnL: 0.00% | $-0.16 +2025-03-10 13:13:20,655 - INFO - OPENED SHORT at 2102.29 | Stop loss: 2112.816982142857 | Take profit: 2070.7323517857144 +2025-03-10 13:13:20,692 - INFO - CLOSED short at 2099.25 | PnL: 0.14% | $0.07 +2025-03-10 13:13:20,692 - INFO - OPENED LONG at 2099.25 | Stop loss: 2088.738217857143 | Take profit: 2130.7620482142856 +2025-03-10 13:13:20,854 - INFO - CLOSED long at 2103.86 | PnL: 0.22% | $0.19 +2025-03-10 13:13:20,855 - INFO - OPENED SHORT at 2103.86 | Stop loss: 2114.394832142857 | Take profit: 2072.278801785714 +2025-03-10 13:13:20,876 - INFO - CLOSED short at 2104.68 | PnL: -0.04% | $-0.23 +2025-03-10 13:13:20,877 - INFO - OPENED LONG at 2104.68 | Stop loss: 2094.141067857143 | Take profit: 2136.2734982142856 +2025-03-10 13:13:20,894 - INFO - CLOSED long at 2101.51 | PnL: -0.15% | $-0.41 +2025-03-10 13:13:20,894 - INFO - OPENED SHORT at 2101.51 | Stop loss: 2112.0330821428574 | Take profit: 2069.964051785714 +2025-03-10 13:13:20,931 - INFO - CLOSED short at 2100.02 | PnL: 0.07% | $-0.05 +2025-03-10 13:13:20,931 - INFO - OPENED LONG at 2100.02 | Stop loss: 2089.504367857143 | Take profit: 2131.543598214286 +2025-03-10 13:13:21,030 - INFO - CLOSED long at 2092.46 | PnL: -0.36% | $-0.74 +2025-03-10 13:13:21,030 - INFO - OPENED SHORT at 2092.46 | Stop loss: 2102.937832142857 | Take profit: 2061.0498017857144 +2025-03-10 13:13:21,060 - INFO - CLOSED short at 2091.1 | PnL: 0.06% | $-0.06 +2025-03-10 13:13:21,121 - INFO - OPENED LONG at 2094.08 | Stop loss: 2083.594067857143 | Take profit: 2125.5144982142856 +2025-03-10 13:13:21,182 - INFO - CLOSED long at 2083.28 | PnL: -0.52% | $-0.99 +2025-03-10 13:13:21,182 - INFO - OPENED SHORT at 2083.28 | Stop loss: 2093.711932142857 | Take profit: 2052.0075017857143 +2025-03-10 13:13:21,235 - INFO - CLOSED short at 2083.97 | PnL: -0.03% | $-0.21 +2025-03-10 13:13:21,235 - INFO - OPENED LONG at 2083.97 | Stop loss: 2073.5346178571426 | Take profit: 2115.2528482142857 +2025-03-10 13:13:21,309 - INFO - CLOSED long at 2080.38 | PnL: -0.17% | $-0.43 +2025-03-10 13:13:21,346 - INFO - OPENED LONG at 2083.41 | Stop loss: 2072.977417857143 | Take profit: 2114.6844482142856 +2025-03-10 13:13:21,385 - INFO - CLOSED long at 2083.59 | PnL: 0.01% | $-0.14 +2025-03-10 13:13:21,385 - INFO - OPENED SHORT at 2083.59 | Stop loss: 2094.023482142857 | Take profit: 2052.3128517857144 +2025-03-10 13:13:21,407 - INFO - CLOSED short at 2086.57 | PnL: -0.14% | $-0.38 +2025-03-10 13:13:21,407 - INFO - OPENED LONG at 2086.57 | Stop loss: 2076.121617857143 | Take profit: 2117.8918482142863 +2025-03-10 13:13:21,459 - INFO - CLOSED long at 2084.72 | PnL: -0.09% | $-0.29 +2025-03-10 13:13:21,459 - INFO - OPENED SHORT at 2084.72 | Stop loss: 2095.1591321428573 | Take profit: 2053.4259017857144 +2025-03-10 13:13:21,496 - INFO - CLOSED short at 2085.83 | PnL: -0.05% | $-0.24 +2025-03-10 13:13:21,496 - INFO - OPENED LONG at 2085.83 | Stop loss: 2075.3853178571426 | Take profit: 2117.140748214286 +2025-03-10 13:13:21,621 - INFO - CLOSED long at 2088.1 | PnL: 0.11% | $0.01 +2025-03-10 13:13:21,644 - INFO - OPENED LONG at 2089.96 | Stop loss: 2079.494667857143 | Take profit: 2121.3326982142858 +2025-03-10 13:13:21,791 - INFO - CLOSED long at 2091.05 | PnL: 0.05% | $-0.07 +2025-03-10 13:13:21,791 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.520782142857 | Take profit: 2059.6609517857146 +2025-03-10 13:13:21,812 - INFO - CLOSED short at 2091.05 | PnL: 0.00% | $-0.15 +2025-03-10 13:13:21,812 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.579217857143 | Take profit: 2122.4390482142862 +2025-03-10 13:13:21,872 - INFO - CLOSED long at 2094.7 | PnL: 0.17% | $0.12 +2025-03-10 13:13:21,872 - INFO - OPENED SHORT at 2094.7 | Stop loss: 2105.189032142857 | Take profit: 2063.256201785714 +2025-03-10 13:13:21,910 - INFO - CLOSED short at 2097.8 | PnL: -0.15% | $-0.38 +2025-03-10 13:13:21,910 - INFO - OPENED LONG at 2097.8 | Stop loss: 2087.295467857143 | Take profit: 2129.290298214286 +2025-03-10 13:13:22,004 - INFO - CLOSED long at 2097.11 | PnL: -0.03% | $-0.20 +2025-03-10 13:13:22,030 - INFO - OPENED LONG at 2098.49 | Stop loss: 2087.9820178571426 | Take profit: 2129.9906482142856 +2025-03-10 13:13:22,126 - INFO - CLOSED long at 2103.48 | PnL: 0.24% | $0.21 +2025-03-10 13:13:22,149 - INFO - OPENED LONG at 2104.93 | Stop loss: 2094.3898178571426 | Take profit: 2136.527248214286 +2025-03-10 13:13:22,185 - INFO - CLOSED long at 2103.07 | PnL: -0.09% | $-0.29 +2025-03-10 13:13:22,185 - INFO - OPENED SHORT at 2103.07 | Stop loss: 2113.6008821428572 | Take profit: 2071.5006517857146 +2025-03-10 13:13:22,203 - INFO - CLOSED short at 2101.5 | PnL: 0.07% | $-0.04 +2025-03-10 13:13:22,203 - INFO - OPENED LONG at 2101.5 | Stop loss: 2090.976967857143 | Take profit: 2133.0457982142857 +2025-03-10 13:13:22,318 - INFO - CLOSED long at 2103.52 | PnL: 0.10% | $-0.01 +2025-03-10 13:13:22,352 - INFO - OPENED LONG at 2104.4 | Stop loss: 2093.862467857143 | Take profit: 2135.989298214286 +2025-03-10 13:13:22,383 - INFO - Trade Analysis: Win Rate=18.6% in uptrends, 0.0% in downtrends | Avg Win=$0.21, Avg Loss=$-0.34 +2025-03-10 13:13:22,383 - INFO - Episode 8: Reward=-34.23, Balance=$77.15, Win Rate=28.2%, Trades=124, Episode PnL=$-19.19, Total PnL=$-207.67, Max Drawdown=22.8%, Pred Accuracy=99.4% +2025-03-10 13:13:22,385 - ERROR - Error in episode 8: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:13:22,385 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:13:22,406 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:13:22,602 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3315678571428 | Take profit: 2077.3019982142855 +2025-03-10 13:13:22,680 - INFO - CLOSED long at 2045.99 | PnL: -0.03% | $-0.26 +2025-03-10 13:13:22,680 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.235482142857 | Take profit: 2015.2768517857144 +2025-03-10 13:13:22,702 - INFO - CLOSED short at 2045.79 | PnL: 0.01% | $-0.18 +2025-03-10 13:13:22,702 - INFO - OPENED LONG at 2045.79 | Stop loss: 2035.5455178571428 | Take profit: 2076.5001482142857 +2025-03-10 13:13:22,904 - INFO - CLOSED long at 2052.3 | PnL: 0.32% | $0.43 +2025-03-10 13:13:23,052 - INFO - OPENED LONG at 2059.7 | Stop loss: 2049.3859678571425 | Take profit: 2090.6187982142856 +2025-03-10 13:13:23,085 - INFO - CLOSED long at 2063.29 | PnL: 0.17% | $0.15 +2025-03-10 13:13:23,085 - INFO - OPENED SHORT at 2063.29 | Stop loss: 2073.6219821428567 | Take profit: 2032.3173517857142 +2025-03-10 13:13:23,108 - INFO - CLOSED short at 2064.61 | PnL: -0.06% | $-0.33 +2025-03-10 13:13:23,108 - INFO - OPENED LONG at 2064.61 | Stop loss: 2054.2714178571428 | Take profit: 2095.602448214286 +2025-03-10 13:13:23,175 - INFO - CLOSED long at 2063.01 | PnL: -0.08% | $-0.35 +2025-03-10 13:13:23,175 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.3405821428573 | Take profit: 2032.0415517857145 +2025-03-10 13:13:23,230 - INFO - CLOSED short at 2060.0 | PnL: 0.15% | $0.09 +2025-03-10 13:13:23,230 - INFO - OPENED LONG at 2060.0 | Stop loss: 2049.684467857143 | Take profit: 2090.9232982142858 +2025-03-10 13:13:23,426 - INFO - CLOSED long at 2057.94 | PnL: -0.10% | $-0.40 +2025-03-10 13:13:23,426 - INFO - OPENED SHORT at 2057.94 | Stop loss: 2068.2452321428573 | Take profit: 2027.0476017857145 +2025-03-10 13:13:23,443 - INFO - CLOSED short at 2058.11 | PnL: -0.01% | $-0.21 +2025-03-10 13:13:23,484 - INFO - OPENED LONG at 2061.18 | Stop loss: 2050.8585678571426 | Take profit: 2092.1209982142855 +2025-03-10 13:13:23,631 - INFO - CLOSED long at 2070.99 | PnL: 0.48% | $0.74 +2025-03-10 13:13:23,690 - INFO - OPENED LONG at 2068.65 | Stop loss: 2058.291217857143 | Take profit: 2099.703048214286 +2025-03-10 13:13:23,776 - INFO - CLOSED long at 2067.69 | PnL: -0.05% | $-0.29 +2025-03-10 13:13:23,829 - INFO - OPENED SHORT at 2071.44 | Stop loss: 2081.8127321428574 | Take profit: 2040.3451017857144 +2025-03-10 13:13:23,845 - INFO - CLOSED short at 2073.73 | PnL: -0.11% | $-0.42 +2025-03-10 13:13:23,845 - INFO - OPENED LONG at 2073.73 | Stop loss: 2063.3458178571427 | Take profit: 2104.859248214286 +2025-03-10 13:13:23,868 - INFO - CLOSED long at 2075.1 | PnL: 0.07% | $-0.07 +2025-03-10 13:13:23,908 - INFO - OPENED LONG at 2072.33 | Stop loss: 2061.9528178571427 | Take profit: 2103.4382482142855 +2025-03-10 13:13:23,949 - INFO - CLOSED long at 2071.41 | PnL: -0.04% | $-0.28 +2025-03-10 13:13:23,969 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.0076178571426 | Take profit: 2100.4338482142857 +2025-03-10 13:13:24,053 - INFO - CLOSED long at 2070.28 | PnL: 0.04% | $-0.11 +2025-03-10 13:13:24,093 - INFO - OPENED LONG at 2068.02 | Stop loss: 2057.6643678571427 | Take profit: 2099.063598214286 +2025-03-10 13:13:24,180 - INFO - CLOSED long at 2068.9 | PnL: 0.04% | $-0.11 +2025-03-10 13:13:24,180 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.260032142857 | Take profit: 2037.8432017857144 +2025-03-10 13:13:24,212 - INFO - CLOSED short at 2070.7 | PnL: -0.09% | $-0.37 +2025-03-10 13:13:24,230 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.977767857143 | Take profit: 2100.4033982142855 +2025-03-10 13:13:24,335 - INFO - CLOSED long at 2066.39 | PnL: -0.14% | $-0.47 +2025-03-10 13:13:24,336 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.737482142857 | Take profit: 2035.3708517857142 +2025-03-10 13:13:24,357 - INFO - CLOSED short at 2065.99 | PnL: 0.02% | $-0.16 +2025-03-10 13:13:24,357 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.6445178571425 | Take profit: 2097.0031482142854 +2025-03-10 13:13:24,470 - INFO - CLOSED long at 2068.76 | PnL: 0.13% | $0.07 +2025-03-10 13:13:24,503 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.539967857143 | Take profit: 2099.956798214286 +2025-03-10 13:13:24,643 - INFO - CLOSED long at 2069.96 | PnL: 0.05% | $-0.09 +2025-03-10 13:13:24,682 - INFO - OPENED LONG at 2071.39 | Stop loss: 2061.0175178571426 | Take profit: 2102.4841482142856 +2025-03-10 13:13:24,883 - INFO - CLOSED long at 2070.4 | PnL: -0.05% | $-0.29 +2025-03-10 13:13:24,916 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.738917857143 | Take profit: 2102.199948214286 +2025-03-10 13:13:25,115 - INFO - CLOSED long at 2063.61 | PnL: -0.36% | $-0.89 +2025-03-10 13:13:25,116 - INFO - OPENED SHORT at 2063.61 | Stop loss: 2073.9435821428574 | Take profit: 2032.6325517857144 +2025-03-10 13:13:25,150 - INFO - CLOSED short at 2067.89 | PnL: -0.21% | $-0.59 +2025-03-10 13:13:25,150 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.535017857143 | Take profit: 2098.9316482142854 +2025-03-10 13:13:25,415 - INFO - CLOSED long at 2070.73 | PnL: 0.14% | $0.07 +2025-03-10 13:13:25,415 - INFO - OPENED SHORT at 2070.73 | Stop loss: 2081.099182142857 | Take profit: 2039.6457517857143 +2025-03-10 13:13:25,437 - INFO - CLOSED short at 2068.5 | PnL: 0.11% | $0.01 +2025-03-10 13:13:25,437 - INFO - OPENED LONG at 2068.5 | Stop loss: 2058.141967857143 | Take profit: 2099.550798214286 +2025-03-10 13:13:25,455 - INFO - CLOSED long at 2068.69 | PnL: 0.01% | $-0.17 +2025-03-10 13:13:25,455 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.0489821428573 | Take profit: 2037.6363517857144 +2025-03-10 13:13:25,476 - INFO - CLOSED short at 2067.84 | PnL: 0.04% | $-0.11 +2025-03-10 13:13:25,478 - INFO - OPENED LONG at 2067.84 | Stop loss: 2057.485267857143 | Take profit: 2098.880898214286 +2025-03-10 13:13:25,494 - INFO - CLOSED long at 2067.11 | PnL: -0.04% | $-0.26 +2025-03-10 13:13:25,495 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.4610821428573 | Take profit: 2036.0800517857144 +2025-03-10 13:13:25,514 - INFO - CLOSED short at 2067.86 | PnL: -0.04% | $-0.26 +2025-03-10 13:13:25,514 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.505167857143 | Take profit: 2098.9011982142856 +2025-03-10 13:13:25,576 - INFO - CLOSED long at 2065.28 | PnL: -0.12% | $-0.42 +2025-03-10 13:13:25,640 - INFO - OPENED LONG at 2070.04 | Stop loss: 2059.6742678571427 | Take profit: 2101.113898214286 +2025-03-10 13:13:25,762 - INFO - CLOSED long at 2067.88 | PnL: -0.10% | $-0.38 +2025-03-10 13:13:25,762 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2349321428574 | Take profit: 2036.8385017857145 +2025-03-10 13:13:25,821 - INFO - CLOSED short at 2065.83 | PnL: 0.10% | $-0.00 +2025-03-10 13:13:25,823 - INFO - OPENED LONG at 2065.83 | Stop loss: 2055.4853178571425 | Take profit: 2096.8407482142857 +2025-03-10 13:13:25,857 - INFO - CLOSED long at 2065.26 | PnL: -0.03% | $-0.24 +2025-03-10 13:13:25,873 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.219982142857 | Take profit: 2031.9233517857142 +2025-03-10 13:13:25,908 - INFO - CLOSED short at 2061.78 | PnL: 0.05% | $-0.09 +2025-03-10 13:13:25,926 - INFO - OPENED LONG at 2059.59 | Stop loss: 2049.276517857143 | Take profit: 2090.507148214286 +2025-03-10 13:13:26,015 - INFO - CLOSED long at 2067.1 | PnL: 0.36% | $0.49 +2025-03-10 13:13:26,198 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.838032142857 | Take profit: 2033.5092017857144 +2025-03-10 13:13:26,219 - INFO - CLOSED short at 2063.5 | PnL: 0.05% | $-0.10 +2025-03-10 13:13:26,219 - INFO - OPENED LONG at 2063.5 | Stop loss: 2053.166967857143 | Take profit: 2094.4757982142855 +2025-03-10 13:13:26,240 - INFO - CLOSED long at 2061.6 | PnL: -0.09% | $-0.36 +2025-03-10 13:13:26,240 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.9235321428573 | Take profit: 2030.6527017857143 +2025-03-10 13:13:26,260 - INFO - CLOSED short at 2060.9 | PnL: 0.03% | $-0.12 +2025-03-10 13:13:26,261 - INFO - OPENED LONG at 2060.9 | Stop loss: 2050.579967857143 | Take profit: 2091.836798214286 +2025-03-10 13:13:26,336 - INFO - CLOSED long at 2060.31 | PnL: -0.03% | $-0.24 +2025-03-10 13:13:26,337 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.627082142857 | Take profit: 2029.3820517857143 +2025-03-10 13:13:26,354 - INFO - CLOSED short at 2061.8 | PnL: -0.07% | $-0.32 +2025-03-10 13:13:26,374 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.360967857143 | Take profit: 2095.6937982142854 +2025-03-10 13:13:26,392 - INFO - CLOSED long at 2062.61 | PnL: -0.10% | $-0.37 +2025-03-10 13:13:26,432 - INFO - OPENED LONG at 2060.3 | Stop loss: 2049.982967857143 | Take profit: 2091.227798214286 +2025-03-10 13:13:26,484 - INFO - CLOSED long at 2061.9 | PnL: 0.08% | $-0.04 +2025-03-10 13:13:26,484 - INFO - OPENED SHORT at 2061.9 | Stop loss: 2072.2250321428573 | Take profit: 2030.9482017857144 +2025-03-10 13:13:26,526 - INFO - CLOSED short at 2064.1 | PnL: -0.11% | $-0.38 +2025-03-10 13:13:26,526 - INFO - OPENED LONG at 2064.1 | Stop loss: 2053.7639678571427 | Take profit: 2095.0847982142855 +2025-03-10 13:13:26,584 - INFO - CLOSED long at 2064.33 | PnL: 0.01% | $-0.16 +2025-03-10 13:13:26,584 - INFO - OPENED SHORT at 2064.33 | Stop loss: 2074.667182142857 | Take profit: 2033.3417517857142 +2025-03-10 13:13:26,617 - INFO - CLOSED short at 2063.39 | PnL: 0.05% | $-0.10 +2025-03-10 13:13:26,617 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.0575178571426 | Take profit: 2094.3641482142853 +2025-03-10 13:13:26,652 - INFO - CLOSED long at 2065.89 | PnL: 0.12% | $0.04 +2025-03-10 13:13:26,652 - INFO - OPENED SHORT at 2065.89 | Stop loss: 2076.234982142857 | Take profit: 2034.8783517857144 +2025-03-10 13:13:26,672 - INFO - CLOSED short at 2063.53 | PnL: 0.11% | $0.03 +2025-03-10 13:13:26,673 - INFO - OPENED LONG at 2063.53 | Stop loss: 2053.1968178571433 | Take profit: 2094.5062482142857 +2025-03-10 13:13:26,692 - INFO - CLOSED long at 2063.0 | PnL: -0.03% | $-0.23 +2025-03-10 13:13:26,711 - INFO - OPENED SHORT at 2062.6 | Stop loss: 2072.928532142857 | Take profit: 2031.6377017857142 +2025-03-10 13:13:26,732 - INFO - CLOSED short at 2061.89 | PnL: 0.03% | $-0.12 +2025-03-10 13:13:26,732 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5650178571427 | Take profit: 2092.841648214285 +2025-03-10 13:13:26,815 - INFO - CLOSED long at 2059.61 | PnL: -0.11% | $-0.38 +2025-03-10 13:13:26,815 - INFO - OPENED SHORT at 2059.61 | Stop loss: 2069.9235821428574 | Take profit: 2028.6925517857144 +2025-03-10 13:13:26,849 - INFO - CLOSED short at 2059.16 | PnL: 0.02% | $-0.14 +2025-03-10 13:13:26,849 - INFO - OPENED LONG at 2059.16 | Stop loss: 2048.8486678571426 | Take profit: 2090.0706982142856 +2025-03-10 13:13:26,915 - INFO - CLOSED long at 2058.89 | PnL: -0.01% | $-0.20 +2025-03-10 13:13:26,915 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.199982142857 | Take profit: 2027.9833517857144 +2025-03-10 13:13:26,949 - INFO - CLOSED short at 2059.96 | PnL: -0.05% | $-0.27 +2025-03-10 13:13:26,950 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.644667857143 | Take profit: 2090.882698214286 +2025-03-10 13:13:27,014 - INFO - CLOSED long at 2057.4 | PnL: -0.12% | $-0.40 +2025-03-10 13:13:27,014 - INFO - OPENED SHORT at 2057.4 | Stop loss: 2067.7025321428573 | Take profit: 2026.5157017857146 +2025-03-10 13:13:27,033 - INFO - CLOSED short at 2058.28 | PnL: -0.04% | $-0.26 +2025-03-10 13:13:27,034 - INFO - OPENED LONG at 2058.28 | Stop loss: 2047.9730678571432 | Take profit: 2089.177498214286 +2025-03-10 13:13:27,190 - INFO - CLOSED long at 2061.5 | PnL: 0.16% | $0.10 +2025-03-10 13:13:27,370 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.564967857143 | Take profit: 2094.881798214286 +2025-03-10 13:13:27,580 - INFO - CLOSED long at 2078.01 | PnL: 0.68% | $1.05 +2025-03-10 13:13:27,580 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.415582142857 | Take profit: 2046.8165517857144 +2025-03-10 13:13:27,616 - INFO - CLOSED short at 2072.6 | PnL: 0.26% | $0.29 +2025-03-10 13:13:27,617 - INFO - OPENED LONG at 2072.6 | Stop loss: 2062.2214678571427 | Take profit: 2103.712298214286 +2025-03-10 13:13:27,855 - INFO - CLOSED long at 2069.03 | PnL: -0.17% | $-0.49 +2025-03-10 13:13:27,879 - INFO - OPENED LONG at 2067.44 | Stop loss: 2057.0872678571427 | Take profit: 2098.4748982142855 +2025-03-10 13:13:27,967 - INFO - CLOSED long at 2067.33 | PnL: -0.01% | $-0.19 +2025-03-10 13:13:28,030 - INFO - OPENED LONG at 2065.66 | Stop loss: 2055.316167857143 | Take profit: 2096.6681982142854 +2025-03-10 13:13:28,086 - INFO - CLOSED long at 2063.97 | PnL: -0.08% | $-0.33 +2025-03-10 13:13:28,086 - INFO - OPENED SHORT at 2063.97 | Stop loss: 2074.305382142857 | Take profit: 2032.987151785714 +2025-03-10 13:13:28,212 - INFO - CLOSED short at 2064.31 | PnL: -0.02% | $-0.21 +2025-03-10 13:13:28,212 - INFO - OPENED LONG at 2064.31 | Stop loss: 2053.972917857143 | Take profit: 2095.297948214286 +2025-03-10 13:13:28,431 - INFO - CLOSED long at 2069.69 | PnL: 0.26% | $0.29 +2025-03-10 13:13:28,469 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.069032142857 | Take profit: 2039.6162017857139 +2025-03-10 13:13:28,501 - INFO - CLOSED short at 2070.8 | PnL: -0.00% | $-0.19 +2025-03-10 13:13:28,501 - INFO - OPENED LONG at 2070.8 | Stop loss: 2060.430467857143 | Take profit: 2101.885298214286 +2025-03-10 13:13:28,628 - INFO - CLOSED long at 2068.67 | PnL: -0.10% | $-0.36 +2025-03-10 13:13:28,653 - INFO - OPENED SHORT at 2070.67 | Stop loss: 2081.0388821428573 | Take profit: 2039.5866517857144 +2025-03-10 13:13:28,668 - INFO - CLOSED short at 2069.78 | PnL: 0.04% | $-0.10 +2025-03-10 13:13:28,706 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.982617857143 | Take profit: 2105.508848214286 +2025-03-10 13:13:28,719 - INFO - CLOSED long at 2075.07 | PnL: 0.03% | $-0.12 +2025-03-10 13:13:28,744 - INFO - OPENED LONG at 2074.35 | Stop loss: 2063.9627178571427 | Take profit: 2105.488548214286 +2025-03-10 13:13:28,784 - INFO - CLOSED long at 2073.99 | PnL: -0.02% | $-0.21 +2025-03-10 13:13:28,785 - INFO - OPENED SHORT at 2073.99 | Stop loss: 2084.375482142857 | Take profit: 2042.856851785714 +2025-03-10 13:13:28,862 - INFO - CLOSED short at 2076.9 | PnL: -0.14% | $-0.43 +2025-03-10 13:13:28,862 - INFO - OPENED LONG at 2076.9 | Stop loss: 2066.499967857143 | Take profit: 2108.0767982142856 +2025-03-10 13:13:29,061 - INFO - STOP LOSS hit for long at 2066.499967857143 | PnL: -0.50% | $-1.06 +2025-03-10 13:13:29,089 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.5400178571426 | Take profit: 2097.9166482142855 +2025-03-10 13:13:29,107 - INFO - CLOSED long at 2067.88 | PnL: 0.05% | $-0.09 +2025-03-10 13:13:29,108 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2349321428574 | Take profit: 2036.8385017857145 +2025-03-10 13:13:29,127 - INFO - CLOSED short at 2065.45 | PnL: 0.12% | $0.03 +2025-03-10 13:13:29,127 - INFO - OPENED LONG at 2065.45 | Stop loss: 2055.1072178571426 | Take profit: 2096.455048214286 +2025-03-10 13:13:29,383 - INFO - CLOSED long at 2063.39 | PnL: -0.10% | $-0.35 +2025-03-10 13:13:29,383 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.722482142857 | Take profit: 2032.415851785714 +2025-03-10 13:13:29,413 - INFO - CLOSED short at 2062.34 | PnL: 0.05% | $-0.09 +2025-03-10 13:13:29,413 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.012767857143 | Take profit: 2093.2983982142855 +2025-03-10 13:13:29,485 - INFO - CLOSED long at 2064.11 | PnL: 0.09% | $-0.02 +2025-03-10 13:13:29,485 - INFO - OPENED SHORT at 2064.11 | Stop loss: 2074.4460821428574 | Take profit: 2033.1250517857143 +2025-03-10 13:13:29,519 - INFO - CLOSED short at 2066.33 | PnL: -0.11% | $-0.36 +2025-03-10 13:13:29,525 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.982817857143 | Take profit: 2097.348248214286 +2025-03-10 13:13:29,707 - INFO - STOP LOSS hit for long at 2055.982817857143 | PnL: -0.50% | $-1.04 +2025-03-10 13:13:29,747 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.9484178571429 | Take profit: 2079.971448214286 +2025-03-10 13:13:29,821 - INFO - CLOSED long at 2058.3 | PnL: 0.44% | $0.59 +2025-03-10 13:13:29,847 - INFO - OPENED LONG at 2056.85 | Stop loss: 2046.5502178571428 | Take profit: 2087.7260482142856 +2025-03-10 13:13:29,951 - INFO - CLOSED long at 2062.43 | PnL: 0.27% | $0.30 +2025-03-10 13:13:29,976 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.878282142857 | Take profit: 2031.5884517857146 +2025-03-10 13:13:30,000 - INFO - CLOSED short at 2065.12 | PnL: -0.12% | $-0.39 +2025-03-10 13:13:30,001 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.778867857143 | Take profit: 2096.120098214286 +2025-03-10 13:13:30,177 - INFO - CLOSED long at 2059.9 | PnL: -0.25% | $-0.61 +2025-03-10 13:13:30,177 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.215032142857 | Take profit: 2028.9782017857144 +2025-03-10 13:13:30,209 - INFO - CLOSED short at 2060.7 | PnL: -0.04% | $-0.24 +2025-03-10 13:13:30,209 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3809678571424 | Take profit: 2091.633798214286 +2025-03-10 13:13:30,362 - INFO - CLOSED long at 2070.41 | PnL: 0.47% | $0.63 +2025-03-10 13:13:30,363 - INFO - OPENED SHORT at 2070.41 | Stop loss: 2080.777582142857 | Take profit: 2039.3305517857143 +2025-03-10 13:13:30,400 - INFO - CLOSED short at 2074.05 | PnL: -0.18% | $-0.47 +2025-03-10 13:13:30,400 - INFO - OPENED LONG at 2074.05 | Stop loss: 2063.6642178571433 | Take profit: 2105.184048214286 +2025-03-10 13:13:30,549 - INFO - CLOSED long at 2076.08 | PnL: 0.10% | $-0.00 +2025-03-10 13:13:30,583 - INFO - OPENED LONG at 2077.61 | Stop loss: 2067.206417857143 | Take profit: 2108.797448214286 +2025-03-10 13:13:30,665 - INFO - TAKE PROFIT hit for long at 2108.797448214286 | PnL: 1.50% | $2.39 +2025-03-10 13:13:30,683 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.253232142857 | Take profit: 2107.4236017857143 +2025-03-10 13:13:30,701 - INFO - CLOSED short at 2131.78 | PnL: 0.36% | $0.46 +2025-03-10 13:13:30,718 - INFO - OPENED LONG at 2133.95 | Stop loss: 2123.264717857143 | Take profit: 2165.9825482142855 +2025-03-10 13:13:30,734 - INFO - CLOSED long at 2137.59 | PnL: 0.17% | $0.12 +2025-03-10 13:13:30,778 - INFO - OPENED LONG at 2141.3 | Stop loss: 2130.577967857143 | Take profit: 2173.4427982142856 +2025-03-10 13:13:30,877 - INFO - STOP LOSS hit for long at 2130.577967857143 | PnL: -0.50% | $-1.06 +2025-03-10 13:13:30,912 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.647967857143 | Take profit: 2159.2327982142856 +2025-03-10 13:13:30,969 - INFO - CLOSED long at 2121.09 | PnL: -0.29% | $-0.68 +2025-03-10 13:13:31,003 - INFO - OPENED SHORT at 2120.15 | Stop loss: 2130.766282142857 | Take profit: 2088.3244517857142 +2025-03-10 13:13:31,046 - INFO - CLOSED short at 2119.93 | PnL: 0.01% | $-0.16 +2025-03-10 13:13:31,046 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3148178571428 | Take profit: 2151.752248214286 +2025-03-10 13:13:31,089 - INFO - CLOSED long at 2118.52 | PnL: -0.07% | $-0.29 +2025-03-10 13:13:31,125 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.459117857143 | Take profit: 2150.8793482142855 +2025-03-10 13:13:31,152 - INFO - CLOSED long at 2115.28 | PnL: -0.18% | $-0.48 +2025-03-10 13:13:31,171 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8773178571428 | Take profit: 2139.0647482142854 +2025-03-10 13:13:31,268 - INFO - CLOSED long at 2112.95 | PnL: 0.26% | $0.28 +2025-03-10 13:13:31,268 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.5302821428572 | Take profit: 2081.232451785714 +2025-03-10 13:13:31,303 - INFO - CLOSED short at 2112.46 | PnL: 0.02% | $-0.13 +2025-03-10 13:13:31,361 - INFO - OPENED LONG at 2112.99 | Stop loss: 2102.4095178571424 | Take profit: 2144.7081482142853 +2025-03-10 13:13:31,441 - INFO - CLOSED long at 2114.8 | PnL: 0.09% | $-0.02 +2025-03-10 13:13:31,481 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.1509178571428 | Take profit: 2140.3639482142858 +2025-03-10 13:13:31,575 - INFO - STOP LOSS hit for long at 2098.1509178571428 | PnL: -0.50% | $-1.03 +2025-03-10 13:13:31,600 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.016817857143 | Take profit: 2131.046248214286 +2025-03-10 13:13:31,661 - INFO - CLOSED long at 2102.19 | PnL: 0.13% | $0.05 +2025-03-10 13:13:31,662 - INFO - OPENED SHORT at 2102.19 | Stop loss: 2112.716482142857 | Take profit: 2070.6338517857143 +2025-03-10 13:13:31,693 - INFO - CLOSED short at 2102.29 | PnL: -0.00% | $-0.18 +2025-03-10 13:13:31,727 - INFO - OPENED LONG at 2099.25 | Stop loss: 2088.738217857143 | Take profit: 2130.7620482142856 +2025-03-10 13:13:31,845 - INFO - CLOSED long at 2100.74 | PnL: 0.07% | $-0.05 +2025-03-10 13:13:31,845 - INFO - OPENED SHORT at 2100.74 | Stop loss: 2111.259232142857 | Take profit: 2069.205601785714 +2025-03-10 13:13:31,869 - INFO - CLOSED short at 2103.86 | PnL: -0.15% | $-0.42 +2025-03-10 13:13:31,870 - INFO - OPENED LONG at 2103.86 | Stop loss: 2093.3251678571432 | Take profit: 2135.4411982142856 +2025-03-10 13:13:31,960 - INFO - CLOSED long at 2098.39 | PnL: -0.26% | $-0.61 +2025-03-10 13:13:31,960 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.8974821428574 | Take profit: 2066.890851785714 +2025-03-10 13:13:31,981 - INFO - CLOSED short at 2095.29 | PnL: 0.15% | $0.08 +2025-03-10 13:13:31,981 - INFO - OPENED LONG at 2095.29 | Stop loss: 2084.798017857143 | Take profit: 2126.742648214286 +2025-03-10 13:13:32,190 - INFO - STOP LOSS hit for long at 2084.798017857143 | PnL: -0.50% | $-1.01 +2025-03-10 13:13:32,236 - INFO - OPENED LONG at 2083.97 | Stop loss: 2073.5346178571426 | Take profit: 2115.2528482142857 +2025-03-10 13:13:32,253 - INFO - CLOSED long at 2085.3 | PnL: 0.06% | $-0.06 +2025-03-10 13:13:32,253 - INFO - OPENED SHORT at 2085.3 | Stop loss: 2095.742032142857 | Take profit: 2053.9972017857144 +2025-03-10 13:13:32,265 - INFO - CLOSED short at 2082.44 | PnL: 0.14% | $0.06 +2025-03-10 13:13:32,265 - INFO - OPENED LONG at 2082.44 | Stop loss: 2072.012267857143 | Take profit: 2113.699898214286 +2025-03-10 13:13:32,289 - INFO - CLOSED long at 2081.49 | PnL: -0.05% | $-0.24 +2025-03-10 13:13:32,309 - INFO - OPENED LONG at 2080.38 | Stop loss: 2069.962567857143 | Take profit: 2111.6089982142857 +2025-03-10 13:13:32,512 - INFO - CLOSED long at 2085.85 | PnL: 0.26% | $0.27 +2025-03-10 13:13:32,550 - INFO - OPENED LONG at 2088.66 | Stop loss: 2078.2011678571425 | Take profit: 2120.0131982142857 +2025-03-10 13:13:32,724 - INFO - CLOSED long at 2085.67 | PnL: -0.14% | $-0.40 +2025-03-10 13:13:32,724 - INFO - OPENED SHORT at 2085.67 | Stop loss: 2096.113882142857 | Take profit: 2054.3616517857145 +2025-03-10 13:13:32,780 - INFO - CLOSED short at 2091.05 | PnL: -0.26% | $-0.59 +2025-03-10 13:13:32,781 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.579217857143 | Take profit: 2122.4390482142862 +2025-03-10 13:13:32,801 - INFO - CLOSED long at 2091.95 | PnL: 0.04% | $-0.09 +2025-03-10 13:13:32,831 - INFO - OPENED LONG at 2094.7 | Stop loss: 2084.210967857143 | Take profit: 2126.1437982142857 +2025-03-10 13:13:32,998 - INFO - CLOSED long at 2099.89 | PnL: 0.25% | $0.24 +2025-03-10 13:13:32,998 - INFO - OPENED SHORT at 2099.89 | Stop loss: 2110.404982142857 | Take profit: 2068.368351785714 +2025-03-10 13:13:33,023 - INFO - CLOSED short at 2100.89 | PnL: -0.05% | $-0.24 +2025-03-10 13:13:33,023 - INFO - OPENED LONG at 2100.89 | Stop loss: 2090.370017857143 | Take profit: 2132.4266482142853 +2025-03-10 13:13:33,199 - INFO - CLOSED long at 2105.2 | PnL: 0.21% | $0.17 +2025-03-10 13:13:33,199 - INFO - OPENED SHORT at 2105.2 | Stop loss: 2115.741532142857 | Take profit: 2073.598701785714 +2025-03-10 13:13:33,235 - INFO - CLOSED short at 2103.52 | PnL: 0.08% | $-0.03 +2025-03-10 13:13:33,236 - INFO - OPENED LONG at 2103.52 | Stop loss: 2092.986867857143 | Take profit: 2135.0960982142856 +2025-03-10 13:13:33,295 - INFO - Trade Analysis: Win Rate=19.0% in uptrends, 0.0% in downtrends | Avg Win=$0.34, Avg Loss=$-0.31 +2025-03-10 13:13:33,296 - INFO - Episode 9: Reward=70.44, Balance=$82.39, Win Rate=24.1%, Trades=116, Episode PnL=$-12.47, Total PnL=$-225.28, Max Drawdown=17.8%, Pred Accuracy=99.8% +2025-03-10 13:13:33,296 - ERROR - Error in episode 9: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:13:33,297 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:13:33,317 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:13:33,564 - INFO - OPENED SHORT at 2046.58 | Stop loss: 2056.8284321428573 | Take profit: 2015.8580017857144 +2025-03-10 13:13:33,603 - INFO - CLOSED short at 2047.2 | PnL: -0.03% | $-0.26 +2025-03-10 13:13:33,603 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.9484678571428 | Take profit: 2077.931298214286 +2025-03-10 13:13:33,745 - INFO - CLOSED long at 2050.24 | PnL: 0.15% | $0.10 +2025-03-10 13:13:33,745 - INFO - OPENED SHORT at 2050.24 | Stop loss: 2060.506732142857 | Take profit: 2019.4631017857141 +2025-03-10 13:13:33,770 - INFO - CLOSED short at 2049.89 | PnL: 0.02% | $-0.16 +2025-03-10 13:13:33,771 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6250178571427 | Take profit: 2080.661648214286 +2025-03-10 13:13:33,785 - INFO - CLOSED long at 2051.11 | PnL: 0.06% | $-0.08 +2025-03-10 13:13:33,807 - INFO - OPENED SHORT at 2053.26 | Stop loss: 2063.5418321428574 | Take profit: 2022.4378017857143 +2025-03-10 13:13:33,828 - INFO - CLOSED short at 2051.89 | PnL: 0.07% | $-0.07 +2025-03-10 13:13:33,828 - INFO - OPENED LONG at 2051.89 | Stop loss: 2041.6150178571427 | Take profit: 2082.6916482142856 +2025-03-10 13:13:34,017 - INFO - CLOSED long at 2059.7 | PnL: 0.38% | $0.55 +2025-03-10 13:13:34,017 - INFO - OPENED SHORT at 2059.7 | Stop loss: 2070.014032142857 | Take profit: 2028.781201785714 +2025-03-10 13:13:34,041 - INFO - CLOSED short at 2061.49 | PnL: -0.09% | $-0.37 +2025-03-10 13:13:34,041 - INFO - OPENED LONG at 2061.49 | Stop loss: 2051.1670178571426 | Take profit: 2092.4356482142853 +2025-03-10 13:13:34,096 - INFO - CLOSED long at 2063.59 | PnL: 0.10% | $0.00 +2025-03-10 13:13:34,118 - INFO - OPENED LONG at 2061.61 | Stop loss: 2051.286417857143 | Take profit: 2092.557448214286 +2025-03-10 13:13:34,150 - INFO - CLOSED long at 2063.01 | PnL: 0.07% | $-0.06 +2025-03-10 13:13:34,150 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.3405821428573 | Take profit: 2032.0415517857145 +2025-03-10 13:13:34,175 - INFO - CLOSED short at 2060.99 | PnL: 0.10% | $-0.00 +2025-03-10 13:13:34,175 - INFO - OPENED LONG at 2060.99 | Stop loss: 2050.6695178571426 | Take profit: 2091.9281482142856 +2025-03-10 13:13:34,361 - INFO - CLOSED long at 2057.8 | PnL: -0.15% | $-0.50 +2025-03-10 13:13:34,396 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.5850178571427 | Take profit: 2088.7816482142853 +2025-03-10 13:13:34,411 - INFO - CLOSED long at 2057.94 | PnL: 0.00% | $-0.19 +2025-03-10 13:13:34,433 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.803917857143 | Take profit: 2089.004948214286 +2025-03-10 13:13:34,452 - INFO - CLOSED long at 2061.79 | PnL: 0.18% | $0.15 +2025-03-10 13:13:34,470 - INFO - OPENED LONG at 2061.18 | Stop loss: 2050.8585678571426 | Take profit: 2092.1209982142855 +2025-03-10 13:13:34,626 - INFO - CLOSED long at 2070.99 | PnL: 0.48% | $0.74 +2025-03-10 13:13:34,626 - INFO - OPENED SHORT at 2070.99 | Stop loss: 2081.360482142857 | Take profit: 2039.9018517857141 +2025-03-10 13:13:34,664 - INFO - CLOSED short at 2069.6 | PnL: 0.07% | $-0.07 +2025-03-10 13:13:34,664 - INFO - OPENED LONG at 2069.6 | Stop loss: 2059.236467857143 | Take profit: 2100.6672982142854 +2025-03-10 13:13:34,750 - INFO - CLOSED long at 2067.9 | PnL: -0.08% | $-0.36 +2025-03-10 13:13:34,750 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.255032142857 | Take profit: 2036.8582017857143 +2025-03-10 13:13:34,787 - INFO - CLOSED short at 2067.69 | PnL: 0.01% | $-0.18 +2025-03-10 13:13:34,787 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.336017857143 | Take profit: 2098.7286482142854 +2025-03-10 13:13:34,836 - INFO - CLOSED long at 2071.44 | PnL: 0.18% | $0.16 +2025-03-10 13:13:34,836 - INFO - OPENED SHORT at 2071.44 | Stop loss: 2081.8127321428574 | Take profit: 2040.3451017857144 +2025-03-10 13:13:34,875 - INFO - CLOSED short at 2075.1 | PnL: -0.18% | $-0.55 +2025-03-10 13:13:34,876 - INFO - OPENED LONG at 2075.1 | Stop loss: 2064.708967857143 | Take profit: 2106.2497982142854 +2025-03-10 13:13:35,004 - INFO - CLOSED long at 2072.8 | PnL: -0.11% | $-0.41 +2025-03-10 13:13:35,004 - INFO - OPENED SHORT at 2072.8 | Stop loss: 2083.1795321428576 | Take profit: 2041.6847017857144 +2025-03-10 13:13:35,035 - INFO - CLOSED short at 2070.79 | PnL: 0.10% | $-0.01 +2025-03-10 13:13:35,094 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.375632142857 | Take profit: 2036.9764017857142 +2025-03-10 13:13:35,127 - INFO - CLOSED short at 2067.2 | PnL: 0.04% | $-0.12 +2025-03-10 13:13:35,128 - INFO - OPENED LONG at 2067.2 | Stop loss: 2056.8484678571426 | Take profit: 2098.2312982142853 +2025-03-10 13:13:35,156 - INFO - CLOSED long at 2070.36 | PnL: 0.15% | $0.10 +2025-03-10 13:13:35,193 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.539967857143 | Take profit: 2099.956798214286 +2025-03-10 13:13:35,251 - INFO - CLOSED long at 2069.19 | PnL: 0.01% | $-0.17 +2025-03-10 13:13:35,252 - INFO - OPENED SHORT at 2069.19 | Stop loss: 2079.551482142857 | Take profit: 2038.1288517857145 +2025-03-10 13:13:35,271 - INFO - CLOSED short at 2068.8 | PnL: 0.02% | $-0.16 +2025-03-10 13:13:35,271 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.440467857143 | Take profit: 2099.855298214286 +2025-03-10 13:13:35,538 - INFO - CLOSED long at 2068.51 | PnL: -0.01% | $-0.22 +2025-03-10 13:13:35,538 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.8680821428575 | Take profit: 2037.4590517857146 +2025-03-10 13:13:35,578 - INFO - CLOSED short at 2068.59 | PnL: -0.00% | $-0.20 +2025-03-10 13:13:35,578 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.231517857143 | Take profit: 2099.642148214286 +2025-03-10 13:13:35,842 - INFO - CLOSED long at 2071.92 | PnL: 0.16% | $0.12 +2025-03-10 13:13:35,842 - INFO - OPENED SHORT at 2071.92 | Stop loss: 2082.2951321428573 | Take profit: 2040.8179017857142 +2025-03-10 13:13:35,879 - INFO - CLOSED short at 2070.4 | PnL: 0.07% | $-0.05 +2025-03-10 13:13:35,879 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.032467857143 | Take profit: 2101.479298214286 +2025-03-10 13:13:36,052 - INFO - CLOSED long at 2067.46 | PnL: -0.14% | $-0.47 +2025-03-10 13:13:36,110 - INFO - OPENED LONG at 2063.61 | Stop loss: 2053.276417857143 | Take profit: 2094.587448214286 +2025-03-10 13:13:36,277 - INFO - CLOSED long at 2067.59 | PnL: 0.19% | $0.18 +2025-03-10 13:13:36,308 - INFO - OPENED LONG at 2069.2 | Stop loss: 2058.8384678571424 | Take profit: 2100.2612982142855 +2025-03-10 13:13:36,526 - INFO - CLOSED long at 2067.86 | PnL: -0.06% | $-0.32 +2025-03-10 13:13:36,552 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.052467857143 | Take profit: 2097.4192982142854 +2025-03-10 13:13:36,584 - INFO - CLOSED long at 2065.28 | PnL: -0.05% | $-0.30 +2025-03-10 13:13:36,606 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.0425178571427 | Take profit: 2097.409148214286 +2025-03-10 13:13:36,705 - INFO - CLOSED long at 2067.8 | PnL: 0.07% | $-0.06 +2025-03-10 13:13:36,738 - INFO - OPENED SHORT at 2068.18 | Stop loss: 2078.536432142857 | Take profit: 2037.1340017857142 +2025-03-10 13:13:36,771 - INFO - CLOSED short at 2065.69 | PnL: 0.12% | $0.04 +2025-03-10 13:13:36,774 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.346017857143 | Take profit: 2096.6986482142856 +2025-03-10 13:13:37,298 - INFO - CLOSED long at 2062.89 | PnL: -0.14% | $-0.45 +2025-03-10 13:13:37,325 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.161967857143 | Take profit: 2095.490798214286 +2025-03-10 13:13:37,511 - INFO - CLOSED long at 2061.8 | PnL: -0.13% | $-0.44 +2025-03-10 13:13:37,545 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.360967857143 | Take profit: 2095.6937982142854 +2025-03-10 13:13:37,602 - INFO - CLOSED long at 2060.91 | PnL: -0.18% | $-0.54 +2025-03-10 13:13:37,602 - INFO - OPENED SHORT at 2060.91 | Stop loss: 2071.230082142857 | Take profit: 2029.973051785714 +2025-03-10 13:13:37,626 - INFO - CLOSED short at 2060.3 | PnL: 0.03% | $-0.13 +2025-03-10 13:13:37,626 - INFO - OPENED LONG at 2060.3 | Stop loss: 2049.982967857143 | Take profit: 2091.227798214286 +2025-03-10 13:13:37,666 - INFO - CLOSED long at 2061.9 | PnL: 0.08% | $-0.04 +2025-03-10 13:13:37,667 - INFO - OPENED SHORT at 2061.9 | Stop loss: 2072.2250321428573 | Take profit: 2030.9482017857144 +2025-03-10 13:13:37,684 - INFO - CLOSED short at 2064.1 | PnL: -0.11% | $-0.39 +2025-03-10 13:13:37,706 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.017667857143 | Take profit: 2096.363698214286 +2025-03-10 13:13:38,062 - INFO - CLOSED long at 2058.89 | PnL: -0.31% | $-0.78 +2025-03-10 13:13:38,091 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.644667857143 | Take profit: 2090.882698214286 +2025-03-10 13:13:38,171 - INFO - CLOSED long at 2056.28 | PnL: -0.18% | $-0.52 +2025-03-10 13:13:38,181 - INFO - OPENED SHORT at 2056.28 | Stop loss: 2066.5769321428575 | Take profit: 2025.4125017857145 +2025-03-10 13:13:38,284 - INFO - CLOSED short at 2054.83 | PnL: 0.07% | $-0.05 +2025-03-10 13:13:38,284 - INFO - OPENED LONG at 2054.83 | Stop loss: 2044.5403178571428 | Take profit: 2085.6757482142852 +2025-03-10 13:13:38,320 - INFO - CLOSED long at 2056.71 | PnL: 0.09% | $-0.02 +2025-03-10 13:13:38,321 - INFO - OPENED SHORT at 2056.71 | Stop loss: 2067.0090821428576 | Take profit: 2025.8360517857145 +2025-03-10 13:13:38,366 - INFO - CLOSED short at 2058.15 | PnL: -0.07% | $-0.32 +2025-03-10 13:13:38,367 - INFO - OPENED LONG at 2058.15 | Stop loss: 2047.843717857143 | Take profit: 2089.045548214286 +2025-03-10 13:13:38,501 - INFO - CLOSED long at 2062.69 | PnL: 0.22% | $0.22 +2025-03-10 13:13:38,501 - INFO - OPENED SHORT at 2062.69 | Stop loss: 2073.018982142857 | Take profit: 2031.7263517857143 +2025-03-10 13:13:38,522 - INFO - CLOSED short at 2063.4 | PnL: -0.03% | $-0.25 +2025-03-10 13:13:38,522 - INFO - OPENED LONG at 2063.4 | Stop loss: 2053.0674678571427 | Take profit: 2094.374298214286 +2025-03-10 13:13:38,572 - INFO - CLOSED long at 2063.9 | PnL: 0.02% | $-0.14 +2025-03-10 13:13:38,614 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.982817857143 | Take profit: 2097.348248214286 +2025-03-10 13:13:38,768 - INFO - CLOSED long at 2065.69 | PnL: -0.03% | $-0.24 +2025-03-10 13:13:38,768 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.0339821428574 | Take profit: 2034.6813517857142 +2025-03-10 13:13:38,809 - INFO - CLOSED short at 2069.79 | PnL: -0.20% | $-0.55 +2025-03-10 13:13:38,809 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.425517857143 | Take profit: 2100.860148214286 +2025-03-10 13:13:38,844 - INFO - CLOSED long at 2074.3 | PnL: 0.22% | $0.22 +2025-03-10 13:13:38,869 - INFO - OPENED LONG at 2078.01 | Stop loss: 2067.604417857143 | Take profit: 2109.203448214286 +2025-03-10 13:13:38,925 - INFO - CLOSED long at 2071.04 | PnL: -0.34% | $-0.80 +2025-03-10 13:13:38,925 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.4107321428573 | Take profit: 2039.9511017857142 +2025-03-10 13:13:38,947 - INFO - CLOSED short at 2070.01 | PnL: 0.05% | $-0.09 +2025-03-10 13:13:38,968 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.226467857143 | Take profit: 2102.6972982142856 +2025-03-10 13:13:39,020 - INFO - CLOSED long at 2070.0 | PnL: -0.08% | $-0.32 +2025-03-10 13:13:39,086 - INFO - OPENED SHORT at 2068.39 | Stop loss: 2078.747482142857 | Take profit: 2037.3408517857142 +2025-03-10 13:13:39,125 - INFO - CLOSED short at 2069.69 | PnL: -0.06% | $-0.29 +2025-03-10 13:13:39,125 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.3260178571427 | Take profit: 2100.758648214286 +2025-03-10 13:13:39,269 - INFO - CLOSED long at 2069.87 | PnL: 0.01% | $-0.16 +2025-03-10 13:13:39,292 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.977817857143 | Take profit: 2098.3632482142857 +2025-03-10 13:13:39,310 - INFO - CLOSED long at 2066.38 | PnL: -0.05% | $-0.26 +2025-03-10 13:13:39,311 - INFO - OPENED SHORT at 2066.38 | Stop loss: 2076.7274321428577 | Take profit: 2035.3610017857145 +2025-03-10 13:13:39,327 - INFO - CLOSED short at 2065.7 | PnL: 0.03% | $-0.12 +2025-03-10 13:13:39,327 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.355967857143 | Take profit: 2096.7087982142857 +2025-03-10 13:13:39,518 - INFO - CLOSED long at 2065.5 | PnL: -0.01% | $-0.20 +2025-03-10 13:13:39,519 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.843032142857 | Take profit: 2034.4942017857143 +2025-03-10 13:13:39,552 - INFO - CLOSED short at 2067.53 | PnL: -0.10% | $-0.35 +2025-03-10 13:13:39,552 - INFO - OPENED LONG at 2067.53 | Stop loss: 2057.176817857143 | Take profit: 2098.566248214286 +2025-03-10 13:13:39,577 - INFO - CLOSED long at 2065.29 | PnL: -0.11% | $-0.37 +2025-03-10 13:13:39,608 - INFO - OPENED LONG at 2065.31 | Stop loss: 2054.9679178571428 | Take profit: 2096.3129482142854 +2025-03-10 13:13:39,691 - INFO - CLOSED long at 2070.2 | PnL: 0.24% | $0.24 +2025-03-10 13:13:39,720 - INFO - OPENED LONG at 2071.35 | Stop loss: 2060.9777178571426 | Take profit: 2102.443548214286 +2025-03-10 13:13:39,798 - INFO - CLOSED long at 2070.35 | PnL: -0.05% | $-0.26 +2025-03-10 13:13:39,798 - INFO - OPENED SHORT at 2070.35 | Stop loss: 2080.717282142857 | Take profit: 2039.2714517857144 +2025-03-10 13:13:39,842 - INFO - CLOSED short at 2070.61 | PnL: -0.01% | $-0.20 +2025-03-10 13:13:39,842 - INFO - OPENED LONG at 2070.61 | Stop loss: 2060.241417857143 | Take profit: 2101.692448214286 +2025-03-10 13:13:40,029 - INFO - CLOSED long at 2074.37 | PnL: 0.18% | $0.14 +2025-03-10 13:13:40,029 - INFO - OPENED SHORT at 2074.37 | Stop loss: 2084.7573821428573 | Take profit: 2043.2311517857142 +2025-03-10 13:13:40,069 - INFO - CLOSED short at 2074.35 | PnL: 0.00% | $-0.18 +2025-03-10 13:13:40,069 - INFO - OPENED LONG at 2074.35 | Stop loss: 2063.9627178571427 | Take profit: 2105.488548214286 +2025-03-10 13:13:40,110 - INFO - CLOSED long at 2073.99 | PnL: -0.02% | $-0.21 +2025-03-10 13:13:40,110 - INFO - OPENED SHORT at 2073.99 | Stop loss: 2084.375482142857 | Take profit: 2042.856851785714 +2025-03-10 13:13:40,126 - INFO - CLOSED short at 2075.32 | PnL: -0.06% | $-0.29 +2025-03-10 13:13:40,126 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.927867857143 | Take profit: 2106.473098214286 +2025-03-10 13:13:40,184 - INFO - CLOSED long at 2075.61 | PnL: 0.01% | $-0.15 +2025-03-10 13:13:40,202 - INFO - OPENED LONG at 2074.0 | Stop loss: 2063.6144678571427 | Take profit: 2105.133298214286 +2025-03-10 13:13:40,287 - INFO - CLOSED long at 2067.7 | PnL: -0.30% | $-0.71 +2025-03-10 13:13:40,318 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.350532142857 | Take profit: 2035.9717017857142 +2025-03-10 13:13:40,353 - INFO - CLOSED short at 2067.9 | PnL: -0.04% | $-0.25 +2025-03-10 13:13:40,353 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.544967857143 | Take profit: 2098.941798214286 +2025-03-10 13:13:40,382 - INFO - CLOSED long at 2066.4 | PnL: -0.07% | $-0.30 +2025-03-10 13:13:40,382 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.7475321428574 | Take profit: 2035.3807017857143 +2025-03-10 13:13:40,413 - INFO - CLOSED short at 2066.89 | PnL: -0.02% | $-0.21 +2025-03-10 13:13:40,413 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.5400178571426 | Take profit: 2097.9166482142855 +2025-03-10 13:13:40,572 - INFO - CLOSED long at 2065.7 | PnL: -0.06% | $-0.27 +2025-03-10 13:13:40,572 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.044032142857 | Take profit: 2034.691201785714 +2025-03-10 13:13:40,595 - INFO - CLOSED short at 2065.8 | PnL: -0.00% | $-0.18 +2025-03-10 13:13:40,613 - INFO - OPENED SHORT at 2065.07 | Stop loss: 2075.4108821428576 | Take profit: 2034.0706517857145 +2025-03-10 13:13:40,643 - INFO - CLOSED short at 2066.09 | PnL: -0.05% | $-0.26 +2025-03-10 13:13:40,643 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.744017857143 | Take profit: 2097.1046482142856 +2025-03-10 13:13:40,675 - INFO - CLOSED long at 2063.39 | PnL: -0.13% | $-0.40 +2025-03-10 13:13:40,709 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.012767857143 | Take profit: 2093.2983982142855 +2025-03-10 13:13:40,769 - INFO - CLOSED long at 2066.1 | PnL: 0.18% | $0.14 +2025-03-10 13:13:40,798 - INFO - OPENED LONG at 2065.06 | Stop loss: 2054.719167857143 | Take profit: 2096.0591982142855 +2025-03-10 13:13:40,820 - INFO - CLOSED long at 2064.11 | PnL: -0.05% | $-0.25 +2025-03-10 13:13:40,840 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.161967857143 | Take profit: 2095.490798214286 +2025-03-10 13:13:40,954 - INFO - CLOSED long at 2058.09 | PnL: -0.31% | $-0.70 +2025-03-10 13:13:40,975 - INFO - OPENED LONG at 2058.65 | Stop loss: 2048.341217857143 | Take profit: 2089.553048214286 +2025-03-10 13:13:41,093 - INFO - CLOSED long at 2051.99 | PnL: -0.32% | $-0.72 +2025-03-10 13:13:41,093 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.265482142857 | Take profit: 2021.186851785714 +2025-03-10 13:13:41,134 - INFO - CLOSED short at 2058.3 | PnL: -0.31% | $-0.68 +2025-03-10 13:13:41,134 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9929678571432 | Take profit: 2089.1977982142857 +2025-03-10 13:13:41,254 - INFO - CLOSED long at 2063.9 | PnL: 0.27% | $0.29 +2025-03-10 13:13:41,279 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.758967857143 | Take profit: 2096.099798214286 +2025-03-10 13:13:41,555 - INFO - CLOSED long at 2062.54 | PnL: -0.12% | $-0.37 +2025-03-10 13:13:41,555 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.868232142857 | Take profit: 2031.5786017857142 +2025-03-10 13:13:41,587 - INFO - CLOSED short at 2065.72 | PnL: -0.15% | $-0.42 +2025-03-10 13:13:41,587 - INFO - OPENED LONG at 2065.72 | Stop loss: 2055.3758678571426 | Take profit: 2096.729098214286 +2025-03-10 13:13:41,686 - INFO - CLOSED long at 2070.41 | PnL: 0.23% | $0.21 +2025-03-10 13:13:41,701 - INFO - OPENED SHORT at 2073.49 | Stop loss: 2083.872982142857 | Take profit: 2042.364351785714 +2025-03-10 13:13:41,742 - INFO - CLOSED short at 2072.99 | PnL: 0.02% | $-0.13 +2025-03-10 13:13:41,743 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6095178571427 | Take profit: 2104.1081482142854 +2025-03-10 13:13:41,760 - INFO - CLOSED long at 2071.89 | PnL: -0.05% | $-0.25 +2025-03-10 13:13:41,760 - INFO - OPENED SHORT at 2071.89 | Stop loss: 2082.2649821428568 | Take profit: 2040.7883517857142 +2025-03-10 13:13:41,780 - INFO - CLOSED short at 2071.8 | PnL: 0.00% | $-0.16 +2025-03-10 13:13:41,780 - INFO - OPENED LONG at 2071.8 | Stop loss: 2061.4254678571433 | Take profit: 2102.9002982142856 +2025-03-10 13:13:41,825 - INFO - CLOSED long at 2076.08 | PnL: 0.21% | $0.18 +2025-03-10 13:13:41,825 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.475932142857 | Take profit: 2044.9155017857142 +2025-03-10 13:13:41,890 - INFO - CLOSED short at 2085.56 | PnL: -0.46% | $-0.92 +2025-03-10 13:13:41,890 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.116667857143 | Take profit: 2116.866698214286 +2025-03-10 13:13:41,979 - INFO - TAKE PROFIT hit for long at 2116.866698214286 | PnL: 1.50% | $2.28 +2025-03-10 13:13:42,030 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.105567857143 | Take profit: 2163.7799982142856 +2025-03-10 13:13:42,051 - INFO - CLOSED long at 2133.95 | PnL: 0.10% | $0.00 +2025-03-10 13:13:42,075 - INFO - OPENED LONG at 2137.59 | Stop loss: 2126.8865178571427 | Take profit: 2169.677148214286 +2025-03-10 13:13:42,251 - INFO - CLOSED long at 2128.69 | PnL: -0.42% | $-0.87 +2025-03-10 13:13:42,251 - INFO - OPENED SHORT at 2128.69 | Stop loss: 2139.348982142857 | Take profit: 2096.7363517857143 +2025-03-10 13:13:42,281 - INFO - CLOSED short at 2121.09 | PnL: 0.36% | $0.43 +2025-03-10 13:13:42,319 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.533717857143 | Take profit: 2151.9755482142855 +2025-03-10 13:13:42,403 - INFO - CLOSED long at 2121.4 | PnL: 0.06% | $-0.07 +2025-03-10 13:13:42,428 - INFO - OPENED LONG at 2118.52 | Stop loss: 2107.9118678571426 | Take profit: 2150.321098214286 +2025-03-10 13:13:42,500 - INFO - STOP LOSS hit for long at 2107.9118678571426 | PnL: -0.50% | $-1.00 +2025-03-10 13:13:42,526 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.0314678571426 | Take profit: 2142.282298214285 +2025-03-10 13:13:42,830 - INFO - CLOSED long at 2108.06 | PnL: -0.12% | $-0.36 +2025-03-10 13:13:42,859 - INFO - OPENED LONG at 2103.33 | Stop loss: 2092.797817857143 | Take profit: 2134.9032482142857 +2025-03-10 13:13:42,900 - INFO - STOP LOSS hit for long at 2092.797817857143 | PnL: -0.50% | $-0.98 +2025-03-10 13:13:42,917 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.016817857143 | Take profit: 2131.046248214286 +2025-03-10 13:13:42,984 - INFO - CLOSED long at 2099.25 | PnL: -0.01% | $-0.18 +2025-03-10 13:13:43,010 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.389967857143 | Take profit: 2130.4067982142856 +2025-03-10 13:13:43,193 - INFO - CLOSED long at 2104.68 | PnL: 0.28% | $0.28 +2025-03-10 13:13:43,234 - INFO - OPENED LONG at 2099.59 | Stop loss: 2089.0765178571432 | Take profit: 2131.1071482142856 +2025-03-10 13:13:43,252 - INFO - CLOSED long at 2100.02 | PnL: 0.02% | $-0.13 +2025-03-10 13:13:43,308 - INFO - OPENED LONG at 2093.46 | Stop loss: 2082.977167857143 | Take profit: 2124.8851982142855 +2025-03-10 13:13:43,341 - INFO - CLOSED long at 2092.46 | PnL: -0.05% | $-0.24 +2025-03-10 13:13:43,362 - INFO - OPENED LONG at 2091.1 | Stop loss: 2080.628967857143 | Take profit: 2122.4897982142857 +2025-03-10 13:13:43,533 - INFO - CLOSED long at 2085.3 | PnL: -0.28% | $-0.61 +2025-03-10 13:13:43,567 - INFO - OPENED LONG at 2082.44 | Stop loss: 2072.012267857143 | Take profit: 2113.699898214286 +2025-03-10 13:13:43,717 - INFO - CLOSED long at 2085.8 | PnL: 0.16% | $0.10 +2025-03-10 13:13:43,717 - INFO - OPENED SHORT at 2085.8 | Stop loss: 2096.244532142857 | Take profit: 2054.4897017857147 +2025-03-10 13:13:43,735 - INFO - CLOSED short at 2084.72 | PnL: 0.05% | $-0.08 +2025-03-10 13:13:43,741 - INFO - OPENED LONG at 2084.72 | Stop loss: 2074.2808678571428 | Take profit: 2116.0140982142852 +2025-03-10 13:13:43,887 - INFO - CLOSED long at 2087.0 | PnL: 0.11% | $0.02 +2025-03-10 13:13:43,887 - INFO - OPENED SHORT at 2087.0 | Stop loss: 2097.4505321428574 | Take profit: 2055.671701785714 +2025-03-10 13:13:43,951 - INFO - CLOSED short at 2087.78 | PnL: -0.04% | $-0.22 +2025-03-10 13:13:43,951 - INFO - OPENED LONG at 2087.78 | Stop loss: 2077.325567857143 | Take profit: 2119.1199982142857 +2025-03-10 13:13:43,979 - INFO - CLOSED long at 2086.81 | PnL: -0.05% | $-0.23 +2025-03-10 13:13:43,980 - INFO - OPENED SHORT at 2086.81 | Stop loss: 2097.259582142857 | Take profit: 2055.4845517857143 +2025-03-10 13:13:44,009 - INFO - CLOSED short at 2089.79 | PnL: -0.14% | $-0.39 +2025-03-10 13:13:44,009 - INFO - OPENED LONG at 2089.79 | Stop loss: 2079.325517857143 | Take profit: 2121.1601482142855 +2025-03-10 13:13:44,136 - INFO - CLOSED long at 2097.8 | PnL: 0.38% | $0.45 +2025-03-10 13:13:44,150 - INFO - OPENED LONG at 2099.99 | Stop loss: 2089.4745178571425 | Take profit: 2131.513148214285 +2025-03-10 13:13:44,346 - INFO - CLOSED long at 2103.48 | PnL: 0.17% | $0.11 +2025-03-10 13:13:44,380 - INFO - OPENED LONG at 2104.93 | Stop loss: 2094.3898178571426 | Take profit: 2136.527248214286 +2025-03-10 13:13:44,485 - INFO - CLOSED long at 2103.64 | PnL: -0.06% | $-0.26 +2025-03-10 13:13:44,501 - INFO - OPENED LONG at 2105.2 | Stop loss: 2094.6584678571426 | Take profit: 2136.8012982142855 +2025-03-10 13:13:44,565 - INFO - Trade Analysis: Win Rate=5.3% in uptrends, 0.0% in downtrends | Avg Win=$0.29, Avg Loss=$-0.31 +2025-03-10 13:13:44,566 - INFO - Episode 10: Reward=70.24, Balance=$80.19, Win Rate=22.8%, Trades=114, Episode PnL=$-14.80, Total PnL=$-245.09, Max Drawdown=19.8%, Pred Accuracy=99.5% +2025-03-10 13:13:44,566 - ERROR - Error in episode 10: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:13:44,567 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:13:44,586 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:13:44,908 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3315678571428 | Take profit: 2077.3019982142855 +2025-03-10 13:13:44,944 - INFO - CLOSED long at 2047.2 | PnL: 0.03% | $-0.14 +2025-03-10 13:13:44,959 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.235482142857 | Take profit: 2015.2768517857144 +2025-03-10 13:13:44,984 - INFO - CLOSED short at 2045.99 | PnL: 0.00% | $-0.20 +2025-03-10 13:13:44,984 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.744517857143 | Take profit: 2076.703148214286 +2025-03-10 13:13:45,117 - INFO - CLOSED long at 2049.89 | PnL: 0.19% | $0.18 +2025-03-10 13:13:45,117 - INFO - OPENED SHORT at 2049.89 | Stop loss: 2060.154982142857 | Take profit: 2019.1183517857141 +2025-03-10 13:13:45,172 - INFO - CLOSED short at 2051.89 | PnL: -0.10% | $-0.39 +2025-03-10 13:13:45,173 - INFO - OPENED LONG at 2051.89 | Stop loss: 2041.6150178571427 | Take profit: 2082.6916482142856 +2025-03-10 13:13:45,230 - INFO - CLOSED long at 2057.01 | PnL: 0.25% | $0.30 +2025-03-10 13:13:45,230 - INFO - OPENED SHORT at 2057.01 | Stop loss: 2067.3105821428576 | Take profit: 2026.1315517857145 +2025-03-10 13:13:45,262 - INFO - CLOSED short at 2056.89 | PnL: 0.01% | $-0.19 +2025-03-10 13:13:45,262 - INFO - OPENED LONG at 2056.89 | Stop loss: 2046.5900178571426 | Take profit: 2087.766648214286 +2025-03-10 13:13:45,419 - INFO - CLOSED long at 2064.61 | PnL: 0.38% | $0.54 +2025-03-10 13:13:45,443 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.256517857143 | Take profit: 2094.567148214286 +2025-03-10 13:13:45,463 - INFO - CLOSED long at 2061.61 | PnL: -0.10% | $-0.39 +2025-03-10 13:13:45,463 - INFO - OPENED SHORT at 2061.61 | Stop loss: 2071.933582142857 | Take profit: 2030.6625517857144 +2025-03-10 13:13:45,597 - INFO - CLOSED short at 2060.31 | PnL: 0.06% | $-0.07 +2025-03-10 13:13:45,600 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.992917857143 | Take profit: 2091.237948214286 +2025-03-10 13:13:45,811 - INFO - CLOSED long at 2064.32 | PnL: 0.19% | $0.19 +2025-03-10 13:13:45,811 - INFO - OPENED SHORT at 2064.32 | Stop loss: 2074.6571321428573 | Take profit: 2033.3319017857145 +2025-03-10 13:13:45,837 - INFO - CLOSED short at 2065.86 | PnL: -0.07% | $-0.35 +2025-03-10 13:13:45,859 - INFO - OPENED LONG at 2070.58 | Stop loss: 2060.2115678571427 | Take profit: 2101.6619982142856 +2025-03-10 13:13:45,898 - INFO - CLOSED long at 2068.29 | PnL: -0.11% | $-0.42 +2025-03-10 13:13:45,915 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.535017857143 | Take profit: 2098.9316482142854 +2025-03-10 13:13:46,006 - INFO - CLOSED long at 2068.99 | PnL: 0.05% | $-0.09 +2025-03-10 13:13:46,006 - INFO - OPENED SHORT at 2068.99 | Stop loss: 2079.350482142857 | Take profit: 2037.931851785714 +2025-03-10 13:13:46,045 - INFO - CLOSED short at 2067.9 | PnL: 0.05% | $-0.09 +2025-03-10 13:13:46,045 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.544967857143 | Take profit: 2098.941798214286 +2025-03-10 13:13:46,272 - INFO - CLOSED long at 2071.41 | PnL: 0.17% | $0.14 +2025-03-10 13:13:46,293 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.0076178571426 | Take profit: 2100.4338482142857 +2025-03-10 13:13:46,325 - INFO - CLOSED long at 2072.8 | PnL: 0.17% | $0.13 +2025-03-10 13:13:46,325 - INFO - OPENED SHORT at 2072.8 | Stop loss: 2083.1795321428576 | Take profit: 2041.6847017857144 +2025-03-10 13:13:46,348 - INFO - CLOSED short at 2070.79 | PnL: 0.10% | $-0.01 +2025-03-10 13:13:46,364 - INFO - OPENED LONG at 2070.28 | Stop loss: 2059.9130678571432 | Take profit: 2101.357498214286 +2025-03-10 13:13:46,428 - INFO - CLOSED long at 2070.36 | PnL: 0.00% | $-0.19 +2025-03-10 13:13:46,458 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.260032142857 | Take profit: 2037.8432017857144 +2025-03-10 13:13:46,491 - INFO - CLOSED short at 2070.7 | PnL: -0.09% | $-0.37 +2025-03-10 13:13:46,525 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.977767857143 | Take profit: 2100.4033982142855 +2025-03-10 13:13:46,552 - INFO - CLOSED long at 2069.19 | PnL: -0.01% | $-0.21 +2025-03-10 13:13:46,552 - INFO - OPENED SHORT at 2069.19 | Stop loss: 2079.551482142857 | Take profit: 2038.1288517857145 +2025-03-10 13:13:46,585 - INFO - CLOSED short at 2068.8 | PnL: 0.02% | $-0.16 +2025-03-10 13:13:46,585 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.440467857143 | Take profit: 2099.855298214286 +2025-03-10 13:13:46,610 - INFO - CLOSED long at 2067.6 | PnL: -0.06% | $-0.31 +2025-03-10 13:13:46,628 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.156917857143 | Take profit: 2098.5459482142855 +2025-03-10 13:13:46,718 - INFO - CLOSED long at 2066.29 | PnL: -0.06% | $-0.31 +2025-03-10 13:13:46,734 - INFO - OPENED LONG at 2065.08 | Stop loss: 2054.739067857143 | Take profit: 2096.0794982142856 +2025-03-10 13:13:46,753 - INFO - CLOSED long at 2066.18 | PnL: 0.05% | $-0.09 +2025-03-10 13:13:46,754 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.526432142857 | Take profit: 2035.1640017857142 +2025-03-10 13:13:46,773 - INFO - CLOSED short at 2068.76 | PnL: -0.12% | $-0.44 +2025-03-10 13:13:46,773 - INFO - OPENED LONG at 2068.76 | Stop loss: 2058.400667857143 | Take profit: 2099.814698214286 +2025-03-10 13:13:46,791 - INFO - CLOSED long at 2068.9 | PnL: 0.01% | $-0.18 +2025-03-10 13:13:46,791 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.260032142857 | Take profit: 2037.8432017857144 +2025-03-10 13:13:46,814 - INFO - CLOSED short at 2068.51 | PnL: 0.02% | $-0.16 +2025-03-10 13:13:46,814 - INFO - OPENED LONG at 2068.51 | Stop loss: 2058.151917857143 | Take profit: 2099.560948214286 +2025-03-10 13:13:47,012 - INFO - CLOSED long at 2071.36 | PnL: 0.14% | $0.07 +2025-03-10 13:13:47,033 - INFO - OPENED LONG at 2072.75 | Stop loss: 2062.3707178571426 | Take profit: 2103.864548214286 +2025-03-10 13:13:47,156 - INFO - CLOSED long at 2070.4 | PnL: -0.11% | $-0.41 +2025-03-10 13:13:47,156 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7675321428574 | Take profit: 2039.3207017857144 +2025-03-10 13:13:47,193 - INFO - CLOSED short at 2069.46 | PnL: 0.05% | $-0.10 +2025-03-10 13:13:47,193 - INFO - OPENED LONG at 2069.46 | Stop loss: 2059.0971678571427 | Take profit: 2100.525198214286 +2025-03-10 13:13:47,280 - INFO - CLOSED long at 2067.0 | PnL: -0.12% | $-0.42 +2025-03-10 13:13:47,336 - INFO - OPENED LONG at 2067.46 | Stop loss: 2057.107167857143 | Take profit: 2098.4951982142857 +2025-03-10 13:13:47,416 - INFO - CLOSED long at 2063.61 | PnL: -0.19% | $-0.54 +2025-03-10 13:13:47,418 - INFO - OPENED SHORT at 2063.61 | Stop loss: 2073.9435821428574 | Take profit: 2032.6325517857144 +2025-03-10 13:13:47,440 - INFO - CLOSED short at 2065.26 | PnL: -0.08% | $-0.34 +2025-03-10 13:13:47,440 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.918167857143 | Take profit: 2096.262198214286 +2025-03-10 13:13:47,512 - INFO - CLOSED long at 2069.34 | PnL: 0.20% | $0.18 +2025-03-10 13:13:47,512 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.702232142857 | Take profit: 2038.2766017857143 +2025-03-10 13:13:47,551 - INFO - CLOSED short at 2067.59 | PnL: 0.08% | $-0.03 +2025-03-10 13:13:47,552 - INFO - OPENED LONG at 2067.59 | Stop loss: 2057.236517857143 | Take profit: 2098.6271482142856 +2025-03-10 13:13:47,589 - INFO - CLOSED long at 2070.3 | PnL: 0.13% | $0.06 +2025-03-10 13:13:47,611 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.9634821428576 | Take profit: 2040.4928517857145 +2025-03-10 13:13:47,670 - INFO - CLOSED short at 2070.4 | PnL: 0.06% | $-0.08 +2025-03-10 13:13:47,703 - INFO - OPENED LONG at 2070.73 | Stop loss: 2060.360817857143 | Take profit: 2101.8142482142857 +2025-03-10 13:13:48,133 - INFO - CLOSED long at 2065.26 | PnL: -0.26% | $-0.69 +2025-03-10 13:13:48,173 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.5600178571426 | Take profit: 2093.8566482142855 +2025-03-10 13:13:48,462 - INFO - CLOSED long at 2062.71 | PnL: -0.01% | $-0.20 +2025-03-10 13:13:48,551 - INFO - OPENED LONG at 2063.5 | Stop loss: 2053.166967857143 | Take profit: 2094.4757982142855 +2025-03-10 13:13:48,670 - INFO - CLOSED long at 2060.31 | PnL: -0.15% | $-0.48 +2025-03-10 13:13:48,670 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.627082142857 | Take profit: 2029.3820517857143 +2025-03-10 13:13:48,683 - INFO - CLOSED short at 2061.8 | PnL: -0.07% | $-0.32 +2025-03-10 13:13:48,683 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.475467857143 | Take profit: 2092.7502982142855 +2025-03-10 13:13:48,799 - INFO - CLOSED long at 2061.13 | PnL: -0.03% | $-0.25 +2025-03-10 13:13:48,825 - INFO - OPENED LONG at 2061.9 | Stop loss: 2051.574967857143 | Take profit: 2092.8517982142857 +2025-03-10 13:13:48,845 - INFO - CLOSED long at 2064.1 | PnL: 0.11% | $0.01 +2025-03-10 13:13:48,870 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.017667857143 | Take profit: 2096.363698214286 +2025-03-10 13:13:49,001 - INFO - CLOSED long at 2062.6 | PnL: -0.13% | $-0.43 +2025-03-10 13:13:49,001 - INFO - OPENED SHORT at 2062.6 | Stop loss: 2072.928532142857 | Take profit: 2031.6377017857142 +2025-03-10 13:13:49,020 - INFO - CLOSED short at 2061.89 | PnL: 0.03% | $-0.12 +2025-03-10 13:13:49,020 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5650178571427 | Take profit: 2092.841648214285 +2025-03-10 13:13:49,155 - INFO - CLOSED long at 2058.89 | PnL: -0.15% | $-0.45 +2025-03-10 13:13:49,177 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.644667857143 | Take profit: 2090.882698214286 +2025-03-10 13:13:49,250 - INFO - CLOSED long at 2056.28 | PnL: -0.18% | $-0.51 +2025-03-10 13:13:49,250 - INFO - OPENED SHORT at 2056.28 | Stop loss: 2066.5769321428575 | Take profit: 2025.4125017857145 +2025-03-10 13:13:49,260 - INFO - CLOSED short at 2055.6 | PnL: 0.03% | $-0.12 +2025-03-10 13:13:49,260 - INFO - OPENED LONG at 2055.6 | Stop loss: 2045.306467857143 | Take profit: 2086.457298214286 +2025-03-10 13:13:49,342 - INFO - CLOSED long at 2058.15 | PnL: 0.12% | $0.04 +2025-03-10 13:13:49,367 - INFO - OPENED LONG at 2059.8 | Stop loss: 2049.4854678571432 | Take profit: 2090.720298214286 +2025-03-10 13:13:49,443 - INFO - CLOSED long at 2061.3 | PnL: 0.07% | $-0.05 +2025-03-10 13:13:49,443 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6220321428573 | Take profit: 2030.3572017857146 +2025-03-10 13:13:49,466 - INFO - CLOSED short at 2062.69 | PnL: -0.07% | $-0.30 +2025-03-10 13:13:49,466 - INFO - OPENED LONG at 2062.69 | Stop loss: 2052.361017857143 | Take profit: 2093.6536482142856 +2025-03-10 13:13:49,584 - INFO - CLOSED long at 2066.33 | PnL: 0.18% | $0.14 +2025-03-10 13:13:49,585 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6771821428574 | Take profit: 2035.3117517857143 +2025-03-10 13:13:49,603 - INFO - CLOSED short at 2066.34 | PnL: -0.00% | $-0.18 +2025-03-10 13:13:49,603 - INFO - OPENED LONG at 2066.34 | Stop loss: 2055.992767857143 | Take profit: 2097.358398214286 +2025-03-10 13:13:49,842 - INFO - CLOSED long at 2070.01 | PnL: 0.18% | $0.14 +2025-03-10 13:13:49,867 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.226467857143 | Take profit: 2102.6972982142856 +2025-03-10 13:13:49,887 - INFO - CLOSED long at 2073.23 | PnL: 0.08% | $-0.04 +2025-03-10 13:13:49,905 - INFO - OPENED LONG at 2070.0 | Stop loss: 2059.634467857143 | Take profit: 2101.0732982142854 +2025-03-10 13:13:49,963 - INFO - CLOSED long at 2069.69 | PnL: -0.01% | $-0.21 +2025-03-10 13:13:49,965 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.053982142857 | Take profit: 2038.6213517857145 +2025-03-10 13:13:50,009 - INFO - CLOSED short at 2067.44 | PnL: 0.11% | $0.02 +2025-03-10 13:13:50,009 - INFO - OPENED LONG at 2067.44 | Stop loss: 2057.0872678571427 | Take profit: 2098.4748982142855 +2025-03-10 13:13:50,171 - INFO - CLOSED long at 2065.66 | PnL: -0.09% | $-0.34 +2025-03-10 13:13:50,199 - INFO - OPENED LONG at 2063.95 | Stop loss: 2053.6147178571428 | Take profit: 2094.932548214286 +2025-03-10 13:13:50,505 - INFO - CLOSED long at 2070.2 | PnL: 0.30% | $0.37 +2025-03-10 13:13:50,505 - INFO - OPENED SHORT at 2070.2 | Stop loss: 2080.566532142857 | Take profit: 2039.123701785714 +2025-03-10 13:13:50,531 - INFO - CLOSED short at 2071.35 | PnL: -0.06% | $-0.28 +2025-03-10 13:13:50,531 - INFO - OPENED LONG at 2071.35 | Stop loss: 2060.9777178571426 | Take profit: 2102.443548214286 +2025-03-10 13:13:50,664 - INFO - CLOSED long at 2070.61 | PnL: -0.04% | $-0.24 +2025-03-10 13:13:50,694 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.614517857143 | Take profit: 2103.0931482142855 +2025-03-10 13:13:50,795 - INFO - CLOSED long at 2071.61 | PnL: -0.02% | $-0.21 +2025-03-10 13:13:50,795 - INFO - OPENED SHORT at 2071.61 | Stop loss: 2081.9835821428574 | Take profit: 2040.5125517857143 +2025-03-10 13:13:50,817 - INFO - CLOSED short at 2074.37 | PnL: -0.13% | $-0.42 +2025-03-10 13:13:50,877 - INFO - OPENED LONG at 2073.27 | Stop loss: 2062.888117857143 | Take profit: 2104.3923482142854 +2025-03-10 13:13:50,905 - INFO - CLOSED long at 2073.99 | PnL: 0.03% | $-0.12 +2025-03-10 13:13:50,929 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.927867857143 | Take profit: 2106.473098214286 +2025-03-10 13:13:50,984 - INFO - CLOSED long at 2075.61 | PnL: 0.01% | $-0.15 +2025-03-10 13:13:51,009 - INFO - OPENED LONG at 2074.0 | Stop loss: 2063.6144678571427 | Take profit: 2105.133298214286 +2025-03-10 13:13:51,097 - INFO - CLOSED long at 2067.9 | PnL: -0.29% | $-0.70 +2025-03-10 13:13:51,124 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.052467857143 | Take profit: 2097.4192982142854 +2025-03-10 13:13:51,145 - INFO - CLOSED long at 2066.89 | PnL: 0.02% | $-0.13 +2025-03-10 13:13:51,145 - INFO - OPENED SHORT at 2066.89 | Stop loss: 2077.239982142857 | Take profit: 2035.863351785714 +2025-03-10 13:13:51,173 - INFO - CLOSED short at 2067.88 | PnL: -0.05% | $-0.26 +2025-03-10 13:13:51,174 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.525067857143 | Take profit: 2098.9214982142857 +2025-03-10 13:13:51,232 - INFO - CLOSED long at 2068.1 | PnL: 0.01% | $-0.16 +2025-03-10 13:13:51,250 - INFO - OPENED LONG at 2069.0 | Stop loss: 2058.639467857143 | Take profit: 2100.058298214286 +2025-03-10 13:13:51,275 - INFO - CLOSED long at 2070.19 | PnL: 0.06% | $-0.07 +2025-03-10 13:13:51,275 - INFO - OPENED SHORT at 2070.19 | Stop loss: 2080.556482142857 | Take profit: 2039.1138517857144 +2025-03-10 13:13:51,298 - INFO - CLOSED short at 2070.1 | PnL: 0.00% | $-0.17 +2025-03-10 13:13:51,299 - INFO - OPENED LONG at 2070.1 | Stop loss: 2059.7339678571425 | Take profit: 2101.1747982142856 +2025-03-10 13:13:51,317 - INFO - CLOSED long at 2067.19 | PnL: -0.14% | $-0.42 +2025-03-10 13:13:51,317 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.541482142857 | Take profit: 2036.1588517857142 +2025-03-10 13:13:51,342 - INFO - CLOSED short at 2065.5 | PnL: 0.08% | $-0.03 +2025-03-10 13:13:51,342 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1569678571427 | Take profit: 2096.5057982142857 +2025-03-10 13:13:51,559 - INFO - CLOSED long at 2064.5 | PnL: -0.05% | $-0.26 +2025-03-10 13:13:51,584 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.982817857143 | Take profit: 2097.348248214286 +2025-03-10 13:13:51,741 - INFO - STOP LOSS hit for long at 2055.982817857143 | PnL: -0.50% | $-1.04 +2025-03-10 13:13:51,770 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.9484178571429 | Take profit: 2079.971448214286 +2025-03-10 13:13:51,789 - INFO - CLOSED long at 2049.5 | PnL: 0.01% | $-0.15 +2025-03-10 13:13:51,813 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7145178571427 | Take profit: 2082.7931482142853 +2025-03-10 13:13:51,831 - INFO - CLOSED long at 2058.3 | PnL: 0.31% | $0.36 +2025-03-10 13:13:51,831 - INFO - OPENED SHORT at 2058.3 | Stop loss: 2068.6070321428574 | Take profit: 2027.4022017857146 +2025-03-10 13:13:51,859 - INFO - CLOSED short at 2056.85 | PnL: 0.07% | $-0.05 +2025-03-10 13:13:51,859 - INFO - OPENED LONG at 2056.85 | Stop loss: 2046.5502178571428 | Take profit: 2087.7260482142856 +2025-03-10 13:13:51,995 - INFO - CLOSED long at 2062.55 | PnL: 0.28% | $0.30 +2025-03-10 13:13:52,023 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.778867857143 | Take profit: 2096.120098214286 +2025-03-10 13:13:52,052 - INFO - CLOSED long at 2068.33 | PnL: 0.16% | $0.10 +2025-03-10 13:13:52,110 - INFO - OPENED LONG at 2066.59 | Stop loss: 2056.241517857143 | Take profit: 2097.612148214286 +2025-03-10 13:13:52,427 - INFO - CLOSED long at 2074.05 | PnL: 0.36% | $0.45 +2025-03-10 13:13:52,466 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6095178571427 | Take profit: 2104.1081482142854 +2025-03-10 13:13:52,659 - INFO - CLOSED long at 2090.49 | PnL: 0.84% | $1.29 +2025-03-10 13:13:52,683 - INFO - OPENED LONG at 2103.02 | Stop loss: 2092.489367857143 | Take profit: 2134.5885982142854 +2025-03-10 13:13:52,728 - INFO - TAKE PROFIT hit for long at 2134.5885982142854 | PnL: 1.50% | $2.47 +2025-03-10 13:13:52,749 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.105567857143 | Take profit: 2163.7799982142856 +2025-03-10 13:13:52,868 - INFO - CLOSED long at 2142.68 | PnL: 0.51% | $0.75 +2025-03-10 13:13:52,907 - INFO - OPENED LONG at 2140.01 | Stop loss: 2129.294417857143 | Take profit: 2172.133448214286 +2025-03-10 13:13:52,936 - INFO - CLOSED long at 2134.78 | PnL: -0.24% | $-0.63 +2025-03-10 13:13:52,974 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.3395178571427 | Take profit: 2158.9181482142853 +2025-03-10 13:13:53,045 - INFO - CLOSED long at 2121.09 | PnL: -0.28% | $-0.68 +2025-03-10 13:13:53,045 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.710982142857 | Take profit: 2089.2503517857144 +2025-03-10 13:13:53,067 - INFO - CLOSED short at 2120.15 | PnL: 0.04% | $-0.10 +2025-03-10 13:13:53,068 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.533717857143 | Take profit: 2151.9755482142855 +2025-03-10 13:13:53,162 - INFO - CLOSED long at 2119.14 | PnL: -0.05% | $-0.27 +2025-03-10 13:13:53,162 - INFO - OPENED SHORT at 2119.14 | Stop loss: 2129.751232142857 | Take profit: 2087.329601785714 +2025-03-10 13:13:53,191 - INFO - CLOSED short at 2119.07 | PnL: 0.00% | $-0.17 +2025-03-10 13:13:53,192 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.459117857143 | Take profit: 2150.8793482142855 +2025-03-10 13:13:53,249 - INFO - STOP LOSS hit for long at 2108.459117857143 | PnL: -0.50% | $-1.08 +2025-03-10 13:13:53,301 - INFO - OPENED LONG at 2109.05 | Stop loss: 2098.489217857143 | Take profit: 2140.709048214286 +2025-03-10 13:13:53,400 - INFO - CLOSED long at 2112.46 | PnL: 0.16% | $0.11 +2025-03-10 13:13:53,422 - INFO - OPENED LONG at 2113.24 | Stop loss: 2102.6582678571426 | Take profit: 2144.961898214285 +2025-03-10 13:13:53,504 - INFO - CLOSED long at 2110.9 | PnL: -0.11% | $-0.37 +2025-03-10 13:13:53,504 - INFO - OPENED SHORT at 2110.9 | Stop loss: 2121.4700321428572 | Take profit: 2079.2132017857143 +2025-03-10 13:13:53,550 - INFO - CLOSED short at 2106.49 | PnL: 0.21% | $0.19 +2025-03-10 13:13:53,550 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.9420178571427 | Take profit: 2138.1106482142854 +2025-03-10 13:13:53,634 - INFO - STOP LOSS hit for long at 2095.9420178571427 | PnL: -0.50% | $-1.06 +2025-03-10 13:13:53,693 - INFO - OPENED LONG at 2098.1 | Stop loss: 2087.5939678571426 | Take profit: 2129.5947982142857 +2025-03-10 13:13:53,854 - INFO - CLOSED long at 2106.39 | PnL: 0.40% | $0.52 +2025-03-10 13:13:53,892 - INFO - OPENED LONG at 2103.86 | Stop loss: 2093.3251678571432 | Take profit: 2135.4411982142856 +2025-03-10 13:13:54,110 - INFO - STOP LOSS hit for long at 2093.3251678571432 | PnL: -0.50% | $-1.05 +2025-03-10 13:13:54,142 - INFO - OPENED LONG at 2091.1 | Stop loss: 2080.628967857143 | Take profit: 2122.4897982142857 +2025-03-10 13:13:54,245 - INFO - CLOSED long at 2083.28 | PnL: -0.37% | $-0.82 +2025-03-10 13:13:54,269 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.9822678571427 | Take profit: 2119.789898214286 +2025-03-10 13:13:54,411 - INFO - CLOSED long at 2083.41 | PnL: -0.24% | $-0.59 +2025-03-10 13:13:54,411 - INFO - OPENED SHORT at 2083.41 | Stop loss: 2093.8425821428573 | Take profit: 2052.135551785714 +2025-03-10 13:13:54,469 - INFO - CLOSED short at 2083.59 | PnL: -0.01% | $-0.19 +2025-03-10 13:13:54,469 - INFO - OPENED LONG at 2083.59 | Stop loss: 2073.1565178571427 | Take profit: 2114.867148214286 +2025-03-10 13:13:54,643 - INFO - CLOSED long at 2088.66 | PnL: 0.24% | $0.24 +2025-03-10 13:13:54,667 - INFO - OPENED LONG at 2088.32 | Stop loss: 2077.862867857143 | Take profit: 2119.6680982142857 +2025-03-10 13:13:54,756 - INFO - CLOSED long at 2087.78 | PnL: -0.03% | $-0.21 +2025-03-10 13:13:54,786 - INFO - OPENED LONG at 2086.81 | Stop loss: 2076.3604178571427 | Take profit: 2118.1354482142856 +2025-03-10 13:13:54,984 - INFO - CLOSED long at 2094.7 | PnL: 0.38% | $0.47 +2025-03-10 13:13:55,018 - INFO - OPENED LONG at 2097.8 | Stop loss: 2087.295467857143 | Take profit: 2129.290298214286 +2025-03-10 13:13:55,190 - INFO - CLOSED long at 2103.48 | PnL: 0.27% | $0.29 +2025-03-10 13:13:55,190 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.012932142857 | Take profit: 2071.9045017857143 +2025-03-10 13:13:55,213 - INFO - CLOSED short at 2104.93 | PnL: -0.07% | $-0.29 +2025-03-10 13:13:55,213 - INFO - OPENED LONG at 2104.93 | Stop loss: 2094.3898178571426 | Take profit: 2136.527248214286 +2025-03-10 13:13:55,241 - INFO - CLOSED long at 2103.81 | PnL: -0.05% | $-0.26 +2025-03-10 13:13:55,241 - INFO - OPENED SHORT at 2103.81 | Stop loss: 2114.3445821428572 | Take profit: 2072.229551785714 +2025-03-10 13:13:55,276 - INFO - CLOSED short at 2103.07 | PnL: 0.04% | $-0.11 +2025-03-10 13:13:55,276 - INFO - OPENED LONG at 2103.07 | Stop loss: 2092.539117857143 | Take profit: 2134.639348214286 +2025-03-10 13:13:55,412 - INFO - CLOSED long at 2103.52 | PnL: 0.02% | $-0.13 +2025-03-10 13:13:55,442 - INFO - OPENED LONG at 2104.4 | Stop loss: 2093.862467857143 | Take profit: 2135.989298214286 +2025-03-10 13:13:55,464 - INFO - Trade Analysis: Win Rate=9.1% in uptrends, 0.0% in downtrends | Avg Win=$0.36, Avg Loss=$-0.31 +2025-03-10 13:13:55,464 - INFO - Episode 11: Reward=90.04, Balance=$85.79, Win Rate=26.2%, Trades=107, Episode PnL=$-9.73, Total PnL=$-259.30, Max Drawdown=14.3%, Pred Accuracy=99.8% +2025-03-10 13:13:55,465 - ERROR - Error in episode 11: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:13:55,466 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:13:55,488 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:13:55,750 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.9484678571428 | Take profit: 2077.931298214286 +2025-03-10 13:13:55,802 - INFO - CLOSED long at 2045.99 | PnL: -0.06% | $-0.32 +2025-03-10 13:13:55,824 - INFO - OPENED LONG at 2045.79 | Stop loss: 2035.5455178571428 | Take profit: 2076.5001482142857 +2025-03-10 13:13:56,236 - INFO - CLOSED long at 2063.29 | PnL: 0.86% | $1.49 +2025-03-10 13:13:56,275 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.256517857143 | Take profit: 2094.567148214286 +2025-03-10 13:13:56,393 - INFO - CLOSED long at 2060.0 | PnL: -0.17% | $-0.55 +2025-03-10 13:13:56,393 - INFO - OPENED SHORT at 2060.0 | Stop loss: 2070.315532142857 | Take profit: 2029.0767017857142 +2025-03-10 13:13:56,418 - INFO - CLOSED short at 2061.89 | PnL: -0.09% | $-0.38 +2025-03-10 13:13:56,418 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5650178571427 | Take profit: 2092.841648214285 +2025-03-10 13:13:56,542 - INFO - CLOSED long at 2057.8 | PnL: -0.20% | $-0.59 +2025-03-10 13:13:56,542 - INFO - OPENED SHORT at 2057.8 | Stop loss: 2068.1045321428574 | Take profit: 2026.9097017857146 +2025-03-10 13:13:56,578 - INFO - CLOSED short at 2057.89 | PnL: -0.00% | $-0.21 +2025-03-10 13:13:56,578 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.5850178571427 | Take profit: 2088.7816482142853 +2025-03-10 13:13:56,634 - INFO - CLOSED long at 2058.11 | PnL: 0.01% | $-0.18 +2025-03-10 13:13:56,635 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.4160821428572 | Take profit: 2027.2150517857144 +2025-03-10 13:13:56,655 - INFO - CLOSED short at 2061.79 | PnL: -0.18% | $-0.55 +2025-03-10 13:13:56,656 - INFO - OPENED LONG at 2061.79 | Stop loss: 2051.465517857143 | Take profit: 2092.740148214286 +2025-03-10 13:13:56,675 - INFO - CLOSED long at 2061.18 | PnL: -0.03% | $-0.25 +2025-03-10 13:13:56,713 - INFO - OPENED LONG at 2065.86 | Stop loss: 2055.515167857143 | Take profit: 2096.871198214286 +2025-03-10 13:13:56,752 - INFO - CLOSED long at 2068.11 | PnL: 0.11% | $0.02 +2025-03-10 13:13:56,774 - INFO - OPENED LONG at 2068.29 | Stop loss: 2057.9330178571427 | Take profit: 2099.3376482142858 +2025-03-10 13:13:56,997 - INFO - CLOSED long at 2067.69 | PnL: -0.03% | $-0.25 +2025-03-10 13:13:57,017 - INFO - OPENED LONG at 2070.26 | Stop loss: 2059.893167857143 | Take profit: 2101.3371982142858 +2025-03-10 13:13:57,358 - INFO - CLOSED long at 2070.36 | PnL: 0.00% | $-0.19 +2025-03-10 13:13:57,394 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.539967857143 | Take profit: 2099.956798214286 +2025-03-10 13:13:57,509 - INFO - CLOSED long at 2067.51 | PnL: -0.07% | $-0.33 +2025-03-10 13:13:57,528 - INFO - OPENED LONG at 2069.01 | Stop loss: 2058.6494178571434 | Take profit: 2100.068448214286 +2025-03-10 13:13:57,589 - INFO - CLOSED long at 2066.19 | PnL: -0.14% | $-0.46 +2025-03-10 13:13:57,590 - INFO - OPENED SHORT at 2066.19 | Stop loss: 2076.536482142857 | Take profit: 2035.1738517857143 +2025-03-10 13:13:57,609 - INFO - CLOSED short at 2066.29 | PnL: -0.00% | $-0.20 +2025-03-10 13:13:57,609 - INFO - OPENED LONG at 2066.29 | Stop loss: 2055.943017857143 | Take profit: 2097.3076482142856 +2025-03-10 13:13:57,628 - INFO - CLOSED long at 2065.08 | PnL: -0.06% | $-0.31 +2025-03-10 13:13:57,628 - INFO - OPENED SHORT at 2065.08 | Stop loss: 2075.420932142857 | Take profit: 2034.0805017857142 +2025-03-10 13:13:57,660 - INFO - CLOSED short at 2066.18 | PnL: -0.05% | $-0.29 +2025-03-10 13:13:57,660 - INFO - OPENED LONG at 2066.18 | Stop loss: 2055.8335678571425 | Take profit: 2097.1959982142853 +2025-03-10 13:13:57,725 - INFO - CLOSED long at 2068.9 | PnL: 0.13% | $0.06 +2025-03-10 13:13:57,759 - INFO - OPENED LONG at 2068.51 | Stop loss: 2058.151917857143 | Take profit: 2099.560948214286 +2025-03-10 13:13:57,929 - INFO - CLOSED long at 2072.75 | PnL: 0.20% | $0.20 +2025-03-10 13:13:57,950 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.728917857143 | Take profit: 2104.2299482142857 +2025-03-10 13:13:58,371 - INFO - CLOSED long at 2068.58 | PnL: -0.22% | $-0.61 +2025-03-10 13:13:58,391 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.440467857143 | Take profit: 2099.855298214286 +2025-03-10 13:13:58,409 - INFO - CLOSED long at 2069.34 | PnL: 0.03% | $-0.14 +2025-03-10 13:13:58,478 - INFO - OPENED LONG at 2069.2 | Stop loss: 2058.8384678571424 | Take profit: 2100.2612982142855 +2025-03-10 13:13:58,607 - INFO - CLOSED long at 2070.4 | PnL: 0.06% | $-0.08 +2025-03-10 13:13:58,629 - INFO - OPENED LONG at 2070.73 | Stop loss: 2060.360817857143 | Take profit: 2101.8142482142857 +2025-03-10 13:13:58,648 - INFO - CLOSED long at 2068.5 | PnL: -0.11% | $-0.40 +2025-03-10 13:13:58,666 - INFO - OPENED LONG at 2068.69 | Stop loss: 2058.331017857143 | Take profit: 2099.7436482142857 +2025-03-10 13:13:58,731 - INFO - CLOSED long at 2067.86 | PnL: -0.04% | $-0.27 +2025-03-10 13:13:58,732 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.2148321428576 | Take profit: 2036.8188017857144 +2025-03-10 13:13:58,752 - INFO - CLOSED short at 2066.4 | PnL: 0.07% | $-0.06 +2025-03-10 13:13:58,775 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.753967857143 | Take profit: 2097.1147982142857 +2025-03-10 13:13:58,834 - INFO - CLOSED long at 2064.47 | PnL: -0.08% | $-0.34 +2025-03-10 13:13:58,876 - INFO - OPENED LONG at 2070.04 | Stop loss: 2059.6742678571427 | Take profit: 2101.113898214286 +2025-03-10 13:13:58,911 - INFO - CLOSED long at 2067.8 | PnL: -0.11% | $-0.39 +2025-03-10 13:13:58,941 - INFO - OPENED LONG at 2068.18 | Stop loss: 2057.8235678571427 | Take profit: 2099.2259982142855 +2025-03-10 13:13:58,993 - INFO - CLOSED long at 2067.88 | PnL: -0.01% | $-0.21 +2025-03-10 13:13:59,025 - INFO - OPENED LONG at 2064.99 | Stop loss: 2054.6495178571427 | Take profit: 2095.9881482142855 +2025-03-10 13:13:59,075 - INFO - CLOSED long at 2065.26 | PnL: 0.01% | $-0.16 +2025-03-10 13:13:59,108 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.5600178571426 | Take profit: 2093.8566482142855 +2025-03-10 13:13:59,126 - INFO - CLOSED long at 2062.65 | PnL: -0.01% | $-0.21 +2025-03-10 13:13:59,150 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.4555678571433 | Take profit: 2092.729998214286 +2025-03-10 13:13:59,194 - INFO - CLOSED long at 2061.3 | PnL: -0.02% | $-0.23 +2025-03-10 13:13:59,195 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6220321428573 | Take profit: 2030.3572017857146 +2025-03-10 13:13:59,208 - INFO - CLOSED short at 2063.59 | PnL: -0.11% | $-0.39 +2025-03-10 13:13:59,208 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.256517857143 | Take profit: 2094.567148214286 +2025-03-10 13:13:59,246 - INFO - CLOSED long at 2064.96 | PnL: 0.07% | $-0.06 +2025-03-10 13:13:59,246 - INFO - OPENED SHORT at 2064.96 | Stop loss: 2075.3003321428573 | Take profit: 2033.9623017857143 +2025-03-10 13:13:59,283 - INFO - CLOSED short at 2066.24 | PnL: -0.06% | $-0.30 +2025-03-10 13:13:59,283 - INFO - OPENED LONG at 2066.24 | Stop loss: 2055.8932678571427 | Take profit: 2097.2568982142857 +2025-03-10 13:13:59,312 - INFO - CLOSED long at 2067.1 | PnL: 0.04% | $-0.11 +2025-03-10 13:13:59,348 - INFO - OPENED LONG at 2065.54 | Stop loss: 2055.1967678571427 | Take profit: 2096.5463982142855 +2025-03-10 13:13:59,468 - INFO - CLOSED long at 2062.89 | PnL: -0.13% | $-0.42 +2025-03-10 13:13:59,506 - INFO - OPENED LONG at 2063.5 | Stop loss: 2053.166967857143 | Take profit: 2094.4757982142855 +2025-03-10 13:13:59,799 - INFO - CLOSED long at 2061.13 | PnL: -0.11% | $-0.39 +2025-03-10 13:13:59,829 - INFO - OPENED LONG at 2061.9 | Stop loss: 2051.574967857143 | Take profit: 2092.8517982142857 +2025-03-10 13:13:59,991 - INFO - CLOSED long at 2063.0 | PnL: 0.05% | $-0.09 +2025-03-10 13:14:00,013 - INFO - OPENED LONG at 2062.6 | Stop loss: 2052.271467857143 | Take profit: 2093.5622982142854 +2025-03-10 13:14:00,156 - INFO - CLOSED long at 2059.61 | PnL: -0.14% | $-0.45 +2025-03-10 13:14:00,156 - INFO - OPENED SHORT at 2059.61 | Stop loss: 2069.9235821428574 | Take profit: 2028.6925517857144 +2025-03-10 13:14:00,210 - INFO - CLOSED short at 2059.02 | PnL: 0.03% | $-0.13 +2025-03-10 13:14:00,216 - INFO - OPENED LONG at 2059.02 | Stop loss: 2048.7093678571428 | Take profit: 2089.9285982142856 +2025-03-10 13:14:00,449 - INFO - CLOSED long at 2059.8 | PnL: 0.04% | $-0.11 +2025-03-10 13:14:00,449 - INFO - OPENED SHORT at 2059.8 | Stop loss: 2070.114532142857 | Take profit: 2028.8797017857144 +2025-03-10 13:14:00,487 - INFO - CLOSED short at 2061.66 | PnL: -0.09% | $-0.34 +2025-03-10 13:14:00,520 - INFO - OPENED LONG at 2061.5 | Stop loss: 2051.1769678571427 | Take profit: 2092.445798214286 +2025-03-10 13:14:00,574 - INFO - CLOSED long at 2061.3 | PnL: -0.01% | $-0.20 +2025-03-10 13:14:00,609 - INFO - OPENED LONG at 2062.69 | Stop loss: 2052.361017857143 | Take profit: 2093.6536482142856 +2025-03-10 13:14:00,805 - INFO - CLOSED long at 2067.01 | PnL: 0.21% | $0.20 +2025-03-10 13:14:00,855 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.425517857143 | Take profit: 2100.860148214286 +2025-03-10 13:14:01,201 - INFO - CLOSED long at 2067.44 | PnL: -0.11% | $-0.39 +2025-03-10 13:14:01,202 - INFO - OPENED SHORT at 2067.44 | Stop loss: 2077.7927321428574 | Take profit: 2036.4051017857144 +2025-03-10 13:14:01,226 - INFO - CLOSED short at 2068.79 | PnL: -0.07% | $-0.30 +2025-03-10 13:14:01,228 - INFO - OPENED LONG at 2068.79 | Stop loss: 2058.430517857143 | Take profit: 2099.8451482142855 +2025-03-10 13:14:01,255 - INFO - CLOSED long at 2072.99 | PnL: 0.20% | $0.18 +2025-03-10 13:14:01,369 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.032567857143 | Take profit: 2097.3989982142857 +2025-03-10 13:14:01,717 - INFO - CLOSED long at 2068.59 | PnL: 0.11% | $0.01 +2025-03-10 13:14:01,753 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.216517857143 | Take profit: 2102.687148214286 +2025-03-10 13:14:01,879 - INFO - CLOSED long at 2070.8 | PnL: -0.04% | $-0.25 +2025-03-10 13:14:01,879 - INFO - OPENED SHORT at 2070.8 | Stop loss: 2081.1695321428574 | Take profit: 2039.7147017857146 +2025-03-10 13:14:01,909 - INFO - CLOSED short at 2070.35 | PnL: 0.02% | $-0.14 +2025-03-10 13:14:01,910 - INFO - OPENED LONG at 2070.35 | Stop loss: 2059.9827178571427 | Take profit: 2101.4285482142855 +2025-03-10 13:14:02,005 - INFO - CLOSED long at 2070.67 | PnL: 0.02% | $-0.15 +2025-03-10 13:14:02,005 - INFO - OPENED SHORT at 2070.67 | Stop loss: 2081.0388821428573 | Take profit: 2039.5866517857144 +2025-03-10 13:14:02,033 - INFO - CLOSED short at 2069.78 | PnL: 0.04% | $-0.10 +2025-03-10 13:14:02,034 - INFO - OPENED LONG at 2069.78 | Stop loss: 2059.415567857143 | Take profit: 2100.8499982142857 +2025-03-10 13:14:02,199 - INFO - CLOSED long at 2073.99 | PnL: 0.20% | $0.18 +2025-03-10 13:14:02,209 - INFO - OPENED SHORT at 2073.99 | Stop loss: 2084.375482142857 | Take profit: 2042.856851785714 +2025-03-10 13:14:02,226 - INFO - CLOSED short at 2075.32 | PnL: -0.06% | $-0.29 +2025-03-10 13:14:02,226 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.927867857143 | Take profit: 2106.473098214286 +2025-03-10 13:14:02,395 - INFO - CLOSED long at 2067.9 | PnL: -0.36% | $-0.81 +2025-03-10 13:14:02,395 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.255032142857 | Take profit: 2036.8582017857143 +2025-03-10 13:14:02,417 - INFO - CLOSED short at 2066.4 | PnL: 0.07% | $-0.05 +2025-03-10 13:14:02,418 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.052467857143 | Take profit: 2097.4192982142854 +2025-03-10 13:14:02,495 - INFO - CLOSED long at 2065.45 | PnL: -0.05% | $-0.26 +2025-03-10 13:14:02,495 - INFO - OPENED SHORT at 2065.45 | Stop loss: 2075.792782142857 | Take profit: 2034.4449517857142 +2025-03-10 13:14:02,529 - INFO - CLOSED short at 2068.1 | PnL: -0.13% | $-0.40 +2025-03-10 13:14:02,529 - INFO - OPENED LONG at 2068.1 | Stop loss: 2057.7439678571427 | Take profit: 2099.1447982142854 +2025-03-10 13:14:02,590 - INFO - CLOSED long at 2070.19 | PnL: 0.10% | $0.00 +2025-03-10 13:14:02,616 - INFO - OPENED LONG at 2070.1 | Stop loss: 2059.7339678571425 | Take profit: 2101.1747982142856 +2025-03-10 13:14:02,708 - INFO - CLOSED long at 2065.07 | PnL: -0.24% | $-0.60 +2025-03-10 13:14:02,738 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.744017857143 | Take profit: 2097.1046482142856 +2025-03-10 13:14:02,851 - INFO - CLOSED long at 2064.11 | PnL: -0.10% | $-0.34 +2025-03-10 13:14:02,851 - INFO - OPENED SHORT at 2064.11 | Stop loss: 2074.4460821428574 | Take profit: 2033.1250517857143 +2025-03-10 13:14:02,887 - INFO - CLOSED short at 2064.5 | PnL: -0.02% | $-0.21 +2025-03-10 13:14:02,888 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.161967857143 | Take profit: 2095.490798214286 +2025-03-10 13:14:03,108 - INFO - CLOSED long at 2053.01 | PnL: -0.56% | $-1.13 +2025-03-10 13:14:03,146 - INFO - OPENED SHORT at 2049.5 | Stop loss: 2059.7630321428574 | Take profit: 2018.7342017857143 +2025-03-10 13:14:03,168 - INFO - CLOSED short at 2051.99 | PnL: -0.12% | $-0.38 +2025-03-10 13:14:03,168 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7145178571427 | Take profit: 2082.7931482142853 +2025-03-10 13:14:03,205 - INFO - CLOSED long at 2056.85 | PnL: 0.24% | $0.23 +2025-03-10 13:14:03,228 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.808917857143 | Take profit: 2087.989948214286 +2025-03-10 13:14:03,480 - INFO - CLOSED long at 2066.59 | PnL: 0.46% | $0.61 +2025-03-10 13:14:03,512 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.744067857143 | Take profit: 2095.0644982142853 +2025-03-10 13:14:03,572 - INFO - CLOSED long at 2060.7 | PnL: -0.16% | $-0.45 +2025-03-10 13:14:03,572 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.019032142857 | Take profit: 2029.7662017857142 +2025-03-10 13:14:03,591 - INFO - CLOSED short at 2061.84 | PnL: -0.06% | $-0.26 +2025-03-10 13:14:03,608 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.868232142857 | Take profit: 2031.5786017857142 +2025-03-10 13:14:03,643 - INFO - CLOSED short at 2065.72 | PnL: -0.15% | $-0.43 +2025-03-10 13:14:03,643 - INFO - OPENED LONG at 2065.72 | Stop loss: 2055.3758678571426 | Take profit: 2096.729098214286 +2025-03-10 13:14:03,710 - INFO - CLOSED long at 2070.24 | PnL: 0.22% | $0.20 +2025-03-10 13:14:03,710 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.606732142857 | Take profit: 2039.1631017857142 +2025-03-10 13:14:03,797 - INFO - CLOSED short at 2070.41 | PnL: -0.01% | $-0.18 +2025-03-10 13:14:03,799 - INFO - OPENED LONG at 2070.41 | Stop loss: 2060.042417857143 | Take profit: 2101.489448214286 +2025-03-10 13:14:03,868 - INFO - CLOSED long at 2071.89 | PnL: 0.07% | $-0.05 +2025-03-10 13:14:03,879 - INFO - OPENED SHORT at 2071.89 | Stop loss: 2082.2649821428568 | Take profit: 2040.7883517857142 +2025-03-10 13:14:03,904 - INFO - CLOSED short at 2071.8 | PnL: 0.00% | $-0.16 +2025-03-10 13:14:03,904 - INFO - OPENED LONG at 2071.8 | Stop loss: 2061.4254678571433 | Take profit: 2102.9002982142856 +2025-03-10 13:14:03,987 - INFO - CLOSED long at 2085.56 | PnL: 0.66% | $0.95 +2025-03-10 13:14:04,011 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.0220178571426 | Take profit: 2121.8706482142857 +2025-03-10 13:14:04,072 - INFO - TAKE PROFIT hit for long at 2121.8706482142857 | PnL: 1.50% | $2.39 +2025-03-10 13:14:04,105 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.826767857143 | Take profit: 2171.6563982142857 +2025-03-10 13:14:04,308 - INFO - STOP LOSS hit for long at 2128.826767857143 | PnL: -0.50% | $-1.05 +2025-03-10 13:14:04,325 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.647967857143 | Take profit: 2159.2327982142856 +2025-03-10 13:14:04,562 - INFO - STOP LOSS hit for long at 2116.647967857143 | PnL: -0.50% | $-1.04 +2025-03-10 13:14:04,601 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8773178571428 | Take profit: 2139.0647482142854 +2025-03-10 13:14:04,782 - INFO - CLOSED long at 2114.8 | PnL: 0.35% | $0.43 +2025-03-10 13:14:04,808 - INFO - OPENED LONG at 2110.9 | Stop loss: 2100.329967857143 | Take profit: 2142.586798214286 +2025-03-10 13:14:04,963 - INFO - STOP LOSS hit for long at 2100.329967857143 | PnL: -0.50% | $-1.03 +2025-03-10 13:14:05,001 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.016817857143 | Take profit: 2131.046248214286 +2025-03-10 13:14:05,019 - INFO - CLOSED long at 2098.1 | PnL: -0.07% | $-0.29 +2025-03-10 13:14:05,019 - INFO - OPENED SHORT at 2098.1 | Stop loss: 2108.606032142857 | Take profit: 2066.605201785714 +2025-03-10 13:14:05,040 - INFO - CLOSED short at 2102.19 | PnL: -0.19% | $-0.50 +2025-03-10 13:14:05,042 - INFO - OPENED LONG at 2102.19 | Stop loss: 2091.663517857143 | Take profit: 2133.7461482142858 +2025-03-10 13:14:05,101 - INFO - CLOSED long at 2098.9 | PnL: -0.16% | $-0.43 +2025-03-10 13:14:05,102 - INFO - OPENED SHORT at 2098.9 | Stop loss: 2109.4100321428573 | Take profit: 2067.3932017857146 +2025-03-10 13:14:05,128 - INFO - CLOSED short at 2100.69 | PnL: -0.09% | $-0.31 +2025-03-10 13:14:05,128 - INFO - OPENED LONG at 2100.69 | Stop loss: 2090.171017857143 | Take profit: 2132.2236482142857 +2025-03-10 13:14:05,292 - INFO - CLOSED long at 2099.59 | PnL: -0.05% | $-0.25 +2025-03-10 13:14:05,355 - INFO - OPENED LONG at 2098.39 | Stop loss: 2087.882517857143 | Take profit: 2129.889148214286 +2025-03-10 13:14:05,384 - INFO - CLOSED long at 2095.29 | PnL: -0.15% | $-0.41 +2025-03-10 13:14:05,384 - INFO - OPENED SHORT at 2095.29 | Stop loss: 2105.7819821428575 | Take profit: 2063.8373517857144 +2025-03-10 13:14:05,414 - INFO - CLOSED short at 2093.46 | PnL: 0.09% | $-0.02 +2025-03-10 13:14:05,414 - INFO - OPENED LONG at 2093.46 | Stop loss: 2082.977167857143 | Take profit: 2124.8851982142855 +2025-03-10 13:14:05,432 - INFO - CLOSED long at 2093.33 | PnL: -0.01% | $-0.18 +2025-03-10 13:14:05,454 - INFO - OPENED LONG at 2092.46 | Stop loss: 2081.982167857143 | Take profit: 2123.8701982142857 +2025-03-10 13:14:05,475 - INFO - CLOSED long at 2091.1 | PnL: -0.06% | $-0.27 +2025-03-10 13:14:05,476 - INFO - OPENED SHORT at 2091.1 | Stop loss: 2101.5710321428573 | Take profit: 2059.710201785714 +2025-03-10 13:14:05,500 - INFO - CLOSED short at 2094.72 | PnL: -0.17% | $-0.45 +2025-03-10 13:14:05,500 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.2308678571426 | Take profit: 2126.1640982142853 +2025-03-10 13:14:05,565 - INFO - STOP LOSS hit for long at 2084.2308678571426 | PnL: -0.50% | $-0.98 +2025-03-10 13:14:05,584 - INFO - OPENED SHORT at 2088.44 | Stop loss: 2098.8977321428574 | Take profit: 2057.090101785714 +2025-03-10 13:14:05,625 - INFO - CLOSED short at 2085.3 | PnL: 0.15% | $0.08 +2025-03-10 13:14:05,626 - INFO - OPENED LONG at 2085.3 | Stop loss: 2074.857967857143 | Take profit: 2116.602798214286 +2025-03-10 13:14:05,657 - INFO - CLOSED long at 2082.44 | PnL: -0.14% | $-0.38 +2025-03-10 13:14:05,657 - INFO - OPENED SHORT at 2082.44 | Stop loss: 2092.867732142857 | Take profit: 2051.180101785714 +2025-03-10 13:14:05,692 - INFO - CLOSED short at 2081.49 | PnL: 0.05% | $-0.09 +2025-03-10 13:14:05,692 - INFO - OPENED LONG at 2081.49 | Stop loss: 2071.0670178571427 | Take profit: 2112.7356482142854 +2025-03-10 13:14:05,890 - INFO - CLOSED long at 2084.72 | PnL: 0.16% | $0.09 +2025-03-10 13:14:05,890 - INFO - OPENED SHORT at 2084.72 | Stop loss: 2095.1591321428573 | Take profit: 2053.4259017857144 +2025-03-10 13:14:05,911 - INFO - CLOSED short at 2085.83 | PnL: -0.05% | $-0.25 +2025-03-10 13:14:05,912 - INFO - OPENED LONG at 2085.83 | Stop loss: 2075.3853178571426 | Take profit: 2117.140748214286 +2025-03-10 13:14:05,973 - INFO - CLOSED long at 2088.32 | PnL: 0.12% | $0.03 +2025-03-10 13:14:05,973 - INFO - OPENED SHORT at 2088.32 | Stop loss: 2098.777132142857 | Take profit: 2056.971901785714 +2025-03-10 13:14:06,013 - INFO - CLOSED short at 2089.96 | PnL: -0.08% | $-0.29 +2025-03-10 13:14:06,013 - INFO - OPENED LONG at 2089.96 | Stop loss: 2079.494667857143 | Take profit: 2121.3326982142858 +2025-03-10 13:14:06,074 - INFO - CLOSED long at 2087.47 | PnL: -0.12% | $-0.35 +2025-03-10 13:14:06,074 - INFO - OPENED SHORT at 2087.47 | Stop loss: 2097.922882142857 | Take profit: 2056.134651785714 +2025-03-10 13:14:06,108 - INFO - CLOSED short at 2087.78 | PnL: -0.01% | $-0.18 +2025-03-10 13:14:06,109 - INFO - OPENED LONG at 2087.78 | Stop loss: 2077.325567857143 | Take profit: 2119.1199982142857 +2025-03-10 13:14:06,205 - INFO - CLOSED long at 2085.67 | PnL: -0.10% | $-0.32 +2025-03-10 13:14:06,205 - INFO - OPENED SHORT at 2085.67 | Stop loss: 2096.113882142857 | Take profit: 2054.3616517857145 +2025-03-10 13:14:06,235 - INFO - CLOSED short at 2089.2 | PnL: -0.17% | $-0.43 +2025-03-10 13:14:06,235 - INFO - OPENED LONG at 2089.2 | Stop loss: 2078.738467857143 | Take profit: 2120.5612982142857 +2025-03-10 13:14:06,258 - INFO - CLOSED long at 2091.05 | PnL: 0.09% | $-0.02 +2025-03-10 13:14:06,288 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.579217857143 | Take profit: 2122.4390482142862 +2025-03-10 13:14:06,308 - INFO - CLOSED long at 2091.95 | PnL: 0.04% | $-0.09 +2025-03-10 13:14:06,308 - INFO - OPENED SHORT at 2091.95 | Stop loss: 2102.425282142857 | Take profit: 2060.547451785714 +2025-03-10 13:14:06,338 - INFO - CLOSED short at 2094.7 | PnL: -0.13% | $-0.36 +2025-03-10 13:14:06,367 - INFO - OPENED LONG at 2097.8 | Stop loss: 2087.295467857143 | Take profit: 2129.290298214286 +2025-03-10 13:14:06,391 - INFO - CLOSED long at 2099.99 | PnL: 0.10% | $0.01 +2025-03-10 13:14:06,392 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.505482142857 | Take profit: 2068.466851785714 +2025-03-10 13:14:06,419 - INFO - CLOSED short at 2101.64 | PnL: -0.08% | $-0.28 +2025-03-10 13:14:06,419 - INFO - OPENED LONG at 2101.64 | Stop loss: 2091.1162678571427 | Take profit: 2133.1878982142857 +2025-03-10 13:14:06,709 - INFO - CLOSED long at 2103.07 | PnL: 0.07% | $-0.05 +2025-03-10 13:14:06,737 - INFO - OPENED LONG at 2101.5 | Stop loss: 2090.976967857143 | Take profit: 2133.0457982142857 +2025-03-10 13:14:06,757 - INFO - CLOSED long at 2105.83 | PnL: 0.21% | $0.17 +2025-03-10 13:14:06,806 - INFO - OPENED LONG at 2105.2 | Stop loss: 2094.6584678571426 | Take profit: 2136.8012982142855 +2025-03-10 13:14:06,897 - INFO - Trade Analysis: Win Rate=5.7% in uptrends, 0.0% in downtrends | Avg Win=$0.38, Avg Loss=$-0.33 +2025-03-10 13:14:06,897 - INFO - Episode 12: Reward=70.22, Balance=$78.76, Win Rate=18.5%, Trades=108, Episode PnL=$-13.31, Total PnL=$-280.54, Max Drawdown=22.3%, Pred Accuracy=99.9% +2025-03-10 13:14:06,897 - ERROR - Error in episode 12: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:14:06,900 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:14:06,923 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:14:07,350 - INFO - OPENED LONG at 2047.4 | Stop loss: 2037.147467857143 | Take profit: 2078.134298214286 +2025-03-10 13:14:07,369 - INFO - CLOSED long at 2047.2 | PnL: -0.01% | $-0.22 +2025-03-10 13:14:07,391 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.744517857143 | Take profit: 2076.703148214286 +2025-03-10 13:14:07,437 - INFO - CLOSED long at 2045.79 | PnL: -0.01% | $-0.22 +2025-03-10 13:14:07,459 - INFO - OPENED LONG at 2048.13 | Stop loss: 2037.873817857143 | Take profit: 2078.875248214286 +2025-03-10 13:14:07,560 - INFO - CLOSED long at 2049.89 | PnL: 0.09% | $-0.03 +2025-03-10 13:14:07,577 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.8389178571429 | Take profit: 2081.899948214286 +2025-03-10 13:14:07,649 - INFO - CLOSED long at 2052.3 | PnL: 0.06% | $-0.08 +2025-03-10 13:14:07,649 - INFO - OPENED SHORT at 2052.3 | Stop loss: 2062.577032142857 | Take profit: 2021.4922017857145 +2025-03-10 13:14:07,685 - INFO - CLOSED short at 2055.69 | PnL: -0.17% | $-0.52 +2025-03-10 13:14:07,685 - INFO - OPENED LONG at 2055.69 | Stop loss: 2045.396017857143 | Take profit: 2086.5486482142855 +2025-03-10 13:14:07,799 - INFO - CLOSED long at 2060.13 | PnL: 0.22% | $0.23 +2025-03-10 13:14:07,799 - INFO - OPENED SHORT at 2060.13 | Stop loss: 2070.446182142857 | Take profit: 2029.2047517857145 +2025-03-10 13:14:07,828 - INFO - CLOSED short at 2059.7 | PnL: 0.02% | $-0.16 +2025-03-10 13:14:07,828 - INFO - OPENED LONG at 2059.7 | Stop loss: 2049.3859678571425 | Take profit: 2090.6187982142856 +2025-03-10 13:14:07,845 - INFO - CLOSED long at 2061.49 | PnL: 0.09% | $-0.03 +2025-03-10 13:14:07,874 - INFO - OPENED LONG at 2063.29 | Stop loss: 2052.9580178571427 | Take profit: 2094.2626482142855 +2025-03-10 13:14:07,894 - INFO - CLOSED long at 2064.61 | PnL: 0.06% | $-0.07 +2025-03-10 13:14:07,914 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.256517857143 | Take profit: 2094.567148214286 +2025-03-10 13:14:08,058 - INFO - CLOSED long at 2060.0 | PnL: -0.17% | $-0.54 +2025-03-10 13:14:08,058 - INFO - OPENED SHORT at 2060.0 | Stop loss: 2070.315532142857 | Take profit: 2029.0767017857142 +2025-03-10 13:14:08,088 - INFO - CLOSED short at 2061.89 | PnL: -0.09% | $-0.37 +2025-03-10 13:14:08,088 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5650178571427 | Take profit: 2092.841648214285 +2025-03-10 13:14:08,219 - INFO - CLOSED long at 2057.8 | PnL: -0.20% | $-0.58 +2025-03-10 13:14:08,219 - INFO - OPENED SHORT at 2057.8 | Stop loss: 2068.1045321428574 | Take profit: 2026.9097017857146 +2025-03-10 13:14:08,276 - INFO - CLOSED short at 2058.11 | PnL: -0.02% | $-0.22 +2025-03-10 13:14:08,276 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.803917857143 | Take profit: 2089.004948214286 +2025-03-10 13:14:08,363 - INFO - CLOSED long at 2065.86 | PnL: 0.38% | $0.53 +2025-03-10 13:14:08,383 - INFO - OPENED SHORT at 2070.58 | Stop loss: 2080.948432142857 | Take profit: 2039.4980017857142 +2025-03-10 13:14:08,407 - INFO - CLOSED short at 2068.11 | PnL: 0.12% | $0.04 +2025-03-10 13:14:08,407 - INFO - OPENED LONG at 2068.11 | Stop loss: 2057.753917857143 | Take profit: 2099.154948214286 +2025-03-10 13:14:08,432 - INFO - CLOSED long at 2068.29 | PnL: 0.01% | $-0.18 +2025-03-10 13:14:08,432 - INFO - OPENED SHORT at 2068.29 | Stop loss: 2078.646982142857 | Take profit: 2037.2423517857142 +2025-03-10 13:14:08,469 - INFO - CLOSED short at 2067.89 | PnL: 0.02% | $-0.16 +2025-03-10 13:14:08,469 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.535017857143 | Take profit: 2098.9316482142854 +2025-03-10 13:14:08,600 - INFO - CLOSED long at 2068.65 | PnL: 0.04% | $-0.12 +2025-03-10 13:14:08,627 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.6295178571427 | Take profit: 2100.0481482142854 +2025-03-10 13:14:08,708 - INFO - CLOSED long at 2071.44 | PnL: 0.12% | $0.04 +2025-03-10 13:14:08,732 - INFO - OPENED SHORT at 2073.73 | Stop loss: 2084.1141821428573 | Take profit: 2042.6007517857142 +2025-03-10 13:14:08,752 - INFO - CLOSED short at 2075.1 | PnL: -0.07% | $-0.32 +2025-03-10 13:14:08,752 - INFO - OPENED LONG at 2075.1 | Stop loss: 2064.708967857143 | Take profit: 2106.2497982142854 +2025-03-10 13:14:08,930 - INFO - CLOSED long at 2070.9 | PnL: -0.20% | $-0.58 +2025-03-10 13:14:08,930 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.2700321428574 | Take profit: 2039.8132017857142 +2025-03-10 13:14:08,969 - INFO - CLOSED short at 2072.8 | PnL: -0.09% | $-0.37 +2025-03-10 13:14:08,969 - INFO - OPENED LONG at 2072.8 | Stop loss: 2062.420467857143 | Take profit: 2103.9152982142855 +2025-03-10 13:14:09,407 - INFO - CLOSED long at 2066.39 | PnL: -0.31% | $-0.78 +2025-03-10 13:14:09,407 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.737482142857 | Take profit: 2035.3708517857142 +2025-03-10 13:14:09,424 - INFO - CLOSED short at 2065.99 | PnL: 0.02% | $-0.15 +2025-03-10 13:14:09,424 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.6445178571425 | Take profit: 2097.0031482142854 +2025-03-10 13:14:09,483 - INFO - CLOSED long at 2065.08 | PnL: -0.04% | $-0.27 +2025-03-10 13:14:09,509 - INFO - OPENED LONG at 2066.18 | Stop loss: 2055.8335678571425 | Take profit: 2097.1959982142853 +2025-03-10 13:14:09,671 - INFO - CLOSED long at 2069.96 | PnL: 0.18% | $0.16 +2025-03-10 13:14:09,719 - INFO - OPENED LONG at 2071.4 | Stop loss: 2061.0274678571427 | Take profit: 2102.4942982142857 +2025-03-10 13:14:09,777 - INFO - CLOSED long at 2071.36 | PnL: -0.00% | $-0.19 +2025-03-10 13:14:09,777 - INFO - OPENED SHORT at 2071.36 | Stop loss: 2081.7323321428576 | Take profit: 2040.2663017857144 +2025-03-10 13:14:09,811 - INFO - CLOSED short at 2072.75 | PnL: -0.07% | $-0.31 +2025-03-10 13:14:09,812 - INFO - OPENED LONG at 2072.75 | Stop loss: 2062.3707178571426 | Take profit: 2103.864548214286 +2025-03-10 13:14:09,915 - INFO - CLOSED long at 2073.9 | PnL: 0.06% | $-0.08 +2025-03-10 13:14:09,916 - INFO - OPENED SHORT at 2073.9 | Stop loss: 2084.2850321428573 | Take profit: 2042.7682017857144 +2025-03-10 13:14:09,933 - INFO - CLOSED short at 2071.92 | PnL: 0.10% | $-0.01 +2025-03-10 13:14:09,933 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.544867857143 | Take profit: 2103.0220982142855 +2025-03-10 13:14:09,955 - INFO - CLOSED long at 2070.4 | PnL: -0.07% | $-0.32 +2025-03-10 13:14:09,955 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7675321428574 | Take profit: 2039.3207017857144 +2025-03-10 13:14:09,976 - INFO - CLOSED short at 2071.11 | PnL: -0.03% | $-0.25 +2025-03-10 13:14:09,977 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.738917857143 | Take profit: 2102.199948214286 +2025-03-10 13:14:09,991 - INFO - CLOSED long at 2069.46 | PnL: -0.08% | $-0.33 +2025-03-10 13:14:09,991 - INFO - OPENED SHORT at 2069.46 | Stop loss: 2079.8228321428574 | Take profit: 2038.3948017857144 +2025-03-10 13:14:10,022 - INFO - CLOSED short at 2069.35 | PnL: 0.01% | $-0.18 +2025-03-10 13:14:10,022 - INFO - OPENED LONG at 2069.35 | Stop loss: 2058.987717857143 | Take profit: 2100.4135482142856 +2025-03-10 13:14:10,085 - INFO - CLOSED long at 2067.0 | PnL: -0.11% | $-0.40 +2025-03-10 13:14:10,117 - INFO - OPENED LONG at 2067.79 | Stop loss: 2057.4355178571427 | Take profit: 2098.8301482142856 +2025-03-10 13:14:10,145 - INFO - CLOSED long at 2067.46 | PnL: -0.02% | $-0.21 +2025-03-10 13:14:10,186 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.1495321428574 | Take profit: 2035.7747017857143 +2025-03-10 13:14:10,218 - INFO - CLOSED short at 2065.49 | PnL: 0.06% | $-0.07 +2025-03-10 13:14:10,218 - INFO - OPENED LONG at 2065.49 | Stop loss: 2055.1470178571426 | Take profit: 2096.4956482142857 +2025-03-10 13:14:10,276 - INFO - CLOSED long at 2067.89 | PnL: 0.12% | $0.03 +2025-03-10 13:14:10,276 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.244982142857 | Take profit: 2036.8483517857142 +2025-03-10 13:14:10,296 - INFO - CLOSED short at 2068.58 | PnL: -0.03% | $-0.25 +2025-03-10 13:14:10,297 - INFO - OPENED LONG at 2068.58 | Stop loss: 2058.221567857143 | Take profit: 2099.631998214286 +2025-03-10 13:14:10,340 - INFO - CLOSED long at 2069.34 | PnL: 0.04% | $-0.12 +2025-03-10 13:14:10,359 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.505167857143 | Take profit: 2098.9011982142856 +2025-03-10 13:14:10,392 - INFO - CLOSED long at 2069.2 | PnL: 0.06% | $-0.06 +2025-03-10 13:14:10,399 - INFO - OPENED SHORT at 2069.2 | Stop loss: 2079.561532142857 | Take profit: 2038.1387017857141 +2025-03-10 13:14:10,428 - INFO - CLOSED short at 2070.3 | PnL: -0.05% | $-0.28 +2025-03-10 13:14:10,428 - INFO - OPENED LONG at 2070.3 | Stop loss: 2059.932967857143 | Take profit: 2101.377798214286 +2025-03-10 13:14:10,520 - INFO - CLOSED long at 2070.4 | PnL: 0.00% | $-0.17 +2025-03-10 13:14:10,520 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7675321428574 | Take profit: 2039.3207017857144 +2025-03-10 13:14:10,557 - INFO - CLOSED short at 2070.73 | PnL: -0.02% | $-0.21 +2025-03-10 13:14:10,557 - INFO - OPENED LONG at 2070.73 | Stop loss: 2060.360817857143 | Take profit: 2101.8142482142857 +2025-03-10 13:14:10,817 - INFO - CLOSED long at 2067.8 | PnL: -0.14% | $-0.44 +2025-03-10 13:14:10,817 - INFO - OPENED SHORT at 2067.8 | Stop loss: 2078.154532142857 | Take profit: 2036.7597017857145 +2025-03-10 13:14:10,851 - INFO - CLOSED short at 2068.18 | PnL: -0.02% | $-0.21 +2025-03-10 13:14:10,852 - INFO - OPENED LONG at 2068.18 | Stop loss: 2057.8235678571427 | Take profit: 2099.2259982142855 +2025-03-10 13:14:11,027 - INFO - CLOSED long at 2065.26 | PnL: -0.14% | $-0.44 +2025-03-10 13:14:11,027 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.6018321428573 | Take profit: 2034.2578017857145 +2025-03-10 13:14:11,045 - INFO - CLOSED short at 2062.89 | PnL: 0.11% | $0.03 +2025-03-10 13:14:11,066 - INFO - OPENED SHORT at 2062.65 | Stop loss: 2072.978782142857 | Take profit: 2031.6869517857142 +2025-03-10 13:14:11,087 - INFO - CLOSED short at 2061.78 | PnL: 0.04% | $-0.10 +2025-03-10 13:14:11,087 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.4555678571433 | Take profit: 2092.729998214286 +2025-03-10 13:14:11,125 - INFO - CLOSED long at 2061.3 | PnL: -0.02% | $-0.22 +2025-03-10 13:14:11,141 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.256517857143 | Take profit: 2094.567148214286 +2025-03-10 13:14:11,182 - INFO - CLOSED long at 2066.24 | PnL: 0.13% | $0.05 +2025-03-10 13:14:11,182 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.586732142857 | Take profit: 2035.223101785714 +2025-03-10 13:14:11,231 - INFO - CLOSED short at 2065.54 | PnL: 0.03% | $-0.12 +2025-03-10 13:14:11,232 - INFO - OPENED LONG at 2065.54 | Stop loss: 2055.1967678571427 | Take profit: 2096.5463982142855 +2025-03-10 13:14:11,323 - INFO - CLOSED long at 2064.08 | PnL: -0.07% | $-0.31 +2025-03-10 13:14:11,323 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.415932142857 | Take profit: 2033.095501785714 +2025-03-10 13:14:11,356 - INFO - CLOSED short at 2062.71 | PnL: 0.07% | $-0.06 +2025-03-10 13:14:11,357 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.380917857143 | Take profit: 2093.6739482142857 +2025-03-10 13:14:11,416 - INFO - CLOSED long at 2064.5 | PnL: 0.09% | $-0.02 +2025-03-10 13:14:11,438 - INFO - OPENED LONG at 2063.5 | Stop loss: 2053.166967857143 | Take profit: 2094.4757982142855 +2025-03-10 13:14:11,563 - INFO - CLOSED long at 2060.31 | PnL: -0.15% | $-0.45 +2025-03-10 13:14:11,564 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.627082142857 | Take profit: 2029.3820517857143 +2025-03-10 13:14:11,587 - INFO - CLOSED short at 2061.8 | PnL: -0.07% | $-0.31 +2025-03-10 13:14:11,587 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.475467857143 | Take profit: 2092.7502982142855 +2025-03-10 13:14:11,643 - INFO - CLOSED long at 2062.61 | PnL: 0.04% | $-0.11 +2025-03-10 13:14:11,677 - INFO - OPENED LONG at 2060.91 | Stop loss: 2050.5899178571426 | Take profit: 2091.8469482142855 +2025-03-10 13:14:11,817 - INFO - CLOSED long at 2065.36 | PnL: 0.22% | $0.20 +2025-03-10 13:14:11,818 - INFO - OPENED SHORT at 2065.36 | Stop loss: 2075.7023321428574 | Take profit: 2034.3563017857145 +2025-03-10 13:14:11,840 - INFO - CLOSED short at 2064.33 | PnL: 0.05% | $-0.09 +2025-03-10 13:14:11,841 - INFO - OPENED LONG at 2064.33 | Stop loss: 2053.9928178571427 | Take profit: 2095.3182482142856 +2025-03-10 13:14:12,376 - INFO - CLOSED long at 2054.89 | PnL: -0.46% | $-0.98 +2025-03-10 13:14:12,402 - INFO - OPENED LONG at 2054.83 | Stop loss: 2044.5403178571428 | Take profit: 2085.6757482142852 +2025-03-10 13:14:12,659 - INFO - CLOSED long at 2063.4 | PnL: 0.42% | $0.55 +2025-03-10 13:14:12,700 - INFO - OPENED LONG at 2066.01 | Stop loss: 2055.664417857143 | Take profit: 2097.023448214286 +2025-03-10 13:14:12,762 - INFO - CLOSED long at 2066.33 | PnL: 0.02% | $-0.15 +2025-03-10 13:14:12,762 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6771821428574 | Take profit: 2035.3117517857143 +2025-03-10 13:14:12,787 - INFO - CLOSED short at 2066.34 | PnL: -0.00% | $-0.18 +2025-03-10 13:14:12,788 - INFO - OPENED LONG at 2066.34 | Stop loss: 2055.992767857143 | Take profit: 2097.358398214286 +2025-03-10 13:14:12,929 - INFO - CLOSED long at 2069.79 | PnL: 0.17% | $0.12 +2025-03-10 13:14:12,929 - INFO - OPENED SHORT at 2069.79 | Stop loss: 2080.154482142857 | Take profit: 2038.7198517857141 +2025-03-10 13:14:12,965 - INFO - CLOSED short at 2072.0 | PnL: -0.11% | $-0.36 +2025-03-10 13:14:12,965 - INFO - OPENED LONG at 2072.0 | Stop loss: 2061.624467857143 | Take profit: 2103.1032982142856 +2025-03-10 13:14:12,994 - INFO - CLOSED long at 2074.3 | PnL: 0.11% | $0.02 +2025-03-10 13:14:12,994 - INFO - OPENED SHORT at 2074.3 | Stop loss: 2084.6870321428573 | Take profit: 2043.1622017857144 +2025-03-10 13:14:13,024 - INFO - CLOSED short at 2078.01 | PnL: -0.18% | $-0.49 +2025-03-10 13:14:13,025 - INFO - OPENED LONG at 2078.01 | Stop loss: 2067.604417857143 | Take profit: 2109.203448214286 +2025-03-10 13:14:13,277 - INFO - CLOSED long at 2068.39 | PnL: -0.46% | $-0.98 +2025-03-10 13:14:13,313 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.053982142857 | Take profit: 2038.6213517857145 +2025-03-10 13:14:13,353 - INFO - CLOSED short at 2069.03 | PnL: 0.03% | $-0.12 +2025-03-10 13:14:13,354 - INFO - OPENED LONG at 2069.03 | Stop loss: 2058.669317857143 | Take profit: 2100.088748214286 +2025-03-10 13:14:13,813 - INFO - CLOSED long at 2065.5 | PnL: -0.17% | $-0.46 +2025-03-10 13:14:13,849 - INFO - OPENED LONG at 2067.53 | Stop loss: 2057.176817857143 | Take profit: 2098.566248214286 +2025-03-10 13:14:13,964 - INFO - CLOSED long at 2066.5 | PnL: -0.05% | $-0.26 +2025-03-10 13:14:13,996 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.231517857143 | Take profit: 2099.642148214286 +2025-03-10 13:14:14,240 - INFO - CLOSED long at 2070.61 | PnL: 0.10% | $-0.00 +2025-03-10 13:14:14,262 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.614517857143 | Take profit: 2103.0931482142855 +2025-03-10 13:14:14,284 - INFO - CLOSED long at 2068.19 | PnL: -0.18% | $-0.48 +2025-03-10 13:14:14,285 - INFO - OPENED SHORT at 2068.19 | Stop loss: 2078.5464821428573 | Take profit: 2037.1438517857143 +2025-03-10 13:14:14,305 - INFO - CLOSED short at 2068.67 | PnL: -0.02% | $-0.21 +2025-03-10 13:14:14,328 - INFO - OPENED LONG at 2070.67 | Stop loss: 2060.301117857143 | Take profit: 2101.753348214286 +2025-03-10 13:14:14,350 - INFO - CLOSED long at 2069.78 | PnL: -0.04% | $-0.24 +2025-03-10 13:14:14,376 - INFO - OPENED LONG at 2071.61 | Stop loss: 2061.236417857143 | Take profit: 2102.7074482142857 +2025-03-10 13:14:14,496 - INFO - CLOSED long at 2073.99 | PnL: 0.11% | $0.03 +2025-03-10 13:14:14,524 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.927867857143 | Take profit: 2106.473098214286 +2025-03-10 13:14:14,662 - INFO - CLOSED long at 2072.09 | PnL: -0.16% | $-0.43 +2025-03-10 13:14:14,663 - INFO - OPENED SHORT at 2072.09 | Stop loss: 2082.4659821428577 | Take profit: 2040.9853517857146 +2025-03-10 13:14:14,698 - INFO - CLOSED short at 2069.97 | PnL: 0.10% | $0.00 +2025-03-10 13:14:14,699 - INFO - OPENED LONG at 2069.97 | Stop loss: 2059.604617857143 | Take profit: 2101.042848214285 +2025-03-10 13:14:14,973 - INFO - CLOSED long at 2069.0 | PnL: -0.05% | $-0.25 +2025-03-10 13:14:15,002 - INFO - OPENED LONG at 2070.19 | Stop loss: 2059.8235178571426 | Take profit: 2101.2661482142857 +2025-03-10 13:14:15,295 - INFO - CLOSED long at 2064.11 | PnL: -0.29% | $-0.66 +2025-03-10 13:14:15,316 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.161967857143 | Take profit: 2095.490798214286 +2025-03-10 13:14:15,465 - INFO - CLOSED long at 2058.65 | PnL: -0.28% | $-0.64 +2025-03-10 13:14:15,496 - INFO - OPENED LONG at 2056.77 | Stop loss: 2046.4706178571428 | Take profit: 2087.6448482142855 +2025-03-10 13:14:15,538 - INFO - CLOSED long at 2049.21 | PnL: -0.37% | $-0.77 +2025-03-10 13:14:15,559 - INFO - OPENED SHORT at 2049.5 | Stop loss: 2059.7630321428574 | Take profit: 2018.7342017857143 +2025-03-10 13:14:15,598 - INFO - CLOSED short at 2058.3 | PnL: -0.43% | $-0.86 +2025-03-10 13:14:15,598 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9929678571432 | Take profit: 2089.1977982142857 +2025-03-10 13:14:15,620 - INFO - CLOSED long at 2056.85 | PnL: -0.07% | $-0.27 +2025-03-10 13:14:15,620 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.149782142857 | Take profit: 2025.9739517857142 +2025-03-10 13:14:15,638 - INFO - CLOSED short at 2057.11 | PnL: -0.01% | $-0.18 +2025-03-10 13:14:15,639 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.808917857143 | Take profit: 2087.989948214286 +2025-03-10 13:14:15,678 - INFO - CLOSED long at 2062.83 | PnL: 0.28% | $0.29 +2025-03-10 13:14:15,697 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.235032142857 | Take profit: 2032.9182017857145 +2025-03-10 13:14:15,718 - INFO - CLOSED short at 2065.1 | PnL: -0.06% | $-0.25 +2025-03-10 13:14:15,741 - INFO - OPENED LONG at 2062.43 | Stop loss: 2052.1023178571427 | Take profit: 2093.389748214285 +2025-03-10 13:14:15,932 - INFO - CLOSED long at 2059.9 | PnL: -0.12% | $-0.36 +2025-03-10 13:14:15,932 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.215032142857 | Take profit: 2028.9782017857144 +2025-03-10 13:14:15,955 - INFO - CLOSED short at 2060.7 | PnL: -0.04% | $-0.22 +2025-03-10 13:14:15,956 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3809678571424 | Take profit: 2091.633798214286 +2025-03-10 13:14:16,053 - INFO - CLOSED long at 2070.31 | PnL: 0.47% | $0.58 +2025-03-10 13:14:16,053 - INFO - OPENED SHORT at 2070.31 | Stop loss: 2080.677082142857 | Take profit: 2039.2320517857142 +2025-03-10 13:14:16,091 - INFO - CLOSED short at 2070.24 | PnL: 0.00% | $-0.15 +2025-03-10 13:14:16,091 - INFO - OPENED LONG at 2070.24 | Stop loss: 2059.8732678571428 | Take profit: 2101.3168982142856 +2025-03-10 13:14:16,374 - INFO - CLOSED long at 2085.56 | PnL: 0.74% | $1.02 +2025-03-10 13:14:16,374 - INFO - OPENED SHORT at 2085.56 | Stop loss: 2096.0033321428573 | Take profit: 2054.2533017857145 +2025-03-10 13:14:16,400 - INFO - CLOSED short at 2090.49 | PnL: -0.24% | $-0.55 +2025-03-10 13:14:16,400 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.0220178571426 | Take profit: 2121.8706482142857 +2025-03-10 13:14:16,454 - INFO - TAKE PROFIT hit for long at 2121.8706482142857 | PnL: 1.50% | $2.26 +2025-03-10 13:14:16,491 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.826767857143 | Take profit: 2171.6563982142857 +2025-03-10 13:14:16,711 - INFO - STOP LOSS hit for long at 2128.826767857143 | PnL: -0.50% | $-0.99 +2025-03-10 13:14:16,747 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.031017857143 | Take profit: 2160.643648214286 +2025-03-10 13:14:16,809 - INFO - STOP LOSS hit for long at 2118.031017857143 | PnL: -0.50% | $-0.98 +2025-03-10 13:14:16,826 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3148178571428 | Take profit: 2151.752248214286 +2025-03-10 13:14:17,009 - INFO - STOP LOSS hit for long at 2109.3148178571428 | PnL: -0.50% | $-0.97 +2025-03-10 13:14:17,029 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.0314678571426 | Take profit: 2142.282298214285 +2025-03-10 13:14:17,068 - INFO - CLOSED long at 2112.09 | PnL: 0.07% | $-0.05 +2025-03-10 13:14:17,107 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.882167857143 | Take profit: 2144.1701982142854 +2025-03-10 13:14:17,170 - INFO - CLOSED long at 2120.81 | PnL: 0.40% | $0.47 +2025-03-10 13:14:17,171 - INFO - OPENED SHORT at 2120.81 | Stop loss: 2131.429582142857 | Take profit: 2088.9745517857145 +2025-03-10 13:14:17,191 - INFO - CLOSED short at 2116.48 | PnL: 0.20% | $0.17 +2025-03-10 13:14:17,195 - INFO - OPENED LONG at 2116.48 | Stop loss: 2105.882067857143 | Take profit: 2148.250498214286 +2025-03-10 13:14:17,394 - INFO - STOP LOSS hit for long at 2105.882067857143 | PnL: -0.50% | $-0.97 +2025-03-10 13:14:17,416 - INFO - OPENED LONG at 2100.5 | Stop loss: 2089.981967857143 | Take profit: 2132.0307982142854 +2025-03-10 13:14:17,571 - INFO - CLOSED long at 2100.69 | PnL: 0.01% | $-0.14 +2025-03-10 13:14:17,593 - INFO - OPENED LONG at 2104.83 | Stop loss: 2094.290317857143 | Take profit: 2136.4257482142857 +2025-03-10 13:14:17,637 - INFO - CLOSED long at 2100.74 | PnL: -0.19% | $-0.47 +2025-03-10 13:14:17,670 - INFO - OPENED LONG at 2103.86 | Stop loss: 2093.3251678571432 | Take profit: 2135.4411982142856 +2025-03-10 13:14:17,895 - INFO - STOP LOSS hit for long at 2093.3251678571432 | PnL: -0.50% | $-0.95 +2025-03-10 13:14:17,933 - INFO - OPENED SHORT at 2094.72 | Stop loss: 2105.209132142857 | Take profit: 2063.275901785714 +2025-03-10 13:14:17,978 - INFO - CLOSED short at 2088.35 | PnL: 0.30% | $0.32 +2025-03-10 13:14:18,001 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848067857143 | Take profit: 2114.5524982142856 +2025-03-10 13:14:18,243 - INFO - CLOSED long at 2083.41 | PnL: 0.01% | $-0.15 +2025-03-10 13:14:18,245 - INFO - OPENED SHORT at 2083.41 | Stop loss: 2093.8425821428573 | Take profit: 2052.135551785714 +2025-03-10 13:14:18,272 - INFO - CLOSED short at 2085.09 | PnL: -0.08% | $-0.28 +2025-03-10 13:14:18,272 - INFO - OPENED LONG at 2085.09 | Stop loss: 2074.649017857143 | Take profit: 2116.389648214286 +2025-03-10 13:14:18,430 - INFO - CLOSED long at 2088.66 | PnL: 0.17% | $0.11 +2025-03-10 13:14:18,430 - INFO - OPENED SHORT at 2088.66 | Stop loss: 2099.1188321428567 | Take profit: 2057.306801785714 +2025-03-10 13:14:18,461 - INFO - CLOSED short at 2088.32 | PnL: 0.02% | $-0.13 +2025-03-10 13:14:18,461 - INFO - OPENED LONG at 2088.32 | Stop loss: 2077.862867857143 | Take profit: 2119.6680982142857 +2025-03-10 13:14:18,955 - INFO - CLOSED long at 2098.49 | PnL: 0.49% | $0.60 +2025-03-10 13:14:18,988 - INFO - OPENED LONG at 2099.89 | Stop loss: 2089.3750178571427 | Take profit: 2131.411648214286 +2025-03-10 13:14:19,041 - INFO - CLOSED long at 2099.73 | PnL: -0.01% | $-0.17 +2025-03-10 13:14:19,042 - INFO - OPENED SHORT at 2099.73 | Stop loss: 2110.244182142857 | Take profit: 2068.2107517857144 +2025-03-10 13:14:19,071 - INFO - CLOSED short at 2106.15 | PnL: -0.31% | $-0.63 +2025-03-10 13:14:19,071 - INFO - OPENED LONG at 2106.15 | Stop loss: 2095.603717857143 | Take profit: 2137.765548214286 +2025-03-10 13:14:19,263 - INFO - CLOSED long at 2103.52 | PnL: -0.12% | $-0.35 +2025-03-10 13:14:19,263 - INFO - OPENED SHORT at 2103.52 | Stop loss: 2114.0531321428575 | Take profit: 2071.9439017857144 +2025-03-10 13:14:19,286 - INFO - CLOSED short at 2104.4 | PnL: -0.04% | $-0.22 +2025-03-10 13:14:19,286 - INFO - OPENED LONG at 2104.4 | Stop loss: 2093.862467857143 | Take profit: 2135.989298214286 +2025-03-10 13:14:19,311 - INFO - Trade Analysis: Win Rate=9.1% in uptrends, 0.0% in downtrends | Avg Win=$0.34, Avg Loss=$-0.33 +2025-03-10 13:14:19,311 - INFO - Episode 13: Reward=-24.56, Balance=$77.59, Win Rate=20.0%, Trades=115, Episode PnL=$-17.34, Total PnL=$-302.95, Max Drawdown=21.5%, Pred Accuracy=99.6% +2025-03-10 13:14:19,312 - ERROR - Error in episode 13: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:14:19,313 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:14:19,337 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:14:19,554 - INFO - OPENED LONG at 2047.4 | Stop loss: 2037.147467857143 | Take profit: 2078.134298214286 +2025-03-10 13:14:19,872 - INFO - CLOSED long at 2052.3 | PnL: 0.24% | $0.28 +2025-03-10 13:14:19,947 - INFO - OPENED LONG at 2056.89 | Stop loss: 2046.5900178571426 | Take profit: 2087.766648214286 +2025-03-10 13:14:19,969 - INFO - CLOSED long at 2058.39 | PnL: 0.07% | $-0.05 +2025-03-10 13:14:19,969 - INFO - OPENED SHORT at 2058.39 | Stop loss: 2068.697482142857 | Take profit: 2027.490851785714 +2025-03-10 13:14:19,994 - INFO - CLOSED short at 2060.13 | PnL: -0.08% | $-0.37 +2025-03-10 13:14:19,994 - INFO - OPENED LONG at 2060.13 | Stop loss: 2049.813817857143 | Take profit: 2091.055248214286 +2025-03-10 13:14:20,171 - INFO - CLOSED long at 2063.01 | PnL: 0.14% | $0.08 +2025-03-10 13:14:20,174 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.3405821428573 | Take profit: 2032.0415517857145 +2025-03-10 13:14:20,195 - INFO - CLOSED short at 2060.99 | PnL: 0.10% | $-0.00 +2025-03-10 13:14:20,195 - INFO - OPENED LONG at 2060.99 | Stop loss: 2050.6695178571426 | Take profit: 2091.9281482142856 +2025-03-10 13:14:20,268 - INFO - CLOSED long at 2061.89 | PnL: 0.04% | $-0.11 +2025-03-10 13:14:20,291 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.5600178571426 | Take profit: 2093.8566482142855 +2025-03-10 13:14:20,416 - INFO - CLOSED long at 2057.94 | PnL: -0.24% | $-0.67 +2025-03-10 13:14:20,461 - INFO - OPENED LONG at 2061.79 | Stop loss: 2051.465517857143 | Take profit: 2092.740148214286 +2025-03-10 13:14:20,606 - INFO - CLOSED long at 2067.89 | PnL: 0.30% | $0.39 +2025-03-10 13:14:20,629 - INFO - OPENED LONG at 2071.63 | Stop loss: 2061.256317857143 | Take profit: 2102.727748214286 +2025-03-10 13:14:20,772 - INFO - CLOSED long at 2070.26 | PnL: -0.07% | $-0.33 +2025-03-10 13:14:20,798 - INFO - OPENED LONG at 2071.44 | Stop loss: 2061.0672678571427 | Take profit: 2102.534898214286 +2025-03-10 13:14:20,817 - INFO - CLOSED long at 2073.73 | PnL: 0.11% | $0.02 +2025-03-10 13:14:20,840 - INFO - OPENED LONG at 2075.1 | Stop loss: 2064.708967857143 | Take profit: 2106.2497982142854 +2025-03-10 13:14:20,948 - INFO - CLOSED long at 2069.37 | PnL: -0.28% | $-0.74 +2025-03-10 13:14:20,991 - INFO - OPENED LONG at 2072.8 | Stop loss: 2062.420467857143 | Take profit: 2103.9152982142855 +2025-03-10 13:14:21,360 - INFO - CLOSED long at 2066.19 | PnL: -0.32% | $-0.82 +2025-03-10 13:14:21,392 - INFO - OPENED LONG at 2066.29 | Stop loss: 2055.943017857143 | Take profit: 2097.3076482142856 +2025-03-10 13:14:21,540 - INFO - CLOSED long at 2068.59 | PnL: 0.11% | $0.02 +2025-03-10 13:14:21,570 - INFO - OPENED LONG at 2069.7 | Stop loss: 2059.335967857143 | Take profit: 2100.7687982142857 +2025-03-10 13:14:21,795 - INFO - CLOSED long at 2074.29 | PnL: 0.22% | $0.24 +2025-03-10 13:14:21,796 - INFO - OPENED SHORT at 2074.29 | Stop loss: 2084.676982142857 | Take profit: 2043.1523517857142 +2025-03-10 13:14:21,823 - INFO - CLOSED short at 2073.9 | PnL: 0.02% | $-0.16 +2025-03-10 13:14:21,824 - INFO - OPENED LONG at 2073.9 | Stop loss: 2063.514967857143 | Take profit: 2105.0317982142856 +2025-03-10 13:14:21,937 - INFO - CLOSED long at 2069.35 | PnL: -0.22% | $-0.62 +2025-03-10 13:14:21,956 - INFO - OPENED LONG at 2068.32 | Stop loss: 2057.962867857143 | Take profit: 2099.368098214286 +2025-03-10 13:14:22,049 - INFO - CLOSED long at 2066.8 | PnL: -0.07% | $-0.33 +2025-03-10 13:14:22,086 - INFO - OPENED LONG at 2065.49 | Stop loss: 2055.1470178571426 | Take profit: 2096.4956482142857 +2025-03-10 13:14:22,282 - INFO - CLOSED long at 2067.59 | PnL: 0.10% | $0.00 +2025-03-10 13:14:22,323 - INFO - OPENED LONG at 2070.3 | Stop loss: 2059.932967857143 | Take profit: 2101.377798214286 +2025-03-10 13:14:22,513 - INFO - CLOSED long at 2067.84 | PnL: -0.12% | $-0.42 +2025-03-10 13:14:22,513 - INFO - OPENED SHORT at 2067.84 | Stop loss: 2078.1947321428574 | Take profit: 2036.7991017857144 +2025-03-10 13:14:22,552 - INFO - CLOSED short at 2067.11 | PnL: 0.04% | $-0.12 +2025-03-10 13:14:22,555 - INFO - OPENED LONG at 2067.11 | Stop loss: 2056.758917857143 | Take profit: 2098.139948214286 +2025-03-10 13:14:22,591 - INFO - CLOSED long at 2067.86 | PnL: 0.04% | $-0.12 +2025-03-10 13:14:22,591 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.2148321428576 | Take profit: 2036.8188017857144 +2025-03-10 13:14:22,611 - INFO - CLOSED short at 2066.4 | PnL: 0.07% | $-0.06 +2025-03-10 13:14:22,611 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.052467857143 | Take profit: 2097.4192982142854 +2025-03-10 13:14:22,741 - INFO - CLOSED long at 2070.04 | PnL: 0.18% | $0.15 +2025-03-10 13:14:22,774 - INFO - OPENED LONG at 2067.8 | Stop loss: 2057.445467857143 | Take profit: 2098.8402982142857 +2025-03-10 13:14:22,893 - INFO - CLOSED long at 2064.99 | PnL: -0.14% | $-0.45 +2025-03-10 13:14:22,893 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.330482142857 | Take profit: 2033.991851785714 +2025-03-10 13:14:22,947 - INFO - CLOSED short at 2065.83 | PnL: -0.04% | $-0.27 +2025-03-10 13:14:22,947 - INFO - OPENED LONG at 2065.83 | Stop loss: 2055.4853178571425 | Take profit: 2096.8407482142857 +2025-03-10 13:14:23,773 - INFO - CLOSED long at 2064.7 | PnL: -0.05% | $-0.29 +2025-03-10 13:14:23,774 - INFO - OPENED SHORT at 2064.7 | Stop loss: 2075.039032142857 | Take profit: 2033.706201785714 +2025-03-10 13:14:23,816 - INFO - CLOSED short at 2062.61 | PnL: 0.10% | $0.00 +2025-03-10 13:14:23,816 - INFO - OPENED LONG at 2062.61 | Stop loss: 2052.281417857143 | Take profit: 2093.572448214286 +2025-03-10 13:14:23,897 - INFO - CLOSED long at 2061.13 | PnL: -0.07% | $-0.32 +2025-03-10 13:14:23,928 - INFO - OPENED LONG at 2061.9 | Stop loss: 2051.574967857143 | Take profit: 2092.8517982142857 +2025-03-10 13:14:24,054 - INFO - CLOSED long at 2064.33 | PnL: 0.12% | $0.03 +2025-03-10 13:14:24,099 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.0575178571426 | Take profit: 2094.3641482142853 +2025-03-10 13:14:24,139 - INFO - CLOSED long at 2064.79 | PnL: 0.07% | $-0.06 +2025-03-10 13:14:24,177 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.5450178571427 | Take profit: 2096.9016482142856 +2025-03-10 13:14:24,259 - INFO - CLOSED long at 2062.6 | PnL: -0.16% | $-0.49 +2025-03-10 13:14:24,260 - INFO - OPENED SHORT at 2062.6 | Stop loss: 2072.928532142857 | Take profit: 2031.6377017857142 +2025-03-10 13:14:24,289 - INFO - CLOSED short at 2061.89 | PnL: 0.03% | $-0.12 +2025-03-10 13:14:24,290 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5650178571427 | Take profit: 2092.841648214285 +2025-03-10 13:14:24,325 - INFO - CLOSED long at 2061.7 | PnL: -0.01% | $-0.20 +2025-03-10 13:14:24,326 - INFO - OPENED SHORT at 2061.7 | Stop loss: 2072.024032142857 | Take profit: 2030.751201785714 +2025-03-10 13:14:24,360 - INFO - CLOSED short at 2060.7 | PnL: 0.05% | $-0.10 +2025-03-10 13:14:24,361 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3809678571424 | Take profit: 2091.633798214286 +2025-03-10 13:14:24,392 - INFO - CLOSED long at 2061.09 | PnL: 0.02% | $-0.15 +2025-03-10 13:14:24,393 - INFO - OPENED SHORT at 2061.09 | Stop loss: 2071.4109821428574 | Take profit: 2030.1503517857145 +2025-03-10 13:14:24,433 - INFO - CLOSED short at 2059.61 | PnL: 0.07% | $-0.05 +2025-03-10 13:14:24,433 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.2964178571433 | Take profit: 2090.527448214286 +2025-03-10 13:14:24,861 - INFO - CLOSED long at 2059.8 | PnL: 0.01% | $-0.17 +2025-03-10 13:14:24,892 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.3361678571428 | Take profit: 2092.608198214286 +2025-03-10 13:14:24,992 - INFO - CLOSED long at 2061.3 | PnL: -0.02% | $-0.22 +2025-03-10 13:14:24,992 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6220321428573 | Take profit: 2030.3572017857146 +2025-03-10 13:14:25,030 - INFO - CLOSED short at 2062.69 | PnL: -0.07% | $-0.31 +2025-03-10 13:14:25,031 - INFO - OPENED LONG at 2062.69 | Stop loss: 2052.361017857143 | Take profit: 2093.6536482142856 +2025-03-10 13:14:25,055 - INFO - CLOSED long at 2063.4 | PnL: 0.03% | $-0.12 +2025-03-10 13:14:25,056 - INFO - OPENED SHORT at 2063.4 | Stop loss: 2073.732532142857 | Take profit: 2032.4257017857144 +2025-03-10 13:14:25,108 - INFO - CLOSED short at 2066.01 | PnL: -0.13% | $-0.42 +2025-03-10 13:14:25,109 - INFO - OPENED LONG at 2066.01 | Stop loss: 2055.664417857143 | Take profit: 2097.023448214286 +2025-03-10 13:14:25,389 - INFO - CLOSED long at 2072.0 | PnL: 0.29% | $0.35 +2025-03-10 13:14:25,389 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3755321428575 | Take profit: 2040.8967017857144 +2025-03-10 13:14:25,420 - INFO - CLOSED short at 2074.3 | PnL: -0.11% | $-0.39 +2025-03-10 13:14:25,420 - INFO - OPENED LONG at 2074.3 | Stop loss: 2063.912967857143 | Take profit: 2105.437798214286 +2025-03-10 13:14:25,473 - INFO - CLOSED long at 2075.01 | PnL: 0.03% | $-0.12 +2025-03-10 13:14:25,502 - INFO - OPENED LONG at 2072.6 | Stop loss: 2062.2214678571427 | Take profit: 2103.712298214286 +2025-03-10 13:14:25,564 - INFO - CLOSED long at 2070.01 | PnL: -0.12% | $-0.41 +2025-03-10 13:14:25,596 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.226467857143 | Take profit: 2102.6972982142856 +2025-03-10 13:14:25,661 - INFO - CLOSED long at 2070.0 | PnL: -0.08% | $-0.32 +2025-03-10 13:14:25,661 - INFO - OPENED SHORT at 2070.0 | Stop loss: 2080.365532142857 | Take profit: 2038.9267017857142 +2025-03-10 13:14:25,728 - INFO - CLOSED short at 2068.39 | PnL: 0.08% | $-0.04 +2025-03-10 13:14:25,728 - INFO - OPENED LONG at 2068.39 | Stop loss: 2058.032517857143 | Take profit: 2099.4391482142855 +2025-03-10 13:14:25,898 - INFO - CLOSED long at 2071.49 | PnL: 0.15% | $0.09 +2025-03-10 13:14:25,899 - INFO - OPENED SHORT at 2071.49 | Stop loss: 2081.8629821428567 | Take profit: 2040.394351785714 +2025-03-10 13:14:25,926 - INFO - CLOSED short at 2069.87 | PnL: 0.08% | $-0.04 +2025-03-10 13:14:25,977 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.032567857143 | Take profit: 2097.3989982142857 +2025-03-10 13:14:26,076 - INFO - CLOSED long at 2063.95 | PnL: -0.12% | $-0.40 +2025-03-10 13:14:26,158 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.161967857143 | Take profit: 2095.490798214286 +2025-03-10 13:14:26,361 - INFO - CLOSED long at 2065.31 | PnL: 0.04% | $-0.11 +2025-03-10 13:14:26,386 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.450467857143 | Take profit: 2097.825298214286 +2025-03-10 13:14:26,679 - INFO - CLOSED long at 2069.69 | PnL: 0.14% | $0.07 +2025-03-10 13:14:26,729 - INFO - OPENED LONG at 2070.8 | Stop loss: 2060.430467857143 | Take profit: 2101.885298214286 +2025-03-10 13:14:26,771 - INFO - CLOSED long at 2070.61 | PnL: -0.01% | $-0.20 +2025-03-10 13:14:26,771 - INFO - OPENED SHORT at 2070.61 | Stop loss: 2080.9785821428572 | Take profit: 2039.5275517857144 +2025-03-10 13:14:26,799 - INFO - CLOSED short at 2071.99 | PnL: -0.07% | $-0.30 +2025-03-10 13:14:26,800 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.614517857143 | Take profit: 2103.0931482142855 +2025-03-10 13:14:26,924 - INFO - CLOSED long at 2071.61 | PnL: -0.02% | $-0.21 +2025-03-10 13:14:26,925 - INFO - OPENED SHORT at 2071.61 | Stop loss: 2081.9835821428574 | Take profit: 2040.5125517857143 +2025-03-10 13:14:26,953 - INFO - CLOSED short at 2074.37 | PnL: -0.13% | $-0.42 +2025-03-10 13:14:26,954 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.982617857143 | Take profit: 2105.508848214286 +2025-03-10 13:14:27,475 - INFO - CLOSED long at 2068.1 | PnL: -0.30% | $-0.72 +2025-03-10 13:14:27,500 - INFO - OPENED LONG at 2069.0 | Stop loss: 2058.639467857143 | Take profit: 2100.058298214286 +2025-03-10 13:14:27,617 - INFO - CLOSED long at 2065.7 | PnL: -0.16% | $-0.46 +2025-03-10 13:14:27,618 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.044032142857 | Take profit: 2034.691201785714 +2025-03-10 13:14:27,687 - INFO - CLOSED short at 2066.09 | PnL: -0.02% | $-0.21 +2025-03-10 13:14:27,687 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.744017857143 | Take profit: 2097.1046482142856 +2025-03-10 13:14:27,803 - INFO - CLOSED long at 2065.06 | PnL: -0.05% | $-0.26 +2025-03-10 13:14:27,803 - INFO - OPENED SHORT at 2065.06 | Stop loss: 2075.4008321428573 | Take profit: 2034.0608017857141 +2025-03-10 13:14:27,845 - INFO - CLOSED short at 2064.5 | PnL: 0.03% | $-0.13 +2025-03-10 13:14:27,845 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.161967857143 | Take profit: 2095.490798214286 +2025-03-10 13:14:28,034 - INFO - STOP LOSS hit for long at 2054.161967857143 | PnL: -0.50% | $-1.05 +2025-03-10 13:14:28,057 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.9484178571429 | Take profit: 2079.971448214286 +2025-03-10 13:14:28,147 - INFO - CLOSED long at 2056.85 | PnL: 0.37% | $0.47 +2025-03-10 13:14:28,170 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.808917857143 | Take profit: 2087.989948214286 +2025-03-10 13:14:28,832 - INFO - CLOSED long at 2072.99 | PnL: 0.77% | $1.17 +2025-03-10 13:14:28,833 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.370482142857 | Take profit: 2041.871851785714 +2025-03-10 13:14:28,860 - INFO - CLOSED short at 2071.89 | PnL: 0.05% | $-0.08 +2025-03-10 13:14:28,862 - INFO - OPENED LONG at 2071.89 | Stop loss: 2061.5150178571425 | Take profit: 2102.9916482142853 +2025-03-10 13:14:29,014 - INFO - CLOSED long at 2090.49 | PnL: 0.90% | $1.41 +2025-03-10 13:14:29,043 - INFO - OPENED LONG at 2103.02 | Stop loss: 2092.489367857143 | Take profit: 2134.5885982142854 +2025-03-10 13:14:29,106 - INFO - TAKE PROFIT hit for long at 2134.5885982142854 | PnL: 1.50% | $2.51 +2025-03-10 13:14:29,130 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.105567857143 | Take profit: 2163.7799982142856 +2025-03-10 13:14:29,391 - INFO - STOP LOSS hit for long at 2121.105567857143 | PnL: -0.50% | $-1.11 +2025-03-10 13:14:29,422 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.533717857143 | Take profit: 2151.9755482142855 +2025-03-10 13:14:29,448 - INFO - CLOSED long at 2117.24 | PnL: -0.14% | $-0.43 +2025-03-10 13:14:29,449 - INFO - OPENED SHORT at 2117.24 | Stop loss: 2127.841732142857 | Take profit: 2085.458101785714 +2025-03-10 13:14:29,479 - INFO - CLOSED short at 2119.93 | PnL: -0.13% | $-0.41 +2025-03-10 13:14:29,480 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3148178571428 | Take profit: 2151.752248214286 +2025-03-10 13:14:29,660 - INFO - STOP LOSS hit for long at 2109.3148178571428 | PnL: -0.50% | $-1.08 +2025-03-10 13:14:29,687 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.0314678571426 | Take profit: 2142.282298214285 +2025-03-10 13:14:30,158 - INFO - STOP LOSS hit for long at 2100.0314678571426 | PnL: -0.50% | $-1.07 +2025-03-10 13:14:30,192 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.016817857143 | Take profit: 2131.046248214286 +2025-03-10 13:14:30,278 - INFO - CLOSED long at 2099.25 | PnL: -0.01% | $-0.20 +2025-03-10 13:14:30,278 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.761782142857 | Take profit: 2067.7379517857144 +2025-03-10 13:14:30,300 - INFO - CLOSED short at 2098.9 | PnL: 0.02% | $-0.15 +2025-03-10 13:14:30,300 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.389967857143 | Take profit: 2130.4067982142856 +2025-03-10 13:14:30,380 - INFO - CLOSED long at 2100.74 | PnL: 0.09% | $-0.02 +2025-03-10 13:14:30,381 - INFO - OPENED SHORT at 2100.74 | Stop loss: 2111.259232142857 | Take profit: 2069.205601785714 +2025-03-10 13:14:30,415 - INFO - CLOSED short at 2103.86 | PnL: -0.15% | $-0.44 +2025-03-10 13:14:30,416 - INFO - OPENED LONG at 2103.86 | Stop loss: 2093.3251678571432 | Take profit: 2135.4411982142856 +2025-03-10 13:14:30,664 - INFO - STOP LOSS hit for long at 2093.3251678571432 | PnL: -0.50% | $-1.05 +2025-03-10 13:14:30,687 - INFO - OPENED LONG at 2091.1 | Stop loss: 2080.628967857143 | Take profit: 2122.4897982142857 +2025-03-10 13:14:30,903 - INFO - CLOSED long at 2081.49 | PnL: -0.46% | $-0.96 +2025-03-10 13:14:30,939 - INFO - OPENED LONG at 2080.38 | Stop loss: 2069.962567857143 | Take profit: 2111.6089982142857 +2025-03-10 13:14:31,420 - INFO - CLOSED long at 2089.79 | PnL: 0.45% | $0.60 +2025-03-10 13:14:31,482 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.520782142857 | Take profit: 2059.6609517857146 +2025-03-10 13:14:31,511 - INFO - CLOSED short at 2091.05 | PnL: 0.00% | $-0.17 +2025-03-10 13:14:31,511 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.579217857143 | Take profit: 2122.4390482142862 +2025-03-10 13:14:31,571 - INFO - CLOSED long at 2097.8 | PnL: 0.32% | $0.38 +2025-03-10 13:14:31,572 - INFO - OPENED SHORT at 2097.8 | Stop loss: 2108.3045321428576 | Take profit: 2066.3097017857144 +2025-03-10 13:14:31,611 - INFO - CLOSED short at 2099.99 | PnL: -0.10% | $-0.35 +2025-03-10 13:14:31,612 - INFO - OPENED LONG at 2099.99 | Stop loss: 2089.4745178571425 | Take profit: 2131.513148214285 +2025-03-10 13:14:31,775 - INFO - CLOSED long at 2100.89 | PnL: 0.04% | $-0.10 +2025-03-10 13:14:31,775 - INFO - OPENED SHORT at 2100.89 | Stop loss: 2111.409982142857 | Take profit: 2069.353351785714 +2025-03-10 13:14:31,817 - INFO - CLOSED short at 2106.15 | PnL: -0.25% | $-0.60 +2025-03-10 13:14:31,842 - INFO - OPENED LONG at 2103.48 | Stop loss: 2092.947067857143 | Take profit: 2135.0554982142858 +2025-03-10 13:14:31,896 - INFO - CLOSED long at 2103.07 | PnL: -0.02% | $-0.20 +2025-03-10 13:14:31,925 - INFO - OPENED LONG at 2101.5 | Stop loss: 2090.976967857143 | Take profit: 2133.0457982142857 +2025-03-10 13:14:32,053 - INFO - CLOSED long at 2104.4 | PnL: 0.14% | $0.06 +2025-03-10 13:14:32,053 - INFO - OPENED SHORT at 2104.4 | Stop loss: 2114.9375321428574 | Take profit: 2072.8107017857146 +2025-03-10 13:14:32,091 - INFO - Trade Analysis: Win Rate=6.7% in uptrends, 0.0% in downtrends | Avg Win=$0.42, Avg Loss=$-0.35 +2025-03-10 13:14:32,091 - INFO - Episode 14: Reward=106.44, Balance=$85.42, Win Rate=23.3%, Trades=86, Episode PnL=$-12.22, Total PnL=$-317.53, Max Drawdown=14.9%, Pred Accuracy=99.9% +2025-03-10 13:14:32,091 - ERROR - Error in episode 14: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:14:32,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:14:32,114 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:14:32,381 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3315678571428 | Take profit: 2077.3019982142855 +2025-03-10 13:14:32,399 - INFO - CLOSED long at 2047.4 | PnL: 0.04% | $-0.12 +2025-03-10 13:14:32,424 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.9484678571428 | Take profit: 2077.931298214286 +2025-03-10 13:14:32,777 - INFO - CLOSED long at 2052.3 | PnL: 0.25% | $0.30 +2025-03-10 13:14:32,802 - INFO - OPENED LONG at 2055.69 | Stop loss: 2045.396017857143 | Take profit: 2086.5486482142855 +2025-03-10 13:14:32,822 - INFO - CLOSED long at 2057.01 | PnL: 0.06% | $-0.07 +2025-03-10 13:14:32,822 - INFO - OPENED SHORT at 2057.01 | Stop loss: 2067.3105821428576 | Take profit: 2026.1315517857145 +2025-03-10 13:14:32,850 - INFO - CLOSED short at 2056.89 | PnL: 0.01% | $-0.19 +2025-03-10 13:14:32,850 - INFO - OPENED LONG at 2056.89 | Stop loss: 2046.5900178571426 | Take profit: 2087.766648214286 +2025-03-10 13:14:32,960 - INFO - CLOSED long at 2063.29 | PnL: 0.31% | $0.42 +2025-03-10 13:14:32,984 - INFO - OPENED LONG at 2064.61 | Stop loss: 2054.2714178571428 | Take profit: 2095.602448214286 +2025-03-10 13:14:33,081 - INFO - CLOSED long at 2064.69 | PnL: 0.00% | $-0.19 +2025-03-10 13:14:33,124 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.679417857143 | Take profit: 2093.978448214286 +2025-03-10 13:14:33,295 - INFO - CLOSED long at 2059.49 | PnL: -0.17% | $-0.54 +2025-03-10 13:14:33,295 - INFO - OPENED SHORT at 2059.49 | Stop loss: 2069.8029821428568 | Take profit: 2028.574351785714 +2025-03-10 13:14:33,316 - INFO - CLOSED short at 2057.8 | PnL: 0.08% | $-0.04 +2025-03-10 13:14:33,316 - INFO - OPENED LONG at 2057.8 | Stop loss: 2047.495467857143 | Take profit: 2088.6902982142856 +2025-03-10 13:14:33,590 - INFO - CLOSED long at 2070.58 | PnL: 0.62% | $1.03 +2025-03-10 13:14:33,590 - INFO - OPENED SHORT at 2070.58 | Stop loss: 2080.948432142857 | Take profit: 2039.4980017857142 +2025-03-10 13:14:33,621 - INFO - CLOSED short at 2068.11 | PnL: 0.12% | $0.04 +2025-03-10 13:14:33,622 - INFO - OPENED LONG at 2068.11 | Stop loss: 2057.753917857143 | Take profit: 2099.154948214286 +2025-03-10 13:14:33,829 - INFO - CLOSED long at 2068.99 | PnL: 0.04% | $-0.11 +2025-03-10 13:14:33,857 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.544967857143 | Take profit: 2098.941798214286 +2025-03-10 13:14:33,929 - INFO - CLOSED long at 2071.44 | PnL: 0.17% | $0.14 +2025-03-10 13:14:33,955 - INFO - OPENED LONG at 2073.73 | Stop loss: 2063.3458178571427 | Take profit: 2104.859248214286 +2025-03-10 13:14:34,455 - INFO - CLOSED long at 2067.6 | PnL: -0.30% | $-0.79 +2025-03-10 13:14:34,476 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.156917857143 | Take profit: 2098.5459482142855 +2025-03-10 13:14:34,712 - INFO - CLOSED long at 2068.76 | PnL: 0.06% | $-0.08 +2025-03-10 13:14:34,788 - INFO - OPENED LONG at 2068.51 | Stop loss: 2058.151917857143 | Take profit: 2099.560948214286 +2025-03-10 13:14:34,962 - INFO - CLOSED long at 2073.11 | PnL: 0.22% | $0.24 +2025-03-10 13:14:34,985 - INFO - OPENED LONG at 2072.7 | Stop loss: 2062.3209678571425 | Take profit: 2103.8137982142857 +2025-03-10 13:14:35,499 - INFO - CLOSED long at 2068.8 | PnL: -0.19% | $-0.57 +2025-03-10 13:14:35,539 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.977767857143 | Take profit: 2100.4033982142855 +2025-03-10 13:14:35,694 - INFO - CLOSED long at 2070.7 | PnL: 0.07% | $-0.07 +2025-03-10 13:14:35,694 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.069032142857 | Take profit: 2039.6162017857139 +2025-03-10 13:14:35,720 - INFO - CLOSED short at 2070.4 | PnL: 0.01% | $-0.17 +2025-03-10 13:14:35,720 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.032467857143 | Take profit: 2101.479298214286 +2025-03-10 13:14:35,761 - INFO - CLOSED long at 2068.5 | PnL: -0.09% | $-0.38 +2025-03-10 13:14:35,762 - INFO - OPENED SHORT at 2068.5 | Stop loss: 2078.858032142857 | Take profit: 2037.4492017857142 +2025-03-10 13:14:35,788 - INFO - CLOSED short at 2068.69 | PnL: -0.01% | $-0.21 +2025-03-10 13:14:35,788 - INFO - OPENED LONG at 2068.69 | Stop loss: 2058.331017857143 | Take profit: 2099.7436482142857 +2025-03-10 13:14:35,849 - INFO - CLOSED long at 2067.11 | PnL: -0.08% | $-0.35 +2025-03-10 13:14:35,849 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.4610821428573 | Take profit: 2036.0800517857144 +2025-03-10 13:14:35,886 - INFO - CLOSED short at 2067.86 | PnL: -0.04% | $-0.27 +2025-03-10 13:14:35,886 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.505167857143 | Take profit: 2098.9011982142856 +2025-03-10 13:14:36,944 - INFO - CLOSED long at 2064.7 | PnL: -0.15% | $-0.49 +2025-03-10 13:14:36,944 - INFO - OPENED SHORT at 2064.7 | Stop loss: 2075.039032142857 | Take profit: 2033.706201785714 +2025-03-10 13:14:36,969 - INFO - CLOSED short at 2062.61 | PnL: 0.10% | $0.00 +2025-03-10 13:14:36,970 - INFO - OPENED LONG at 2062.61 | Stop loss: 2052.281417857143 | Take profit: 2093.572448214286 +2025-03-10 13:14:36,992 - INFO - CLOSED long at 2060.91 | PnL: -0.08% | $-0.35 +2025-03-10 13:14:37,086 - INFO - OPENED LONG at 2061.13 | Stop loss: 2050.808817857143 | Take profit: 2092.0702482142856 +2025-03-10 13:14:37,158 - INFO - CLOSED long at 2064.1 | PnL: 0.14% | $0.09 +2025-03-10 13:14:37,197 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.017667857143 | Take profit: 2096.363698214286 +2025-03-10 13:14:37,329 - INFO - CLOSED long at 2063.0 | PnL: -0.11% | $-0.41 +2025-03-10 13:14:37,410 - INFO - OPENED LONG at 2061.7 | Stop loss: 2051.3759678571428 | Take profit: 2092.6487982142853 +2025-03-10 13:14:38,044 - INFO - CLOSED long at 2066.36 | PnL: 0.23% | $0.24 +2025-03-10 13:14:38,071 - INFO - OPENED LONG at 2066.01 | Stop loss: 2055.664417857143 | Take profit: 2097.023448214286 +2025-03-10 13:14:38,159 - INFO - CLOSED long at 2066.34 | PnL: 0.02% | $-0.16 +2025-03-10 13:14:38,159 - INFO - OPENED SHORT at 2066.34 | Stop loss: 2076.6872321428573 | Take profit: 2035.3216017857144 +2025-03-10 13:14:38,179 - INFO - CLOSED short at 2066.79 | PnL: -0.02% | $-0.23 +2025-03-10 13:14:38,180 - INFO - OPENED LONG at 2066.79 | Stop loss: 2056.440517857143 | Take profit: 2097.8151482142853 +2025-03-10 13:14:38,412 - INFO - CLOSED long at 2075.01 | PnL: 0.40% | $0.57 +2025-03-10 13:14:38,413 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.4005821428573 | Take profit: 2043.8615517857145 +2025-03-10 13:14:38,447 - INFO - CLOSED short at 2071.04 | PnL: 0.19% | $0.18 +2025-03-10 13:14:38,449 - INFO - OPENED LONG at 2071.04 | Stop loss: 2060.669267857143 | Take profit: 2102.1288982142855 +2025-03-10 13:14:38,466 - INFO - CLOSED long at 2070.01 | PnL: -0.05% | $-0.29 +2025-03-10 13:14:38,466 - INFO - OPENED SHORT at 2070.01 | Stop loss: 2080.375582142857 | Take profit: 2038.9365517857145 +2025-03-10 13:14:38,490 - INFO - CLOSED short at 2071.6 | PnL: -0.08% | $-0.34 +2025-03-10 13:14:38,490 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.226467857143 | Take profit: 2102.6972982142856 +2025-03-10 13:14:38,732 - INFO - CLOSED long at 2071.49 | PnL: -0.01% | $-0.20 +2025-03-10 13:14:38,734 - INFO - OPENED SHORT at 2071.49 | Stop loss: 2081.8629821428567 | Take profit: 2040.394351785714 +2025-03-10 13:14:38,792 - INFO - CLOSED short at 2067.33 | PnL: 0.20% | $0.19 +2025-03-10 13:14:38,792 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.977817857143 | Take profit: 2098.3632482142857 +2025-03-10 13:14:38,908 - INFO - CLOSED long at 2064.5 | PnL: -0.14% | $-0.46 +2025-03-10 13:14:38,950 - INFO - OPENED LONG at 2064.4 | Stop loss: 2054.062467857143 | Take profit: 2095.3892982142856 +2025-03-10 13:14:39,058 - INFO - CLOSED long at 2065.29 | PnL: 0.04% | $-0.11 +2025-03-10 13:14:39,058 - INFO - OPENED SHORT at 2065.29 | Stop loss: 2075.631982142857 | Take profit: 2034.2873517857145 +2025-03-10 13:14:39,092 - INFO - CLOSED short at 2065.31 | PnL: -0.00% | $-0.19 +2025-03-10 13:14:39,093 - INFO - OPENED LONG at 2065.31 | Stop loss: 2054.9679178571428 | Take profit: 2096.3129482142854 +2025-03-10 13:14:39,257 - INFO - CLOSED long at 2071.35 | PnL: 0.29% | $0.37 +2025-03-10 13:14:39,281 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.529967857143 | Take profit: 2101.986798214286 +2025-03-10 13:14:39,679 - INFO - CLOSED long at 2073.99 | PnL: 0.15% | $0.09 +2025-03-10 13:14:39,701 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.927867857143 | Take profit: 2106.473098214286 +2025-03-10 13:14:39,723 - INFO - CLOSED long at 2075.29 | PnL: -0.00% | $-0.19 +2025-03-10 13:14:39,741 - INFO - OPENED LONG at 2076.9 | Stop loss: 2066.499967857143 | Take profit: 2108.0767982142856 +2025-03-10 13:14:39,846 - INFO - CLOSED long at 2069.97 | PnL: -0.33% | $-0.83 +2025-03-10 13:14:39,848 - INFO - OPENED SHORT at 2069.97 | Stop loss: 2080.335382142857 | Take profit: 2038.897151785714 +2025-03-10 13:14:39,880 - INFO - CLOSED short at 2067.7 | PnL: 0.11% | $0.02 +2025-03-10 13:14:39,922 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.649467857143 | Take profit: 2098.0282982142858 +2025-03-10 13:14:39,986 - INFO - CLOSED long at 2066.4 | PnL: -0.03% | $-0.24 +2025-03-10 13:14:40,008 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.5400178571426 | Take profit: 2097.9166482142855 +2025-03-10 13:14:40,086 - INFO - CLOSED long at 2069.0 | PnL: 0.10% | $0.00 +2025-03-10 13:14:40,086 - INFO - OPENED SHORT at 2069.0 | Stop loss: 2079.360532142857 | Take profit: 2037.9417017857143 +2025-03-10 13:14:40,116 - INFO - CLOSED short at 2070.19 | PnL: -0.06% | $-0.30 +2025-03-10 13:14:40,116 - INFO - OPENED LONG at 2070.19 | Stop loss: 2059.8235178571426 | Take profit: 2101.2661482142857 +2025-03-10 13:14:40,135 - INFO - CLOSED long at 2070.1 | PnL: -0.00% | $-0.20 +2025-03-10 13:14:40,135 - INFO - OPENED SHORT at 2070.1 | Stop loss: 2080.466032142857 | Take profit: 2039.0252017857142 +2025-03-10 13:14:40,158 - INFO - CLOSED short at 2067.19 | PnL: 0.14% | $0.08 +2025-03-10 13:14:40,158 - INFO - OPENED LONG at 2067.19 | Stop loss: 2056.838517857143 | Take profit: 2098.2211482142857 +2025-03-10 13:14:40,208 - INFO - CLOSED long at 2065.7 | PnL: -0.07% | $-0.32 +2025-03-10 13:14:40,241 - INFO - OPENED LONG at 2065.8 | Stop loss: 2055.455467857143 | Take profit: 2096.810298214286 +2025-03-10 13:14:40,336 - INFO - CLOSED long at 2063.39 | PnL: -0.12% | $-0.41 +2025-03-10 13:14:40,365 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.012767857143 | Take profit: 2093.2983982142855 +2025-03-10 13:14:40,507 - INFO - CLOSED long at 2063.01 | PnL: 0.03% | $-0.13 +2025-03-10 13:14:40,508 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.3405821428573 | Take profit: 2032.0415517857145 +2025-03-10 13:14:40,528 - INFO - CLOSED short at 2060.7 | PnL: 0.11% | $0.02 +2025-03-10 13:14:40,528 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3809678571424 | Take profit: 2091.633798214286 +2025-03-10 13:14:40,690 - INFO - STOP LOSS hit for long at 2050.3809678571424 | PnL: -0.50% | $-1.12 +2025-03-10 13:14:40,723 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.2369678571429 | Take profit: 2080.2657982142855 +2025-03-10 13:14:40,793 - INFO - CLOSED long at 2056.85 | PnL: 0.36% | $0.48 +2025-03-10 13:14:40,803 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.149782142857 | Take profit: 2025.9739517857142 +2025-03-10 13:14:40,824 - INFO - CLOSED short at 2057.11 | PnL: -0.01% | $-0.21 +2025-03-10 13:14:40,824 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.808917857143 | Take profit: 2087.989948214286 +2025-03-10 13:14:40,883 - INFO - CLOSED long at 2063.9 | PnL: 0.33% | $0.43 +2025-03-10 13:14:40,883 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.235032142857 | Take profit: 2032.9182017857145 +2025-03-10 13:14:40,899 - INFO - CLOSED short at 2065.1 | PnL: -0.06% | $-0.29 +2025-03-10 13:14:40,899 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.758967857143 | Take profit: 2096.099798214286 +2025-03-10 13:14:41,096 - INFO - CLOSED long at 2061.21 | PnL: -0.19% | $-0.53 +2025-03-10 13:14:41,098 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.531582142857 | Take profit: 2030.2685517857142 +2025-03-10 13:14:41,164 - INFO - CLOSED short at 2060.7 | PnL: 0.02% | $-0.14 +2025-03-10 13:14:41,164 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3809678571424 | Take profit: 2091.633798214286 +2025-03-10 13:14:41,214 - INFO - CLOSED long at 2062.54 | PnL: 0.09% | $-0.02 +2025-03-10 13:14:41,214 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.868232142857 | Take profit: 2031.5786017857142 +2025-03-10 13:14:41,239 - INFO - CLOSED short at 2065.72 | PnL: -0.15% | $-0.47 +2025-03-10 13:14:41,239 - INFO - OPENED LONG at 2065.72 | Stop loss: 2055.3758678571426 | Take profit: 2096.729098214286 +2025-03-10 13:14:41,340 - INFO - CLOSED long at 2070.41 | PnL: 0.23% | $0.23 +2025-03-10 13:14:41,340 - INFO - OPENED SHORT at 2070.41 | Stop loss: 2080.777582142857 | Take profit: 2039.3305517857143 +2025-03-10 13:14:41,361 - INFO - CLOSED short at 2073.49 | PnL: -0.15% | $-0.46 +2025-03-10 13:14:41,363 - INFO - OPENED LONG at 2073.49 | Stop loss: 2063.1070178571426 | Take profit: 2104.6156482142856 +2025-03-10 13:14:41,457 - INFO - CLOSED long at 2071.89 | PnL: -0.08% | $-0.32 +2025-03-10 13:14:41,504 - INFO - OPENED LONG at 2071.8 | Stop loss: 2061.4254678571433 | Take profit: 2102.9002982142856 +2025-03-10 13:14:41,646 - INFO - TAKE PROFIT hit for long at 2102.9002982142856 | PnL: 1.50% | $2.55 +2025-03-10 13:14:41,690 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.826767857143 | Take profit: 2171.6563982142857 +2025-03-10 13:14:41,741 - INFO - CLOSED long at 2137.59 | PnL: -0.09% | $-0.36 +2025-03-10 13:14:41,749 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.2934821428576 | Take profit: 2105.5028517857145 +2025-03-10 13:14:41,769 - INFO - CLOSED short at 2141.41 | PnL: -0.18% | $-0.52 +2025-03-10 13:14:41,769 - INFO - OPENED LONG at 2141.41 | Stop loss: 2130.6874178571425 | Take profit: 2173.5544482142855 +2025-03-10 13:14:41,882 - INFO - CLOSED long at 2134.78 | PnL: -0.31% | $-0.76 +2025-03-10 13:14:41,927 - INFO - OPENED SHORT at 2126.99 | Stop loss: 2137.640482142857 | Take profit: 2095.061851785714 +2025-03-10 13:14:41,963 - INFO - CLOSED short at 2127.3 | PnL: -0.01% | $-0.21 +2025-03-10 13:14:41,964 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.647967857143 | Take profit: 2159.2327982142856 +2025-03-10 13:14:42,098 - INFO - CLOSED long at 2118.52 | PnL: -0.41% | $-0.94 +2025-03-10 13:14:42,098 - INFO - OPENED SHORT at 2118.52 | Stop loss: 2129.128132142857 | Take profit: 2086.7189017857145 +2025-03-10 13:14:42,141 - INFO - CLOSED short at 2119.07 | PnL: -0.03% | $-0.23 +2025-03-10 13:14:42,141 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.459117857143 | Take profit: 2150.8793482142855 +2025-03-10 13:14:42,180 - INFO - STOP LOSS hit for long at 2108.459117857143 | PnL: -0.50% | $-1.09 +2025-03-10 13:14:42,220 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.0314678571426 | Take profit: 2142.282298214285 +2025-03-10 13:14:42,251 - INFO - CLOSED long at 2109.05 | PnL: -0.07% | $-0.31 +2025-03-10 13:14:42,251 - INFO - OPENED SHORT at 2109.05 | Stop loss: 2119.6107821428577 | Take profit: 2077.3909517857146 +2025-03-10 13:14:42,288 - INFO - CLOSED short at 2112.09 | PnL: -0.14% | $-0.43 +2025-03-10 13:14:42,288 - INFO - OPENED LONG at 2112.09 | Stop loss: 2101.514017857143 | Take profit: 2143.794648214286 +2025-03-10 13:14:42,463 - INFO - CLOSED long at 2114.8 | PnL: 0.13% | $0.05 +2025-03-10 13:14:42,488 - INFO - OPENED LONG at 2110.9 | Stop loss: 2100.329967857143 | Take profit: 2142.586798214286 +2025-03-10 13:14:42,649 - INFO - STOP LOSS hit for long at 2100.329967857143 | PnL: -0.50% | $-1.07 +2025-03-10 13:14:42,686 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.016817857143 | Take profit: 2131.046248214286 +2025-03-10 13:14:42,756 - INFO - CLOSED long at 2102.19 | PnL: 0.13% | $0.05 +2025-03-10 13:14:42,756 - INFO - OPENED SHORT at 2102.19 | Stop loss: 2112.716482142857 | Take profit: 2070.6338517857143 +2025-03-10 13:14:42,809 - INFO - CLOSED short at 2099.25 | PnL: 0.14% | $0.07 +2025-03-10 13:14:42,811 - INFO - OPENED LONG at 2099.25 | Stop loss: 2088.738217857143 | Take profit: 2130.7620482142856 +2025-03-10 13:14:42,885 - INFO - CLOSED long at 2106.39 | PnL: 0.34% | $0.42 +2025-03-10 13:14:42,909 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.2207678571426 | Take profit: 2132.2743982142856 +2025-03-10 13:14:43,191 - INFO - CLOSED long at 2091.1 | PnL: -0.46% | $-0.99 +2025-03-10 13:14:43,214 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.2308678571426 | Take profit: 2126.1640982142853 +2025-03-10 13:14:43,234 - INFO - CLOSED long at 2094.08 | PnL: -0.03% | $-0.23 +2025-03-10 13:14:43,234 - INFO - OPENED SHORT at 2094.08 | Stop loss: 2104.565932142857 | Take profit: 2062.6455017857143 +2025-03-10 13:14:43,253 - INFO - CLOSED short at 2088.35 | PnL: 0.27% | $0.30 +2025-03-10 13:14:43,253 - INFO - OPENED LONG at 2088.35 | Stop loss: 2077.8927178571425 | Take profit: 2119.6985482142854 +2025-03-10 13:14:43,333 - INFO - CLOSED long at 2085.3 | PnL: -0.15% | $-0.43 +2025-03-10 13:14:43,358 - INFO - OPENED LONG at 2082.44 | Stop loss: 2072.012267857143 | Take profit: 2113.699898214286 +2025-03-10 13:14:43,497 - INFO - CLOSED long at 2086.57 | PnL: 0.20% | $0.17 +2025-03-10 13:14:43,503 - INFO - OPENED SHORT at 2086.57 | Stop loss: 2097.0183821428573 | Take profit: 2055.2481517857145 +2025-03-10 13:14:43,546 - INFO - CLOSED short at 2084.72 | PnL: 0.09% | $-0.02 +2025-03-10 13:14:43,546 - INFO - OPENED LONG at 2084.72 | Stop loss: 2074.2808678571428 | Take profit: 2116.0140982142852 +2025-03-10 13:14:44,249 - INFO - CLOSED long at 2105.83 | PnL: 1.01% | $1.59 +2025-03-10 13:14:44,249 - INFO - OPENED SHORT at 2105.83 | Stop loss: 2116.3746821428567 | Take profit: 2074.2192517857143 +2025-03-10 13:14:44,271 - INFO - CLOSED short at 2103.64 | PnL: 0.10% | $0.01 +2025-03-10 13:14:44,272 - INFO - OPENED LONG at 2103.64 | Stop loss: 2093.1062678571425 | Take profit: 2135.2178982142855 +2025-03-10 13:14:44,355 - INFO - Trade Analysis: Win Rate=31.2% in uptrends, 0.0% in downtrends | Avg Win=$0.35, Avg Loss=$-0.36 +2025-03-10 13:14:44,356 - INFO - Episode 15: Reward=124.50, Balance=$89.22, Win Rate=34.1%, Trades=88, Episode PnL=$-9.13, Total PnL=$-328.31, Max Drawdown=13.1%, Pred Accuracy=99.7% +2025-03-10 13:14:44,356 - ERROR - Error in episode 15: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:14:44,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:14:44,379 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:14:44,559 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3315678571428 | Take profit: 2077.3019982142855 +2025-03-10 13:14:44,575 - INFO - CLOSED long at 2047.4 | PnL: 0.04% | $-0.12 +2025-03-10 13:14:44,575 - INFO - OPENED SHORT at 2047.4 | Stop loss: 2057.652532142857 | Take profit: 2016.6657017857144 +2025-03-10 13:14:44,602 - INFO - CLOSED short at 2047.2 | PnL: 0.01% | $-0.18 +2025-03-10 13:14:44,602 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.9484678571428 | Take profit: 2077.931298214286 +2025-03-10 13:14:44,816 - INFO - CLOSED long at 2051.89 | PnL: 0.23% | $0.26 +2025-03-10 13:14:44,842 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.022967857143 | Take profit: 2083.107798214286 +2025-03-10 13:14:45,533 - INFO - CLOSED long at 2071.63 | PnL: 0.94% | $1.67 +2025-03-10 13:14:45,555 - INFO - OPENED LONG at 2070.99 | Stop loss: 2060.6195178571425 | Take profit: 2102.0781482142856 +2025-03-10 13:14:45,835 - INFO - CLOSED long at 2072.91 | PnL: 0.09% | $-0.01 +2025-03-10 13:14:45,838 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.290082142857 | Take profit: 2041.793051785714 +2025-03-10 13:14:45,867 - INFO - CLOSED short at 2072.33 | PnL: 0.03% | $-0.15 +2025-03-10 13:14:45,868 - INFO - OPENED LONG at 2072.33 | Stop loss: 2061.9528178571427 | Take profit: 2103.4382482142855 +2025-03-10 13:14:45,930 - INFO - CLOSED long at 2071.41 | PnL: -0.04% | $-0.29 +2025-03-10 13:14:45,930 - INFO - OPENED SHORT at 2071.41 | Stop loss: 2081.782582142857 | Take profit: 2040.3155517857142 +2025-03-10 13:14:45,962 - INFO - CLOSED short at 2069.37 | PnL: 0.10% | $-0.00 +2025-03-10 13:14:45,962 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.0076178571426 | Take profit: 2100.4338482142857 +2025-03-10 13:14:46,078 - INFO - CLOSED long at 2070.28 | PnL: 0.04% | $-0.11 +2025-03-10 13:14:46,078 - INFO - OPENED SHORT at 2070.28 | Stop loss: 2080.646932142857 | Take profit: 2039.2025017857145 +2025-03-10 13:14:46,108 - INFO - CLOSED short at 2068.02 | PnL: 0.11% | $0.02 +2025-03-10 13:14:46,109 - INFO - OPENED LONG at 2068.02 | Stop loss: 2057.6643678571427 | Take profit: 2099.063598214286 +2025-03-10 13:14:46,171 - INFO - CLOSED long at 2070.36 | PnL: 0.11% | $0.03 +2025-03-10 13:14:46,208 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.539967857143 | Take profit: 2099.956798214286 +2025-03-10 13:14:46,281 - INFO - CLOSED long at 2069.19 | PnL: 0.01% | $-0.17 +2025-03-10 13:14:46,281 - INFO - OPENED SHORT at 2069.19 | Stop loss: 2079.551482142857 | Take profit: 2038.1288517857145 +2025-03-10 13:14:46,317 - INFO - CLOSED short at 2068.8 | PnL: 0.02% | $-0.16 +2025-03-10 13:14:46,317 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.440467857143 | Take profit: 2099.855298214286 +2025-03-10 13:14:46,558 - INFO - CLOSED long at 2068.76 | PnL: -0.00% | $-0.20 +2025-03-10 13:14:46,559 - INFO - OPENED SHORT at 2068.76 | Stop loss: 2079.1193321428573 | Take profit: 2037.7053017857147 +2025-03-10 13:14:46,605 - INFO - CLOSED short at 2068.51 | PnL: 0.01% | $-0.18 +2025-03-10 13:14:46,605 - INFO - OPENED LONG at 2068.51 | Stop loss: 2058.151917857143 | Take profit: 2099.560948214286 +2025-03-10 13:14:46,626 - INFO - CLOSED long at 2068.59 | PnL: 0.00% | $-0.19 +2025-03-10 13:14:46,627 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.9484821428573 | Take profit: 2037.5378517857143 +2025-03-10 13:14:46,650 - INFO - CLOSED short at 2069.7 | PnL: -0.05% | $-0.31 +2025-03-10 13:14:46,651 - INFO - OPENED LONG at 2069.7 | Stop loss: 2059.335967857143 | Take profit: 2100.7687982142857 +2025-03-10 13:14:46,671 - INFO - CLOSED long at 2070.4 | PnL: 0.03% | $-0.13 +2025-03-10 13:14:46,700 - INFO - OPENED LONG at 2069.96 | Stop loss: 2059.594667857143 | Take profit: 2101.0326982142856 +2025-03-10 13:14:46,768 - INFO - CLOSED long at 2071.36 | PnL: 0.07% | $-0.06 +2025-03-10 13:14:46,801 - INFO - OPENED LONG at 2072.75 | Stop loss: 2062.3707178571426 | Take profit: 2103.864548214286 +2025-03-10 13:14:46,893 - INFO - CLOSED long at 2074.29 | PnL: 0.07% | $-0.05 +2025-03-10 13:14:46,893 - INFO - OPENED SHORT at 2074.29 | Stop loss: 2084.676982142857 | Take profit: 2043.1523517857142 +2025-03-10 13:14:46,919 - INFO - CLOSED short at 2073.9 | PnL: 0.02% | $-0.16 +2025-03-10 13:14:46,919 - INFO - OPENED LONG at 2073.9 | Stop loss: 2063.514967857143 | Take profit: 2105.0317982142856 +2025-03-10 13:14:47,022 - INFO - CLOSED long at 2069.35 | PnL: -0.22% | $-0.63 +2025-03-10 13:14:47,059 - INFO - OPENED LONG at 2068.32 | Stop loss: 2057.962867857143 | Take profit: 2099.368098214286 +2025-03-10 13:14:47,102 - INFO - CLOSED long at 2067.0 | PnL: -0.06% | $-0.32 +2025-03-10 13:14:47,180 - INFO - OPENED LONG at 2067.46 | Stop loss: 2057.107167857143 | Take profit: 2098.4951982142857 +2025-03-10 13:14:47,305 - INFO - CLOSED long at 2068.58 | PnL: 0.05% | $-0.09 +2025-03-10 13:14:47,305 - INFO - OPENED SHORT at 2068.58 | Stop loss: 2078.9384321428574 | Take profit: 2037.5280017857142 +2025-03-10 13:14:47,327 - INFO - CLOSED short at 2068.8 | PnL: -0.01% | $-0.22 +2025-03-10 13:14:47,327 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.440467857143 | Take profit: 2099.855298214286 +2025-03-10 13:14:47,385 - INFO - CLOSED long at 2067.59 | PnL: -0.06% | $-0.31 +2025-03-10 13:14:47,422 - INFO - OPENED LONG at 2069.2 | Stop loss: 2058.8384678571424 | Take profit: 2100.2612982142855 +2025-03-10 13:14:47,563 - INFO - CLOSED long at 2070.4 | PnL: 0.06% | $-0.08 +2025-03-10 13:14:47,563 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7675321428574 | Take profit: 2039.3207017857144 +2025-03-10 13:14:47,595 - INFO - CLOSED short at 2070.73 | PnL: -0.02% | $-0.23 +2025-03-10 13:14:47,642 - INFO - OPENED LONG at 2068.69 | Stop loss: 2058.331017857143 | Take profit: 2099.7436482142857 +2025-03-10 13:14:47,661 - INFO - CLOSED long at 2067.84 | PnL: -0.04% | $-0.27 +2025-03-10 13:14:47,683 - INFO - OPENED LONG at 2067.11 | Stop loss: 2056.758917857143 | Take profit: 2098.139948214286 +2025-03-10 13:14:47,730 - INFO - CLOSED long at 2066.4 | PnL: -0.03% | $-0.26 +2025-03-10 13:14:47,779 - INFO - OPENED LONG at 2065.28 | Stop loss: 2054.9380678571433 | Take profit: 2096.282498214286 +2025-03-10 13:14:47,815 - INFO - CLOSED long at 2066.39 | PnL: 0.05% | $-0.09 +2025-03-10 13:14:47,862 - INFO - OPENED LONG at 2064.47 | Stop loss: 2054.132117857143 | Take profit: 2095.4603482142857 +2025-03-10 13:14:47,899 - INFO - CLOSED long at 2070.04 | PnL: 0.27% | $0.33 +2025-03-10 13:14:47,945 - INFO - OPENED LONG at 2067.8 | Stop loss: 2057.445467857143 | Take profit: 2098.8402982142857 +2025-03-10 13:14:48,152 - INFO - CLOSED long at 2062.89 | PnL: -0.24% | $-0.65 +2025-03-10 13:14:48,152 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.219982142857 | Take profit: 2031.9233517857142 +2025-03-10 13:14:48,176 - INFO - CLOSED short at 2062.65 | PnL: 0.01% | $-0.17 +2025-03-10 13:14:48,176 - INFO - OPENED LONG at 2062.65 | Stop loss: 2052.321217857143 | Take profit: 2093.6130482142858 +2025-03-10 13:14:48,207 - INFO - CLOSED long at 2061.78 | PnL: -0.04% | $-0.27 +2025-03-10 13:14:48,208 - INFO - OPENED SHORT at 2061.78 | Stop loss: 2072.104432142857 | Take profit: 2030.8300017857146 +2025-03-10 13:14:48,254 - INFO - CLOSED short at 2059.59 | PnL: 0.11% | $0.01 +2025-03-10 13:14:48,256 - INFO - OPENED LONG at 2059.59 | Stop loss: 2049.276517857143 | Take profit: 2090.507148214286 +2025-03-10 13:14:48,370 - INFO - CLOSED long at 2064.96 | PnL: 0.26% | $0.31 +2025-03-10 13:14:48,371 - INFO - OPENED SHORT at 2064.96 | Stop loss: 2075.3003321428573 | Take profit: 2033.9623017857143 +2025-03-10 13:14:48,400 - INFO - CLOSED short at 2066.24 | PnL: -0.06% | $-0.31 +2025-03-10 13:14:48,401 - INFO - OPENED LONG at 2066.24 | Stop loss: 2055.8932678571427 | Take profit: 2097.2568982142857 +2025-03-10 13:14:48,570 - INFO - CLOSED long at 2062.71 | PnL: -0.17% | $-0.52 +2025-03-10 13:14:48,604 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.5600178571426 | Take profit: 2093.8566482142855 +2025-03-10 13:14:48,702 - INFO - CLOSED long at 2063.5 | PnL: 0.03% | $-0.13 +2025-03-10 13:14:48,702 - INFO - OPENED SHORT at 2063.5 | Stop loss: 2073.833032142857 | Take profit: 2032.5242017857142 +2025-03-10 13:14:48,748 - INFO - CLOSED short at 2061.6 | PnL: 0.09% | $-0.02 +2025-03-10 13:14:48,748 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.276467857143 | Take profit: 2092.547298214286 +2025-03-10 13:14:48,788 - INFO - CLOSED long at 2060.9 | PnL: -0.03% | $-0.25 +2025-03-10 13:14:48,788 - INFO - OPENED SHORT at 2060.9 | Stop loss: 2071.2200321428572 | Take profit: 2029.9632017857143 +2025-03-10 13:14:48,818 - INFO - CLOSED short at 2060.65 | PnL: 0.01% | $-0.17 +2025-03-10 13:14:48,818 - INFO - OPENED LONG at 2060.65 | Stop loss: 2050.3312178571427 | Take profit: 2091.583048214286 +2025-03-10 13:14:48,843 - INFO - CLOSED long at 2058.89 | PnL: -0.09% | $-0.35 +2025-03-10 13:14:48,921 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.475467857143 | Take profit: 2092.7502982142855 +2025-03-10 13:14:49,185 - INFO - CLOSED long at 2061.9 | PnL: 0.00% | $-0.18 +2025-03-10 13:14:49,186 - INFO - OPENED SHORT at 2061.9 | Stop loss: 2072.2250321428573 | Take profit: 2030.9482017857144 +2025-03-10 13:14:49,223 - INFO - CLOSED short at 2064.1 | PnL: -0.11% | $-0.39 +2025-03-10 13:14:49,224 - INFO - OPENED LONG at 2064.1 | Stop loss: 2053.7639678571427 | Take profit: 2095.0847982142855 +2025-03-10 13:14:49,341 - INFO - CLOSED long at 2064.79 | PnL: 0.03% | $-0.12 +2025-03-10 13:14:49,342 - INFO - OPENED SHORT at 2064.79 | Stop loss: 2075.1294821428573 | Take profit: 2033.7948517857142 +2025-03-10 13:14:49,370 - INFO - CLOSED short at 2065.89 | PnL: -0.05% | $-0.29 +2025-03-10 13:14:49,370 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.5450178571427 | Take profit: 2096.9016482142856 +2025-03-10 13:14:49,759 - INFO - CLOSED long at 2059.46 | PnL: -0.31% | $-0.77 +2025-03-10 13:14:49,799 - INFO - OPENED LONG at 2057.4 | Stop loss: 2047.097467857143 | Take profit: 2088.284298214286 +2025-03-10 13:14:49,820 - INFO - CLOSED long at 2058.28 | PnL: 0.04% | $-0.11 +2025-03-10 13:14:49,845 - INFO - OPENED LONG at 2056.28 | Stop loss: 2045.9830678571432 | Take profit: 2087.147498214286 +2025-03-10 13:14:49,932 - INFO - CLOSED long at 2056.71 | PnL: 0.02% | $-0.15 +2025-03-10 13:14:49,932 - INFO - OPENED SHORT at 2056.71 | Stop loss: 2067.0090821428576 | Take profit: 2025.8360517857145 +2025-03-10 13:14:49,956 - INFO - CLOSED short at 2058.15 | PnL: -0.07% | $-0.31 +2025-03-10 13:14:49,956 - INFO - OPENED LONG at 2058.15 | Stop loss: 2047.843717857143 | Take profit: 2089.045548214286 +2025-03-10 13:14:50,723 - INFO - CLOSED long at 2071.6 | PnL: 0.65% | $1.02 +2025-03-10 13:14:50,723 - INFO - OPENED SHORT at 2071.6 | Stop loss: 2081.973532142857 | Take profit: 2040.5027017857142 +2025-03-10 13:14:50,748 - INFO - CLOSED short at 2073.23 | PnL: -0.08% | $-0.33 +2025-03-10 13:14:50,749 - INFO - OPENED LONG at 2073.23 | Stop loss: 2062.848317857143 | Take profit: 2104.3517482142856 +2025-03-10 13:14:50,840 - INFO - CLOSED long at 2068.39 | PnL: -0.23% | $-0.62 +2025-03-10 13:14:50,905 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.3260178571427 | Take profit: 2100.758648214286 +2025-03-10 13:14:51,389 - INFO - CLOSED long at 2064.31 | PnL: -0.26% | $-0.66 +2025-03-10 13:14:51,390 - INFO - OPENED SHORT at 2064.31 | Stop loss: 2074.647082142857 | Take profit: 2033.3220517857144 +2025-03-10 13:14:51,413 - INFO - CLOSED short at 2065.5 | PnL: -0.06% | $-0.29 +2025-03-10 13:14:51,413 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1569678571427 | Take profit: 2096.5057982142857 +2025-03-10 13:14:51,465 - INFO - CLOSED long at 2065.29 | PnL: -0.01% | $-0.20 +2025-03-10 13:14:51,467 - INFO - OPENED SHORT at 2065.29 | Stop loss: 2075.631982142857 | Take profit: 2034.2873517857145 +2025-03-10 13:14:51,496 - INFO - CLOSED short at 2065.31 | PnL: -0.00% | $-0.18 +2025-03-10 13:14:51,497 - INFO - OPENED LONG at 2065.31 | Stop loss: 2054.9679178571428 | Take profit: 2096.3129482142854 +2025-03-10 13:14:51,723 - INFO - CLOSED long at 2071.35 | PnL: 0.29% | $0.35 +2025-03-10 13:14:51,769 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.529967857143 | Take profit: 2101.986798214286 +2025-03-10 13:14:52,275 - INFO - CLOSED long at 2075.29 | PnL: 0.21% | $0.20 +2025-03-10 13:14:52,275 - INFO - OPENED SHORT at 2075.29 | Stop loss: 2085.681982142857 | Take profit: 2044.1373517857144 +2025-03-10 13:14:52,299 - INFO - CLOSED short at 2076.9 | PnL: -0.08% | $-0.32 +2025-03-10 13:14:52,300 - INFO - OPENED LONG at 2076.9 | Stop loss: 2066.499967857143 | Take profit: 2108.0767982142856 +2025-03-10 13:14:52,529 - INFO - STOP LOSS hit for long at 2066.499967857143 | PnL: -0.50% | $-1.09 +2025-03-10 13:14:52,584 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.5400178571426 | Take profit: 2097.9166482142855 +2025-03-10 13:14:53,163 - INFO - CLOSED long at 2060.7 | PnL: -0.30% | $-0.72 +2025-03-10 13:14:53,163 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.019032142857 | Take profit: 2029.7662017857142 +2025-03-10 13:14:53,186 - INFO - CLOSED short at 2060.2 | PnL: 0.02% | $-0.13 +2025-03-10 13:14:53,187 - INFO - OPENED LONG at 2060.2 | Stop loss: 2049.8834678571425 | Take profit: 2091.1262982142853 +2025-03-10 13:14:53,436 - INFO - STOP LOSS hit for long at 2049.8834678571425 | PnL: -0.50% | $-1.07 +2025-03-10 13:14:53,457 - INFO - OPENED SHORT at 2049.5 | Stop loss: 2059.7630321428574 | Take profit: 2018.7342017857143 +2025-03-10 13:14:53,481 - INFO - CLOSED short at 2051.99 | PnL: -0.12% | $-0.39 +2025-03-10 13:14:53,481 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7145178571427 | Take profit: 2082.7931482142853 +2025-03-10 13:14:53,501 - INFO - CLOSED long at 2058.3 | PnL: 0.31% | $0.36 +2025-03-10 13:14:53,549 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.808917857143 | Take profit: 2087.989948214286 +2025-03-10 13:14:53,563 - INFO - CLOSED long at 2057.89 | PnL: 0.04% | $-0.11 +2025-03-10 13:14:53,591 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.159682142857 | Take profit: 2031.8642517857143 +2025-03-10 13:14:53,637 - INFO - CLOSED short at 2063.9 | PnL: -0.05% | $-0.27 +2025-03-10 13:14:53,643 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.564967857143 | Take profit: 2094.881798214286 +2025-03-10 13:14:53,819 - INFO - CLOSED long at 2068.33 | PnL: 0.21% | $0.20 +2025-03-10 13:14:53,819 - INFO - OPENED SHORT at 2068.33 | Stop loss: 2078.687182142857 | Take profit: 2037.2817517857143 +2025-03-10 13:14:53,839 - INFO - CLOSED short at 2067.49 | PnL: 0.04% | $-0.10 +2025-03-10 13:14:53,839 - INFO - OPENED LONG at 2067.49 | Stop loss: 2057.137017857143 | Take profit: 2098.5256482142854 +2025-03-10 13:14:54,383 - INFO - CLOSED long at 2074.9 | PnL: 0.36% | $0.45 +2025-03-10 13:14:54,383 - INFO - OPENED SHORT at 2074.9 | Stop loss: 2085.2900321428574 | Take profit: 2043.7532017857143 +2025-03-10 13:14:54,423 - INFO - CLOSED short at 2076.08 | PnL: -0.06% | $-0.28 +2025-03-10 13:14:54,473 - INFO - OPENED LONG at 2077.61 | Stop loss: 2067.206417857143 | Take profit: 2108.797448214286 +2025-03-10 13:14:54,619 - INFO - TAKE PROFIT hit for long at 2108.797448214286 | PnL: 1.50% | $2.46 +2025-03-10 13:14:54,643 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.826767857143 | Take profit: 2171.6563982142857 +2025-03-10 13:14:54,684 - INFO - CLOSED long at 2133.95 | PnL: -0.26% | $-0.65 +2025-03-10 13:14:54,684 - INFO - OPENED SHORT at 2133.95 | Stop loss: 2144.6352821428572 | Take profit: 2101.917451785714 +2025-03-10 13:14:54,712 - INFO - CLOSED short at 2137.59 | PnL: -0.17% | $-0.48 +2025-03-10 13:14:54,713 - INFO - OPENED LONG at 2137.59 | Stop loss: 2126.8865178571427 | Take profit: 2169.677148214286 +2025-03-10 13:14:54,965 - INFO - CLOSED long at 2128.69 | PnL: -0.42% | $-0.92 +2025-03-10 13:14:54,991 - INFO - OPENED LONG at 2121.09 | Stop loss: 2110.4690178571427 | Take profit: 2152.929648214286 +2025-03-10 13:14:55,056 - INFO - CLOSED long at 2119.93 | PnL: -0.05% | $-0.27 +2025-03-10 13:14:55,056 - INFO - OPENED SHORT at 2119.93 | Stop loss: 2130.545182142857 | Take profit: 2088.1077517857143 +2025-03-10 13:14:55,083 - INFO - CLOSED short at 2121.4 | PnL: -0.07% | $-0.30 +2025-03-10 13:14:55,083 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.777467857143 | Take profit: 2153.2442982142857 +2025-03-10 13:14:55,105 - INFO - CLOSED long at 2118.52 | PnL: -0.14% | $-0.41 +2025-03-10 13:14:55,131 - INFO - OPENED LONG at 2119.14 | Stop loss: 2108.5287678571426 | Take profit: 2150.9503982142855 +2025-03-10 13:14:55,204 - INFO - STOP LOSS hit for long at 2108.5287678571426 | PnL: -0.50% | $-1.05 +2025-03-10 13:14:55,228 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.0314678571426 | Take profit: 2142.282298214285 +2025-03-10 13:14:55,591 - INFO - CLOSED long at 2100.5 | PnL: -0.48% | $-1.00 +2025-03-10 13:14:55,618 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.5344678571428 | Take profit: 2121.3732982142856 +2025-03-10 13:14:55,758 - INFO - CLOSED long at 2099.25 | PnL: 0.44% | $0.58 +2025-03-10 13:14:55,786 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.389967857143 | Take profit: 2130.4067982142856 +2025-03-10 13:14:56,248 - INFO - STOP LOSS hit for long at 2088.389967857143 | PnL: -0.50% | $-1.03 +2025-03-10 13:14:56,273 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848067857143 | Take profit: 2114.5524982142856 +2025-03-10 13:14:56,539 - INFO - CLOSED long at 2083.59 | PnL: 0.01% | $-0.14 +2025-03-10 13:14:56,539 - INFO - OPENED SHORT at 2083.59 | Stop loss: 2094.023482142857 | Take profit: 2052.3128517857144 +2025-03-10 13:14:56,566 - INFO - CLOSED short at 2086.57 | PnL: -0.14% | $-0.41 +2025-03-10 13:14:56,566 - INFO - OPENED LONG at 2086.57 | Stop loss: 2076.121617857143 | Take profit: 2117.8918482142863 +2025-03-10 13:14:56,838 - INFO - CLOSED long at 2087.78 | PnL: 0.06% | $-0.07 +2025-03-10 13:14:56,838 - INFO - OPENED SHORT at 2087.78 | Stop loss: 2098.2344321428573 | Take profit: 2056.4400017857147 +2025-03-10 13:14:56,866 - INFO - CLOSED short at 2086.81 | PnL: 0.05% | $-0.09 +2025-03-10 13:14:56,866 - INFO - OPENED LONG at 2086.81 | Stop loss: 2076.3604178571427 | Take profit: 2118.1354482142856 +2025-03-10 13:14:57,085 - INFO - CLOSED long at 2099.99 | PnL: 0.63% | $0.89 +2025-03-10 13:14:57,085 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.505482142857 | Take profit: 2068.466851785714 +2025-03-10 13:14:57,111 - INFO - CLOSED short at 2101.64 | PnL: -0.08% | $-0.30 +2025-03-10 13:14:57,111 - INFO - OPENED LONG at 2101.64 | Stop loss: 2091.1162678571427 | Take profit: 2133.1878982142857 +2025-03-10 13:14:57,237 - INFO - CLOSED long at 2106.15 | PnL: 0.21% | $0.19 +2025-03-10 13:14:57,237 - INFO - OPENED SHORT at 2106.15 | Stop loss: 2116.6962821428574 | Take profit: 2074.5344517857143 +2025-03-10 13:14:57,275 - INFO - CLOSED short at 2104.93 | PnL: 0.06% | $-0.07 +2025-03-10 13:14:57,275 - INFO - OPENED LONG at 2104.93 | Stop loss: 2094.3898178571426 | Take profit: 2136.527248214286 +2025-03-10 13:14:57,465 - INFO - Trade Analysis: Win Rate=8.3% in uptrends, 0.0% in downtrends | Avg Win=$0.55, Avg Loss=$-0.32 +2025-03-10 13:14:57,465 - INFO - Episode 16: Reward=91.96, Balance=$85.24, Win Rate=18.3%, Trades=93, Episode PnL=$-12.22, Total PnL=$-343.07, Max Drawdown=16.1%, Pred Accuracy=99.8% +2025-03-10 13:14:57,466 - ERROR - Error in episode 16: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:14:57,466 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:14:57,488 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:14:57,689 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3315678571428 | Take profit: 2077.3019982142855 +2025-03-10 13:14:58,009 - INFO - CLOSED long at 2053.26 | PnL: 0.33% | $0.45 +2025-03-10 13:14:58,047 - INFO - OPENED LONG at 2051.89 | Stop loss: 2041.6150178571427 | Take profit: 2082.6916482142856 +2025-03-10 13:14:58,644 - INFO - CLOSED long at 2060.31 | PnL: 0.41% | $0.62 +2025-03-10 13:14:58,667 - INFO - OPENED LONG at 2059.49 | Stop loss: 2049.177017857143 | Take profit: 2090.4056482142855 +2025-03-10 13:14:58,730 - INFO - CLOSED long at 2057.94 | PnL: -0.08% | $-0.35 +2025-03-10 13:14:58,754 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.803917857143 | Take profit: 2089.004948214286 +2025-03-10 13:14:58,910 - INFO - CLOSED long at 2070.58 | PnL: 0.61% | $1.01 +2025-03-10 13:14:58,948 - INFO - OPENED LONG at 2068.11 | Stop loss: 2057.753917857143 | Take profit: 2099.154948214286 +2025-03-10 13:14:59,085 - INFO - CLOSED long at 2068.65 | PnL: 0.03% | $-0.15 +2025-03-10 13:14:59,115 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.6295178571427 | Take profit: 2100.0481482142854 +2025-03-10 13:14:59,307 - INFO - CLOSED long at 2072.91 | PnL: 0.19% | $0.18 +2025-03-10 13:14:59,311 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.290082142857 | Take profit: 2041.793051785714 +2025-03-10 13:14:59,349 - INFO - CLOSED short at 2072.33 | PnL: 0.03% | $-0.15 +2025-03-10 13:14:59,349 - INFO - OPENED LONG at 2072.33 | Stop loss: 2061.9528178571427 | Take profit: 2103.4382482142855 +2025-03-10 13:14:59,406 - INFO - CLOSED long at 2071.41 | PnL: -0.04% | $-0.29 +2025-03-10 13:14:59,408 - INFO - OPENED SHORT at 2071.41 | Stop loss: 2081.782582142857 | Take profit: 2040.3155517857142 +2025-03-10 13:14:59,423 - INFO - CLOSED short at 2069.37 | PnL: 0.10% | $-0.00 +2025-03-10 13:14:59,423 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.0076178571426 | Take profit: 2100.4338482142857 +2025-03-10 13:14:59,897 - INFO - CLOSED long at 2066.39 | PnL: -0.14% | $-0.49 +2025-03-10 13:14:59,898 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.737482142857 | Take profit: 2035.3708517857142 +2025-03-10 13:14:59,934 - INFO - CLOSED short at 2065.99 | PnL: 0.02% | $-0.16 +2025-03-10 13:14:59,934 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.6445178571425 | Take profit: 2097.0031482142854 +2025-03-10 13:15:00,034 - INFO - CLOSED long at 2065.08 | PnL: -0.04% | $-0.29 +2025-03-10 13:15:00,034 - INFO - OPENED SHORT at 2065.08 | Stop loss: 2075.420932142857 | Take profit: 2034.0805017857142 +2025-03-10 13:15:00,067 - INFO - CLOSED short at 2066.18 | PnL: -0.05% | $-0.31 +2025-03-10 13:15:00,068 - INFO - OPENED LONG at 2066.18 | Stop loss: 2055.8335678571425 | Take profit: 2097.1959982142853 +2025-03-10 13:15:00,173 - INFO - CLOSED long at 2068.51 | PnL: 0.11% | $0.03 +2025-03-10 13:15:00,174 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.8680821428575 | Take profit: 2037.4590517857146 +2025-03-10 13:15:00,210 - INFO - CLOSED short at 2068.59 | PnL: -0.00% | $-0.21 +2025-03-10 13:15:00,210 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.231517857143 | Take profit: 2099.642148214286 +2025-03-10 13:15:00,589 - INFO - CLOSED long at 2073.9 | PnL: 0.26% | $0.31 +2025-03-10 13:15:00,615 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.544867857143 | Take profit: 2103.0220982142855 +2025-03-10 13:15:00,658 - INFO - CLOSED long at 2071.11 | PnL: -0.04% | $-0.28 +2025-03-10 13:15:00,659 - INFO - OPENED SHORT at 2071.11 | Stop loss: 2081.4810821428573 | Take profit: 2040.0200517857143 +2025-03-10 13:15:00,682 - INFO - CLOSED short at 2069.46 | PnL: 0.08% | $-0.04 +2025-03-10 13:15:00,714 - INFO - OPENED LONG at 2069.35 | Stop loss: 2058.987717857143 | Take profit: 2100.4135482142856 +2025-03-10 13:15:01,160 - INFO - CLOSED long at 2067.59 | PnL: -0.09% | $-0.37 +2025-03-10 13:15:01,185 - INFO - OPENED LONG at 2069.2 | Stop loss: 2058.8384678571424 | Take profit: 2100.2612982142855 +2025-03-10 13:15:01,633 - INFO - CLOSED long at 2066.39 | PnL: -0.14% | $-0.47 +2025-03-10 13:15:01,683 - INFO - OPENED LONG at 2064.47 | Stop loss: 2054.132117857143 | Take profit: 2095.4603482142857 +2025-03-10 13:15:01,828 - INFO - CLOSED long at 2065.69 | PnL: 0.06% | $-0.08 +2025-03-10 13:15:01,828 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.0339821428574 | Take profit: 2034.6813517857142 +2025-03-10 13:15:01,855 - INFO - CLOSED short at 2067.88 | PnL: -0.11% | $-0.40 +2025-03-10 13:15:01,886 - INFO - OPENED LONG at 2064.99 | Stop loss: 2054.6495178571427 | Take profit: 2095.9881482142855 +2025-03-10 13:15:02,005 - INFO - CLOSED long at 2062.65 | PnL: -0.11% | $-0.42 +2025-03-10 13:15:02,048 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.4555678571433 | Take profit: 2092.729998214286 +2025-03-10 13:15:02,248 - INFO - CLOSED long at 2067.1 | PnL: 0.26% | $0.31 +2025-03-10 13:15:02,287 - INFO - OPENED LONG at 2065.54 | Stop loss: 2055.1967678571427 | Take profit: 2096.5463982142855 +2025-03-10 13:15:02,317 - INFO - CLOSED long at 2066.09 | PnL: 0.03% | $-0.14 +2025-03-10 13:15:02,352 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.1122178571427 | Take profit: 2095.4400482142855 +2025-03-10 13:15:02,457 - INFO - CLOSED long at 2062.71 | PnL: -0.08% | $-0.36 +2025-03-10 13:15:02,531 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.5600178571426 | Take profit: 2093.8566482142855 +2025-03-10 13:15:03,056 - INFO - CLOSED long at 2061.9 | PnL: -0.05% | $-0.29 +2025-03-10 13:15:03,056 - INFO - OPENED SHORT at 2061.9 | Stop loss: 2072.2250321428573 | Take profit: 2030.9482017857144 +2025-03-10 13:15:03,099 - INFO - CLOSED short at 2065.36 | PnL: -0.17% | $-0.52 +2025-03-10 13:15:03,099 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.017667857143 | Take profit: 2096.363698214286 +2025-03-10 13:15:03,147 - INFO - CLOSED long at 2063.39 | PnL: -0.10% | $-0.38 +2025-03-10 13:15:03,169 - INFO - OPENED SHORT at 2064.79 | Stop loss: 2075.1294821428573 | Take profit: 2033.7948517857142 +2025-03-10 13:15:03,203 - INFO - CLOSED short at 2065.89 | PnL: -0.05% | $-0.29 +2025-03-10 13:15:03,203 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.5450178571427 | Take profit: 2096.9016482142856 +2025-03-10 13:15:03,475 - INFO - CLOSED long at 2061.09 | PnL: -0.23% | $-0.64 +2025-03-10 13:15:03,475 - INFO - OPENED SHORT at 2061.09 | Stop loss: 2071.4109821428574 | Take profit: 2030.1503517857145 +2025-03-10 13:15:03,510 - INFO - CLOSED short at 2059.61 | PnL: 0.07% | $-0.05 +2025-03-10 13:15:03,510 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.2964178571433 | Take profit: 2090.527448214286 +2025-03-10 13:15:04,127 - INFO - CLOSED long at 2063.4 | PnL: 0.18% | $0.16 +2025-03-10 13:15:04,171 - INFO - OPENED LONG at 2066.36 | Stop loss: 2056.0126678571432 | Take profit: 2097.3786982142856 +2025-03-10 13:15:04,238 - INFO - CLOSED long at 2064.49 | PnL: -0.09% | $-0.36 +2025-03-10 13:15:04,238 - INFO - OPENED SHORT at 2064.49 | Stop loss: 2074.827982142857 | Take profit: 2033.499351785714 +2025-03-10 13:15:04,260 - INFO - CLOSED short at 2066.33 | PnL: -0.09% | $-0.36 +2025-03-10 13:15:04,260 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.982817857143 | Take profit: 2097.348248214286 +2025-03-10 13:15:04,327 - INFO - CLOSED long at 2067.33 | PnL: 0.05% | $-0.10 +2025-03-10 13:15:04,352 - INFO - OPENED LONG at 2067.01 | Stop loss: 2056.659417857143 | Take profit: 2098.038448214286 +2025-03-10 13:15:04,457 - INFO - CLOSED long at 2074.3 | PnL: 0.35% | $0.48 +2025-03-10 13:15:04,483 - INFO - OPENED LONG at 2078.01 | Stop loss: 2067.604417857143 | Take profit: 2109.203448214286 +2025-03-10 13:15:04,569 - INFO - CLOSED long at 2070.01 | PnL: -0.38% | $-0.92 +2025-03-10 13:15:04,595 - INFO - OPENED SHORT at 2071.6 | Stop loss: 2081.973532142857 | Take profit: 2040.5027017857142 +2025-03-10 13:15:04,624 - INFO - CLOSED short at 2073.23 | PnL: -0.08% | $-0.34 +2025-03-10 13:15:04,624 - INFO - OPENED LONG at 2073.23 | Stop loss: 2062.848317857143 | Take profit: 2104.3517482142856 +2025-03-10 13:15:04,825 - INFO - CLOSED long at 2071.49 | PnL: -0.08% | $-0.34 +2025-03-10 13:15:04,851 - INFO - OPENED SHORT at 2069.87 | Stop loss: 2080.234882142857 | Take profit: 2038.7986517857141 +2025-03-10 13:15:04,871 - INFO - CLOSED short at 2067.33 | PnL: 0.12% | $0.04 +2025-03-10 13:15:04,900 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.032567857143 | Take profit: 2097.3989982142857 +2025-03-10 13:15:05,064 - INFO - CLOSED long at 2064.4 | PnL: -0.10% | $-0.37 +2025-03-10 13:15:05,088 - INFO - OPENED LONG at 2064.31 | Stop loss: 2053.972917857143 | Take profit: 2095.297948214286 +2025-03-10 13:15:05,408 - INFO - CLOSED long at 2070.8 | PnL: 0.31% | $0.40 +2025-03-10 13:15:05,432 - INFO - OPENED LONG at 2070.35 | Stop loss: 2059.9827178571427 | Take profit: 2101.4285482142855 +2025-03-10 13:15:05,731 - INFO - CLOSED long at 2076.9 | PnL: 0.32% | $0.40 +2025-03-10 13:15:05,777 - INFO - OPENED LONG at 2074.0 | Stop loss: 2063.6144678571427 | Take profit: 2105.133298214286 +2025-03-10 13:15:05,833 - INFO - CLOSED long at 2067.7 | PnL: -0.30% | $-0.76 +2025-03-10 13:15:05,833 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.054032142857 | Take profit: 2036.661201785714 +2025-03-10 13:15:05,870 - INFO - CLOSED short at 2067.9 | PnL: -0.01% | $-0.20 +2025-03-10 13:15:05,890 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.052467857143 | Take profit: 2097.4192982142854 +2025-03-10 13:15:05,992 - INFO - CLOSED long at 2069.0 | PnL: 0.13% | $0.05 +2025-03-10 13:15:06,014 - INFO - OPENED LONG at 2070.19 | Stop loss: 2059.8235178571426 | Take profit: 2101.2661482142857 +2025-03-10 13:15:06,052 - INFO - CLOSED long at 2067.19 | PnL: -0.14% | $-0.45 +2025-03-10 13:15:06,052 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.541482142857 | Take profit: 2036.1588517857142 +2025-03-10 13:15:06,080 - INFO - CLOSED short at 2065.5 | PnL: 0.08% | $-0.03 +2025-03-10 13:15:06,081 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1569678571427 | Take profit: 2096.5057982142857 +2025-03-10 13:15:06,124 - INFO - CLOSED long at 2065.8 | PnL: 0.01% | $-0.16 +2025-03-10 13:15:06,124 - INFO - OPENED SHORT at 2065.8 | Stop loss: 2076.1445321428573 | Take profit: 2034.7897017857144 +2025-03-10 13:15:06,150 - INFO - CLOSED short at 2065.07 | PnL: 0.04% | $-0.12 +2025-03-10 13:15:06,150 - INFO - OPENED LONG at 2065.07 | Stop loss: 2054.729117857143 | Take profit: 2096.069348214286 +2025-03-10 13:15:06,590 - INFO - STOP LOSS hit for long at 2054.729117857143 | PnL: -0.50% | $-1.11 +2025-03-10 13:15:06,645 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.2369678571429 | Take profit: 2080.2657982142855 +2025-03-10 13:15:07,155 - INFO - CLOSED long at 2070.31 | PnL: 1.02% | $1.67 +2025-03-10 13:15:07,199 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.977767857143 | Take profit: 2100.4033982142855 +2025-03-10 13:15:07,327 - INFO - CLOSED long at 2071.89 | PnL: 0.12% | $0.04 +2025-03-10 13:15:07,353 - INFO - OPENED LONG at 2071.8 | Stop loss: 2061.4254678571433 | Take profit: 2102.9002982142856 +2025-03-10 13:15:07,503 - INFO - TAKE PROFIT hit for long at 2102.9002982142856 | PnL: 1.50% | $2.60 +2025-03-10 13:15:07,533 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.0309678571425 | Take profit: 2162.6837982142856 +2025-03-10 13:15:07,624 - INFO - CLOSED long at 2137.59 | PnL: 0.32% | $0.43 +2025-03-10 13:15:07,624 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.2934821428576 | Take profit: 2105.5028517857145 +2025-03-10 13:15:07,677 - INFO - CLOSED short at 2141.3 | PnL: -0.17% | $-0.52 +2025-03-10 13:15:07,678 - INFO - OPENED LONG at 2141.3 | Stop loss: 2130.577967857143 | Take profit: 2173.4427982142856 +2025-03-10 13:15:07,768 - INFO - STOP LOSS hit for long at 2130.577967857143 | PnL: -0.50% | $-1.14 +2025-03-10 13:15:07,789 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.647967857143 | Take profit: 2159.2327982142856 +2025-03-10 13:15:07,842 - INFO - CLOSED long at 2121.09 | PnL: -0.29% | $-0.74 +2025-03-10 13:15:07,868 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.533717857143 | Take profit: 2151.9755482142855 +2025-03-10 13:15:07,951 - INFO - CLOSED long at 2121.4 | PnL: 0.06% | $-0.08 +2025-03-10 13:15:07,976 - INFO - OPENED LONG at 2118.52 | Stop loss: 2107.9118678571426 | Take profit: 2150.321098214286 +2025-03-10 13:15:08,105 - INFO - STOP LOSS hit for long at 2107.9118678571426 | PnL: -0.50% | $-1.12 +2025-03-10 13:15:08,159 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.0314678571426 | Take profit: 2142.282298214285 +2025-03-10 13:15:08,243 - INFO - CLOSED long at 2112.95 | PnL: 0.11% | $0.02 +2025-03-10 13:15:08,267 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.882167857143 | Take profit: 2144.1701982142854 +2025-03-10 13:15:08,285 - INFO - CLOSED long at 2113.24 | PnL: 0.04% | $-0.12 +2025-03-10 13:15:08,310 - INFO - OPENED LONG at 2112.99 | Stop loss: 2102.4095178571424 | Take profit: 2144.7081482142853 +2025-03-10 13:15:08,480 - INFO - CLOSED long at 2108.71 | PnL: -0.20% | $-0.56 +2025-03-10 13:15:08,480 - INFO - OPENED SHORT at 2108.71 | Stop loss: 2119.2690821428573 | Take profit: 2077.0560517857143 +2025-03-10 13:15:08,514 - INFO - CLOSED short at 2106.49 | PnL: 0.11% | $0.01 +2025-03-10 13:15:08,559 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.504167857143 | Take profit: 2139.7041982142855 +2025-03-10 13:15:08,637 - INFO - STOP LOSS hit for long at 2097.504167857143 | PnL: -0.50% | $-1.10 +2025-03-10 13:15:08,661 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.016817857143 | Take profit: 2131.046248214286 +2025-03-10 13:15:08,704 - INFO - CLOSED long at 2102.19 | PnL: 0.13% | $0.05 +2025-03-10 13:15:08,704 - INFO - OPENED SHORT at 2102.19 | Stop loss: 2112.716482142857 | Take profit: 2070.6338517857143 +2025-03-10 13:15:08,742 - INFO - CLOSED short at 2099.25 | PnL: 0.14% | $0.07 +2025-03-10 13:15:08,742 - INFO - OPENED LONG at 2099.25 | Stop loss: 2088.738217857143 | Take profit: 2130.7620482142856 +2025-03-10 13:15:08,972 - INFO - CLOSED long at 2104.68 | PnL: 0.26% | $0.29 +2025-03-10 13:15:08,999 - INFO - OPENED LONG at 2101.51 | Stop loss: 2090.986917857143 | Take profit: 2133.0559482142858 +2025-03-10 13:15:09,288 - INFO - CLOSED long at 2088.35 | PnL: -0.63% | $-1.32 +2025-03-10 13:15:09,328 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848067857143 | Take profit: 2114.5524982142856 +2025-03-10 13:15:09,478 - INFO - CLOSED long at 2080.38 | PnL: -0.14% | $-0.43 +2025-03-10 13:15:09,479 - INFO - OPENED SHORT at 2080.38 | Stop loss: 2090.7974321428574 | Take profit: 2049.1510017857145 +2025-03-10 13:15:09,526 - INFO - CLOSED short at 2083.41 | PnL: -0.15% | $-0.44 +2025-03-10 13:15:09,528 - INFO - OPENED LONG at 2083.41 | Stop loss: 2072.977417857143 | Take profit: 2114.6844482142856 +2025-03-10 13:15:09,723 - INFO - CLOSED long at 2085.83 | PnL: 0.12% | $0.03 +2025-03-10 13:15:09,760 - INFO - OPENED LONG at 2085.85 | Stop loss: 2075.405217857143 | Take profit: 2117.1610482142855 +2025-03-10 13:15:09,809 - INFO - CLOSED long at 2088.32 | PnL: 0.12% | $0.03 +2025-03-10 13:15:09,810 - INFO - OPENED SHORT at 2088.32 | Stop loss: 2098.777132142857 | Take profit: 2056.971901785714 +2025-03-10 13:15:09,830 - INFO - CLOSED short at 2088.1 | PnL: 0.01% | $-0.16 +2025-03-10 13:15:09,830 - INFO - OPENED LONG at 2088.1 | Stop loss: 2077.643967857143 | Take profit: 2119.4447982142856 +2025-03-10 13:15:10,235 - INFO - CLOSED long at 2099.99 | PnL: 0.57% | $0.83 +2025-03-10 13:15:10,280 - INFO - OPENED SHORT at 2097.11 | Stop loss: 2107.611082142857 | Take profit: 2065.6300517857144 +2025-03-10 13:15:10,309 - INFO - CLOSED short at 2098.49 | PnL: -0.07% | $-0.30 +2025-03-10 13:15:10,309 - INFO - OPENED LONG at 2098.49 | Stop loss: 2087.9820178571426 | Take profit: 2129.9906482142856 +2025-03-10 13:15:10,426 - INFO - CLOSED long at 2106.15 | PnL: 0.37% | $0.47 +2025-03-10 13:15:10,426 - INFO - OPENED SHORT at 2106.15 | Stop loss: 2116.6962821428574 | Take profit: 2074.5344517857143 +2025-03-10 13:15:10,471 - INFO - CLOSED short at 2103.48 | PnL: 0.13% | $0.05 +2025-03-10 13:15:10,471 - INFO - OPENED LONG at 2103.48 | Stop loss: 2092.947067857143 | Take profit: 2135.0554982142858 +2025-03-10 13:15:10,742 - INFO - Trade Analysis: Win Rate=13.0% in uptrends, 0.0% in downtrends | Avg Win=$0.41, Avg Loss=$-0.40 +2025-03-10 13:15:10,743 - INFO - Episode 17: Reward=133.49, Balance=$90.27, Win Rate=34.2%, Trades=79, Episode PnL=$-5.85, Total PnL=$-352.80, Max Drawdown=12.2%, Pred Accuracy=100.0% +2025-03-10 13:15:10,743 - ERROR - Error in episode 17: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:15:10,744 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:15:10,764 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:15:11,119 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3315678571428 | Take profit: 2077.3019982142855 +2025-03-10 13:15:11,208 - INFO - CLOSED long at 2045.99 | PnL: -0.03% | $-0.26 +2025-03-10 13:15:11,208 - INFO - OPENED SHORT at 2045.99 | Stop loss: 2056.235482142857 | Take profit: 2015.2768517857144 +2025-03-10 13:15:11,237 - INFO - CLOSED short at 2045.79 | PnL: 0.01% | $-0.18 +2025-03-10 13:15:11,237 - INFO - OPENED LONG at 2045.79 | Stop loss: 2035.5455178571428 | Take profit: 2076.5001482142857 +2025-03-10 13:15:11,350 - INFO - CLOSED long at 2050.24 | PnL: 0.22% | $0.23 +2025-03-10 13:15:11,375 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6250178571427 | Take profit: 2080.661648214286 +2025-03-10 13:15:11,741 - INFO - CLOSED long at 2064.69 | PnL: 0.72% | $1.23 +2025-03-10 13:15:11,769 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.679417857143 | Take profit: 2093.978448214286 +2025-03-10 13:15:12,015 - INFO - CLOSED long at 2057.94 | PnL: -0.25% | $-0.69 +2025-03-10 13:15:12,038 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.803917857143 | Take profit: 2089.004948214286 +2025-03-10 13:15:12,107 - INFO - CLOSED long at 2064.32 | PnL: 0.30% | $0.40 +2025-03-10 13:15:12,131 - INFO - OPENED LONG at 2065.86 | Stop loss: 2055.515167857143 | Take profit: 2096.871198214286 +2025-03-10 13:15:12,371 - INFO - CLOSED long at 2067.9 | PnL: 0.10% | $-0.00 +2025-03-10 13:15:12,395 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.336017857143 | Take profit: 2098.7286482142854 +2025-03-10 13:15:12,788 - INFO - CLOSED long at 2070.7 | PnL: 0.15% | $0.09 +2025-03-10 13:15:12,813 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.977767857143 | Take profit: 2100.4033982142855 +2025-03-10 13:15:13,876 - INFO - CLOSED long at 2070.3 | PnL: 0.05% | $-0.11 +2025-03-10 13:15:13,904 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.216517857143 | Take profit: 2102.687148214286 +2025-03-10 13:15:14,076 - INFO - CLOSED long at 2067.11 | PnL: -0.22% | $-0.63 +2025-03-10 13:15:14,102 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.505167857143 | Take profit: 2098.9011982142856 +2025-03-10 13:15:14,221 - INFO - CLOSED long at 2064.47 | PnL: -0.16% | $-0.52 +2025-03-10 13:15:14,246 - INFO - OPENED LONG at 2070.04 | Stop loss: 2059.6742678571427 | Take profit: 2101.113898214286 +2025-03-10 13:15:14,508 - INFO - STOP LOSS hit for long at 2059.6742678571427 | PnL: -0.50% | $-1.19 +2025-03-10 13:15:14,532 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.977967857143 | Take profit: 2092.242798214286 +2025-03-10 13:15:14,895 - INFO - CLOSED long at 2060.9 | PnL: -0.02% | $-0.23 +2025-03-10 13:15:14,896 - INFO - OPENED SHORT at 2060.9 | Stop loss: 2071.2200321428572 | Take profit: 2029.9632017857143 +2025-03-10 13:15:14,924 - INFO - CLOSED short at 2060.65 | PnL: 0.01% | $-0.17 +2025-03-10 13:15:14,926 - INFO - OPENED LONG at 2060.65 | Stop loss: 2050.3312178571427 | Take profit: 2091.583048214286 +2025-03-10 13:15:15,052 - INFO - CLOSED long at 2064.7 | PnL: 0.20% | $0.19 +2025-03-10 13:15:15,052 - INFO - OPENED SHORT at 2064.7 | Stop loss: 2075.039032142857 | Take profit: 2033.706201785714 +2025-03-10 13:15:15,099 - INFO - CLOSED short at 2062.61 | PnL: 0.10% | $0.00 +2025-03-10 13:15:15,099 - INFO - OPENED LONG at 2062.61 | Stop loss: 2052.281417857143 | Take profit: 2093.572448214286 +2025-03-10 13:15:15,274 - INFO - CLOSED long at 2065.36 | PnL: 0.13% | $0.06 +2025-03-10 13:15:15,274 - INFO - OPENED SHORT at 2065.36 | Stop loss: 2075.7023321428574 | Take profit: 2034.3563017857145 +2025-03-10 13:15:15,302 - INFO - CLOSED short at 2064.33 | PnL: 0.05% | $-0.10 +2025-03-10 13:15:15,302 - INFO - OPENED LONG at 2064.33 | Stop loss: 2053.9928178571427 | Take profit: 2095.3182482142856 +2025-03-10 13:15:15,645 - INFO - CLOSED long at 2060.7 | PnL: -0.18% | $-0.54 +2025-03-10 13:15:15,673 - INFO - OPENED LONG at 2061.09 | Stop loss: 2050.769017857143 | Take profit: 2092.0296482142858 +2025-03-10 13:15:15,695 - INFO - CLOSED long at 2059.61 | PnL: -0.07% | $-0.33 +2025-03-10 13:15:15,695 - INFO - OPENED SHORT at 2059.61 | Stop loss: 2069.9235821428574 | Take profit: 2028.6925517857144 +2025-03-10 13:15:15,726 - INFO - CLOSED short at 2059.16 | PnL: 0.02% | $-0.15 +2025-03-10 13:15:15,726 - INFO - OPENED LONG at 2059.16 | Stop loss: 2048.8486678571426 | Take profit: 2090.0706982142856 +2025-03-10 13:15:16,038 - INFO - CLOSED long at 2055.6 | PnL: -0.17% | $-0.53 +2025-03-10 13:15:16,039 - INFO - OPENED SHORT at 2055.6 | Stop loss: 2065.893532142857 | Take profit: 2024.7427017857142 +2025-03-10 13:15:16,069 - INFO - CLOSED short at 2054.89 | PnL: 0.03% | $-0.13 +2025-03-10 13:15:16,069 - INFO - OPENED LONG at 2054.89 | Stop loss: 2044.6000178571428 | Take profit: 2085.736648214285 +2025-03-10 13:15:16,548 - INFO - CLOSED long at 2063.9 | PnL: 0.44% | $0.65 +2025-03-10 13:15:16,581 - INFO - OPENED LONG at 2064.49 | Stop loss: 2054.1520178571427 | Take profit: 2095.480648214286 +2025-03-10 13:15:16,627 - INFO - CLOSED long at 2066.33 | PnL: 0.09% | $-0.02 +2025-03-10 13:15:16,722 - INFO - OPENED LONG at 2066.79 | Stop loss: 2056.440517857143 | Take profit: 2097.8151482142853 +2025-03-10 13:15:17,433 - INFO - CLOSED long at 2068.79 | PnL: 0.10% | $-0.01 +2025-03-10 13:15:17,433 - INFO - OPENED SHORT at 2068.79 | Stop loss: 2079.149482142857 | Take profit: 2037.7348517857142 +2025-03-10 13:15:17,488 - INFO - CLOSED short at 2072.99 | PnL: -0.20% | $-0.58 +2025-03-10 13:15:17,488 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6095178571427 | Take profit: 2104.1081482142854 +2025-03-10 13:15:17,619 - INFO - CLOSED long at 2067.33 | PnL: -0.27% | $-0.71 +2025-03-10 13:15:17,621 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.682182142857 | Take profit: 2036.2967517857144 +2025-03-10 13:15:17,657 - INFO - CLOSED short at 2066.38 | PnL: 0.05% | $-0.10 +2025-03-10 13:15:17,658 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.032567857143 | Take profit: 2097.3989982142857 +2025-03-10 13:15:17,796 - INFO - CLOSED long at 2063.97 | PnL: -0.12% | $-0.41 +2025-03-10 13:15:17,797 - INFO - OPENED SHORT at 2063.97 | Stop loss: 2074.305382142857 | Take profit: 2032.987151785714 +2025-03-10 13:15:17,832 - INFO - CLOSED short at 2064.5 | PnL: -0.03% | $-0.24 +2025-03-10 13:15:17,832 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.161967857143 | Take profit: 2095.490798214286 +2025-03-10 13:15:18,363 - INFO - CLOSED long at 2069.69 | PnL: 0.25% | $0.29 +2025-03-10 13:15:18,363 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.053982142857 | Take profit: 2038.6213517857145 +2025-03-10 13:15:18,394 - INFO - CLOSED short at 2070.7 | PnL: -0.05% | $-0.28 +2025-03-10 13:15:18,394 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3309678571427 | Take profit: 2101.7837982142855 +2025-03-10 13:15:18,786 - INFO - CLOSED long at 2074.37 | PnL: 0.18% | $0.15 +2025-03-10 13:15:18,818 - INFO - OPENED LONG at 2075.07 | Stop loss: 2064.679117857143 | Take profit: 2106.219348214286 +2025-03-10 13:15:19,235 - INFO - CLOSED long at 2067.9 | PnL: -0.35% | $-0.84 +2025-03-10 13:15:19,235 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.255032142857 | Take profit: 2036.8582017857143 +2025-03-10 13:15:19,259 - INFO - CLOSED short at 2066.4 | PnL: 0.07% | $-0.05 +2025-03-10 13:15:19,260 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.052467857143 | Take profit: 2097.4192982142854 +2025-03-10 13:15:20,042 - INFO - STOP LOSS hit for long at 2056.052467857143 | PnL: -0.50% | $-1.12 +2025-03-10 13:15:20,075 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.9484178571429 | Take profit: 2079.971448214286 +2025-03-10 13:15:20,130 - INFO - CLOSED long at 2051.99 | PnL: 0.14% | $0.07 +2025-03-10 13:15:20,131 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.265482142857 | Take profit: 2021.186851785714 +2025-03-10 13:15:20,157 - INFO - CLOSED short at 2058.3 | PnL: -0.31% | $-0.75 +2025-03-10 13:15:20,158 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9929678571432 | Take profit: 2089.1977982142857 +2025-03-10 13:15:20,434 - INFO - CLOSED long at 2067.49 | PnL: 0.45% | $0.64 +2025-03-10 13:15:20,434 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8429821428567 | Take profit: 2036.4543517857142 +2025-03-10 13:15:20,462 - INFO - CLOSED short at 2066.59 | PnL: 0.04% | $-0.10 +2025-03-10 13:15:20,463 - INFO - OPENED LONG at 2066.59 | Stop loss: 2056.241517857143 | Take profit: 2097.612148214286 +2025-03-10 13:15:20,540 - INFO - CLOSED long at 2059.9 | PnL: -0.32% | $-0.78 +2025-03-10 13:15:20,540 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.215032142857 | Take profit: 2028.9782017857144 +2025-03-10 13:15:20,567 - INFO - CLOSED short at 2060.7 | PnL: -0.04% | $-0.25 +2025-03-10 13:15:20,568 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3809678571424 | Take profit: 2091.633798214286 +2025-03-10 13:15:20,619 - INFO - CLOSED long at 2062.54 | PnL: 0.09% | $-0.02 +2025-03-10 13:15:20,620 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.868232142857 | Take profit: 2031.5786017857142 +2025-03-10 13:15:20,653 - INFO - CLOSED short at 2065.72 | PnL: -0.15% | $-0.46 +2025-03-10 13:15:20,654 - INFO - OPENED LONG at 2065.72 | Stop loss: 2055.3758678571426 | Take profit: 2096.729098214286 +2025-03-10 13:15:20,675 - INFO - CLOSED long at 2070.31 | PnL: 0.22% | $0.22 +2025-03-10 13:15:20,676 - INFO - OPENED SHORT at 2070.31 | Stop loss: 2080.677082142857 | Take profit: 2039.2320517857142 +2025-03-10 13:15:20,708 - INFO - CLOSED short at 2070.24 | PnL: 0.00% | $-0.18 +2025-03-10 13:15:20,708 - INFO - OPENED LONG at 2070.24 | Stop loss: 2059.8732678571428 | Take profit: 2101.3168982142856 +2025-03-10 13:15:21,081 - INFO - TAKE PROFIT hit for long at 2101.3168982142856 | PnL: 1.50% | $2.55 +2025-03-10 13:15:21,111 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.0309678571425 | Take profit: 2162.6837982142856 +2025-03-10 13:15:21,521 - INFO - STOP LOSS hit for long at 2120.0309678571425 | PnL: -0.50% | $-1.12 +2025-03-10 13:15:21,547 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3148178571428 | Take profit: 2151.752248214286 +2025-03-10 13:15:21,636 - INFO - CLOSED long at 2119.14 | PnL: -0.04% | $-0.25 +2025-03-10 13:15:21,636 - INFO - OPENED SHORT at 2119.14 | Stop loss: 2129.751232142857 | Take profit: 2087.329601785714 +2025-03-10 13:15:21,668 - INFO - CLOSED short at 2119.07 | PnL: 0.00% | $-0.18 +2025-03-10 13:15:21,668 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.459117857143 | Take profit: 2150.8793482142855 +2025-03-10 13:15:21,728 - INFO - STOP LOSS hit for long at 2108.459117857143 | PnL: -0.50% | $-1.10 +2025-03-10 13:15:21,759 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.0314678571426 | Take profit: 2142.282298214285 +2025-03-10 13:15:21,978 - INFO - CLOSED long at 2116.48 | PnL: 0.28% | $0.32 +2025-03-10 13:15:21,979 - INFO - OPENED SHORT at 2116.48 | Stop loss: 2127.077932142857 | Take profit: 2084.7095017857146 +2025-03-10 13:15:22,007 - INFO - CLOSED short at 2114.8 | PnL: 0.08% | $-0.04 +2025-03-10 13:15:22,007 - INFO - OPENED LONG at 2114.8 | Stop loss: 2104.210467857143 | Take profit: 2146.545298214286 +2025-03-10 13:15:22,032 - INFO - CLOSED long at 2110.9 | PnL: -0.18% | $-0.52 +2025-03-10 13:15:22,064 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.1509178571428 | Take profit: 2140.3639482142858 +2025-03-10 13:15:22,175 - INFO - CLOSED long at 2100.5 | PnL: -0.39% | $-0.89 +2025-03-10 13:15:22,179 - INFO - OPENED SHORT at 2100.5 | Stop loss: 2111.0180321428575 | Take profit: 2068.969201785714 +2025-03-10 13:15:22,211 - INFO - CLOSED short at 2090.0 | PnL: 0.50% | $0.72 +2025-03-10 13:15:22,211 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.5344678571428 | Take profit: 2121.3732982142856 +2025-03-10 13:15:22,289 - INFO - CLOSED long at 2102.19 | PnL: 0.58% | $0.87 +2025-03-10 13:15:22,346 - INFO - OPENED LONG at 2099.25 | Stop loss: 2088.738217857143 | Take profit: 2130.7620482142856 +2025-03-10 13:15:22,643 - INFO - CLOSED long at 2100.02 | PnL: 0.04% | $-0.12 +2025-03-10 13:15:22,670 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.8974821428574 | Take profit: 2066.890851785714 +2025-03-10 13:15:22,755 - INFO - CLOSED short at 2093.33 | PnL: 0.24% | $0.26 +2025-03-10 13:15:22,755 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.8478178571427 | Take profit: 2124.7532482142856 +2025-03-10 13:15:22,913 - INFO - CLOSED long at 2083.28 | PnL: -0.48% | $-1.06 +2025-03-10 13:15:22,945 - INFO - OPENED SHORT at 2088.44 | Stop loss: 2098.8977321428574 | Take profit: 2057.090101785714 +2025-03-10 13:15:22,973 - INFO - CLOSED short at 2083.97 | PnL: 0.21% | $0.21 +2025-03-10 13:15:22,973 - INFO - OPENED LONG at 2083.97 | Stop loss: 2073.5346178571426 | Take profit: 2115.2528482142857 +2025-03-10 13:15:22,999 - INFO - CLOSED long at 2085.3 | PnL: 0.06% | $-0.07 +2025-03-10 13:15:23,030 - INFO - OPENED LONG at 2082.44 | Stop loss: 2072.012267857143 | Take profit: 2113.699898214286 +2025-03-10 13:15:23,223 - INFO - CLOSED long at 2083.41 | PnL: 0.05% | $-0.10 +2025-03-10 13:15:23,223 - INFO - OPENED SHORT at 2083.41 | Stop loss: 2093.8425821428573 | Take profit: 2052.135551785714 +2025-03-10 13:15:23,330 - INFO - CLOSED short at 2083.59 | PnL: -0.01% | $-0.20 +2025-03-10 13:15:23,330 - INFO - OPENED LONG at 2083.59 | Stop loss: 2073.1565178571427 | Take profit: 2114.867148214286 +2025-03-10 13:15:23,377 - INFO - CLOSED long at 2086.57 | PnL: 0.14% | $0.08 +2025-03-10 13:15:23,406 - INFO - OPENED LONG at 2085.8 | Stop loss: 2075.355467857143 | Take profit: 2117.110298214286 +2025-03-10 13:15:23,481 - INFO - CLOSED long at 2085.85 | PnL: 0.00% | $-0.18 +2025-03-10 13:15:23,481 - INFO - OPENED SHORT at 2085.85 | Stop loss: 2096.294782142857 | Take profit: 2054.5389517857143 +2025-03-10 13:15:23,508 - INFO - CLOSED short at 2088.66 | PnL: -0.13% | $-0.42 +2025-03-10 13:15:23,508 - INFO - OPENED LONG at 2088.66 | Stop loss: 2078.2011678571425 | Take profit: 2120.0131982142857 +2025-03-10 13:15:23,532 - INFO - CLOSED long at 2088.32 | PnL: -0.02% | $-0.21 +2025-03-10 13:15:23,532 - INFO - OPENED SHORT at 2088.32 | Stop loss: 2098.777132142857 | Take profit: 2056.971901785714 +2025-03-10 13:15:23,567 - INFO - CLOSED short at 2088.1 | PnL: 0.01% | $-0.16 +2025-03-10 13:15:23,567 - INFO - OPENED LONG at 2088.1 | Stop loss: 2077.643967857143 | Take profit: 2119.4447982142856 +2025-03-10 13:15:24,374 - INFO - CLOSED long at 2103.07 | PnL: 0.72% | $1.10 +2025-03-10 13:15:24,432 - INFO - OPENED LONG at 2101.5 | Stop loss: 2090.976967857143 | Take profit: 2133.0457982142857 +2025-03-10 13:15:24,531 - INFO - CLOSED long at 2103.64 | PnL: 0.10% | $0.00 +2025-03-10 13:15:24,574 - INFO - OPENED LONG at 2105.2 | Stop loss: 2094.6584678571426 | Take profit: 2136.8012982142855 +2025-03-10 13:15:24,670 - INFO - Trade Analysis: Win Rate=17.2% in uptrends, 0.0% in downtrends | Avg Win=$0.47, Avg Loss=$-0.39 +2025-03-10 13:15:24,672 - INFO - Episode 18: Reward=135.09, Balance=$91.03, Win Rate=30.6%, Trades=72, Episode PnL=$-5.01, Total PnL=$-361.77, Max Drawdown=10.0%, Pred Accuracy=99.9% +2025-03-10 13:15:24,672 - ERROR - Error in episode 18: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:15:24,672 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:15:24,698 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:15:25,037 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3315678571428 | Take profit: 2077.3019982142855 +2025-03-10 13:15:25,999 - INFO - CLOSED long at 2063.01 | PnL: 0.80% | $1.40 +2025-03-10 13:15:25,999 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.3405821428573 | Take profit: 2032.0415517857145 +2025-03-10 13:15:26,050 - INFO - CLOSED short at 2060.99 | PnL: 0.10% | $-0.00 +2025-03-10 13:15:26,056 - INFO - OPENED LONG at 2060.99 | Stop loss: 2050.6695178571426 | Take profit: 2091.9281482142856 +2025-03-10 13:15:26,186 - INFO - CLOSED long at 2061.89 | PnL: 0.04% | $-0.11 +2025-03-10 13:15:26,211 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.5600178571426 | Take profit: 2093.8566482142855 +2025-03-10 13:15:26,559 - INFO - CLOSED long at 2065.86 | PnL: 0.14% | $0.09 +2025-03-10 13:15:26,583 - INFO - OPENED LONG at 2070.58 | Stop loss: 2060.2115678571427 | Take profit: 2101.6619982142856 +2025-03-10 13:15:27,251 - INFO - CLOSED long at 2070.7 | PnL: 0.01% | $-0.19 +2025-03-10 13:15:27,251 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.069032142857 | Take profit: 2039.6162017857139 +2025-03-10 13:15:27,280 - INFO - CLOSED short at 2069.34 | PnL: 0.07% | $-0.07 +2025-03-10 13:15:27,280 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.977767857143 | Take profit: 2100.4033982142855 +2025-03-10 13:15:27,353 - INFO - CLOSED long at 2067.6 | PnL: -0.08% | $-0.37 +2025-03-10 13:15:27,382 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.156917857143 | Take profit: 2098.5459482142855 +2025-03-10 13:15:27,434 - INFO - CLOSED long at 2066.39 | PnL: -0.05% | $-0.31 +2025-03-10 13:15:27,434 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.737482142857 | Take profit: 2035.3708517857142 +2025-03-10 13:15:27,468 - INFO - CLOSED short at 2065.99 | PnL: 0.02% | $-0.16 +2025-03-10 13:15:27,469 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.6445178571425 | Take profit: 2097.0031482142854 +2025-03-10 13:15:27,711 - INFO - CLOSED long at 2068.9 | PnL: 0.14% | $0.08 +2025-03-10 13:15:27,711 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.260032142857 | Take profit: 2037.8432017857144 +2025-03-10 13:15:27,753 - INFO - CLOSED short at 2068.51 | PnL: 0.02% | $-0.16 +2025-03-10 13:15:27,755 - INFO - OPENED LONG at 2068.51 | Stop loss: 2058.151917857143 | Take profit: 2099.560948214286 +2025-03-10 13:15:28,129 - INFO - CLOSED long at 2072.15 | PnL: 0.18% | $0.15 +2025-03-10 13:15:28,129 - INFO - OPENED SHORT at 2072.15 | Stop loss: 2082.5262821428573 | Take profit: 2041.0444517857145 +2025-03-10 13:15:28,160 - INFO - CLOSED short at 2074.29 | PnL: -0.10% | $-0.40 +2025-03-10 13:15:28,161 - INFO - OPENED LONG at 2074.29 | Stop loss: 2063.903017857143 | Take profit: 2105.4276482142855 +2025-03-10 13:15:28,184 - INFO - CLOSED long at 2073.9 | PnL: -0.02% | $-0.24 +2025-03-10 13:15:28,211 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.544867857143 | Take profit: 2103.0220982142855 +2025-03-10 13:15:28,592 - INFO - CLOSED long at 2068.58 | PnL: -0.16% | $-0.52 +2025-03-10 13:15:28,616 - INFO - OPENED SHORT at 2068.8 | Stop loss: 2079.159532142857 | Take profit: 2037.7447017857144 +2025-03-10 13:15:28,644 - INFO - CLOSED short at 2069.34 | PnL: -0.03% | $-0.25 +2025-03-10 13:15:28,644 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.977767857143 | Take profit: 2100.4033982142855 +2025-03-10 13:15:28,829 - INFO - CLOSED long at 2070.4 | PnL: 0.05% | $-0.10 +2025-03-10 13:15:28,829 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7675321428574 | Take profit: 2039.3207017857144 +2025-03-10 13:15:28,863 - INFO - CLOSED short at 2070.73 | PnL: -0.02% | $-0.23 +2025-03-10 13:15:28,864 - INFO - OPENED LONG at 2070.73 | Stop loss: 2060.360817857143 | Take profit: 2101.8142482142857 +2025-03-10 13:15:29,437 - INFO - CLOSED long at 2062.65 | PnL: -0.39% | $-0.96 +2025-03-10 13:15:29,437 - INFO - OPENED SHORT at 2062.65 | Stop loss: 2072.978782142857 | Take profit: 2031.6869517857142 +2025-03-10 13:15:29,464 - INFO - CLOSED short at 2061.78 | PnL: 0.04% | $-0.11 +2025-03-10 13:15:29,493 - INFO - OPENED LONG at 2059.59 | Stop loss: 2049.276517857143 | Take profit: 2090.507148214286 +2025-03-10 13:15:29,692 - INFO - CLOSED long at 2066.09 | PnL: 0.32% | $0.42 +2025-03-10 13:15:29,746 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.744067857143 | Take profit: 2095.0644982142853 +2025-03-10 13:15:29,910 - INFO - CLOSED long at 2060.9 | PnL: -0.15% | $-0.49 +2025-03-10 13:15:29,910 - INFO - OPENED SHORT at 2060.9 | Stop loss: 2071.2200321428572 | Take profit: 2029.9632017857143 +2025-03-10 13:15:29,944 - INFO - CLOSED short at 2060.65 | PnL: 0.01% | $-0.17 +2025-03-10 13:15:29,944 - INFO - OPENED LONG at 2060.65 | Stop loss: 2050.3312178571427 | Take profit: 2091.583048214286 +2025-03-10 13:15:29,967 - INFO - CLOSED long at 2058.89 | PnL: -0.09% | $-0.36 +2025-03-10 13:15:29,967 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.199982142857 | Take profit: 2027.9833517857144 +2025-03-10 13:15:30,035 - INFO - CLOSED short at 2060.31 | PnL: -0.07% | $-0.33 +2025-03-10 13:15:30,035 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.992917857143 | Take profit: 2091.237948214286 +2025-03-10 13:15:30,209 - INFO - CLOSED long at 2062.61 | PnL: 0.11% | $0.02 +2025-03-10 13:15:30,210 - INFO - OPENED SHORT at 2062.61 | Stop loss: 2072.9385821428573 | Take profit: 2031.6475517857143 +2025-03-10 13:15:30,240 - INFO - CLOSED short at 2060.91 | PnL: 0.08% | $-0.03 +2025-03-10 13:15:30,241 - INFO - OPENED LONG at 2060.91 | Stop loss: 2050.5899178571426 | Take profit: 2091.8469482142855 +2025-03-10 13:15:30,271 - INFO - CLOSED long at 2060.3 | PnL: -0.03% | $-0.25 +2025-03-10 13:15:30,303 - INFO - OPENED LONG at 2061.13 | Stop loss: 2050.808817857143 | Take profit: 2092.0702482142856 +2025-03-10 13:15:30,706 - INFO - CLOSED long at 2063.0 | PnL: 0.09% | $-0.02 +2025-03-10 13:15:30,736 - INFO - OPENED LONG at 2062.6 | Stop loss: 2052.271467857143 | Take profit: 2093.5622982142854 +2025-03-10 13:15:30,798 - INFO - CLOSED long at 2061.7 | PnL: -0.04% | $-0.27 +2025-03-10 13:15:30,798 - INFO - OPENED SHORT at 2061.7 | Stop loss: 2072.024032142857 | Take profit: 2030.751201785714 +2025-03-10 13:15:30,870 - INFO - CLOSED short at 2060.7 | PnL: 0.05% | $-0.10 +2025-03-10 13:15:30,870 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3809678571424 | Take profit: 2091.633798214286 +2025-03-10 13:15:30,984 - INFO - CLOSED long at 2059.61 | PnL: -0.05% | $-0.29 +2025-03-10 13:15:30,984 - INFO - OPENED SHORT at 2059.61 | Stop loss: 2069.9235821428574 | Take profit: 2028.6925517857144 +2025-03-10 13:15:31,013 - INFO - CLOSED short at 2059.16 | PnL: 0.02% | $-0.15 +2025-03-10 13:15:31,013 - INFO - OPENED LONG at 2059.16 | Stop loss: 2048.8486678571426 | Take profit: 2090.0706982142856 +2025-03-10 13:15:31,366 - INFO - CLOSED long at 2054.89 | PnL: -0.21% | $-0.58 +2025-03-10 13:15:31,366 - INFO - OPENED SHORT at 2054.89 | Stop loss: 2065.1799821428567 | Take profit: 2024.043351785714 +2025-03-10 13:15:31,392 - INFO - CLOSED short at 2054.83 | PnL: 0.00% | $-0.18 +2025-03-10 13:15:31,392 - INFO - OPENED LONG at 2054.83 | Stop loss: 2044.5403178571428 | Take profit: 2085.6757482142852 +2025-03-10 13:15:31,676 - INFO - CLOSED long at 2063.4 | PnL: 0.42% | $0.60 +2025-03-10 13:15:31,740 - INFO - OPENED LONG at 2066.36 | Stop loss: 2056.0126678571432 | Take profit: 2097.3786982142856 +2025-03-10 13:15:31,796 - INFO - CLOSED long at 2063.9 | PnL: -0.12% | $-0.41 +2025-03-10 13:15:31,829 - INFO - OPENED LONG at 2064.49 | Stop loss: 2054.1520178571427 | Take profit: 2095.480648214286 +2025-03-10 13:15:32,319 - INFO - CLOSED long at 2070.0 | PnL: 0.27% | $0.31 +2025-03-10 13:15:32,319 - INFO - OPENED SHORT at 2070.0 | Stop loss: 2080.365532142857 | Take profit: 2038.9267017857142 +2025-03-10 13:15:32,350 - INFO - CLOSED short at 2068.15 | PnL: 0.09% | $-0.02 +2025-03-10 13:15:32,350 - INFO - OPENED LONG at 2068.15 | Stop loss: 2057.793717857143 | Take profit: 2099.1955482142857 +2025-03-10 13:15:32,497 - INFO - CLOSED long at 2069.03 | PnL: 0.04% | $-0.11 +2025-03-10 13:15:32,497 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.3906821428573 | Take profit: 2037.9712517857145 +2025-03-10 13:15:32,568 - INFO - CLOSED short at 2067.44 | PnL: 0.08% | $-0.04 +2025-03-10 13:15:32,568 - INFO - OPENED LONG at 2067.44 | Stop loss: 2057.0872678571427 | Take profit: 2098.4748982142855 +2025-03-10 13:15:32,591 - INFO - CLOSED long at 2068.79 | PnL: 0.07% | $-0.07 +2025-03-10 13:15:32,617 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6095178571427 | Take profit: 2104.1081482142854 +2025-03-10 13:15:32,641 - INFO - CLOSED long at 2071.49 | PnL: -0.07% | $-0.33 +2025-03-10 13:15:32,663 - INFO - OPENED LONG at 2069.87 | Stop loss: 2059.505117857143 | Take profit: 2100.9413482142854 +2025-03-10 13:15:33,652 - INFO - CLOSED long at 2073.27 | PnL: 0.16% | $0.12 +2025-03-10 13:15:33,652 - INFO - OPENED SHORT at 2073.27 | Stop loss: 2083.6518821428567 | Take profit: 2042.1476517857143 +2025-03-10 13:15:33,673 - INFO - CLOSED short at 2073.99 | PnL: -0.03% | $-0.25 +2025-03-10 13:15:33,673 - INFO - OPENED LONG at 2073.99 | Stop loss: 2063.6045178571426 | Take profit: 2105.1231482142853 +2025-03-10 13:15:33,823 - INFO - CLOSED long at 2069.97 | PnL: -0.19% | $-0.55 +2025-03-10 13:15:33,823 - INFO - OPENED SHORT at 2069.97 | Stop loss: 2080.335382142857 | Take profit: 2038.897151785714 +2025-03-10 13:15:33,848 - INFO - CLOSED short at 2067.7 | PnL: 0.11% | $0.02 +2025-03-10 13:15:33,848 - INFO - OPENED LONG at 2067.7 | Stop loss: 2057.3459678571426 | Take profit: 2098.7387982142855 +2025-03-10 13:15:33,867 - INFO - CLOSED long at 2067.0 | PnL: -0.03% | $-0.25 +2025-03-10 13:15:33,867 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.350532142857 | Take profit: 2035.9717017857142 +2025-03-10 13:15:33,889 - INFO - CLOSED short at 2067.9 | PnL: -0.04% | $-0.27 +2025-03-10 13:15:33,889 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.544967857143 | Take profit: 2098.941798214286 +2025-03-10 13:15:34,165 - INFO - CLOSED long at 2065.07 | PnL: -0.14% | $-0.44 +2025-03-10 13:15:34,165 - INFO - OPENED SHORT at 2065.07 | Stop loss: 2075.4108821428576 | Take profit: 2034.0706517857145 +2025-03-10 13:15:34,185 - INFO - CLOSED short at 2066.09 | PnL: -0.05% | $-0.28 +2025-03-10 13:15:34,185 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.744017857143 | Take profit: 2097.1046482142856 +2025-03-10 13:15:34,380 - INFO - CLOSED long at 2063.01 | PnL: -0.15% | $-0.46 +2025-03-10 13:15:34,380 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.3405821428573 | Take profit: 2032.0415517857145 +2025-03-10 13:15:34,402 - INFO - CLOSED short at 2060.7 | PnL: 0.11% | $0.02 +2025-03-10 13:15:34,403 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3809678571424 | Take profit: 2091.633798214286 +2025-03-10 13:15:34,561 - INFO - STOP LOSS hit for long at 2050.3809678571424 | PnL: -0.50% | $-1.10 +2025-03-10 13:15:34,583 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.2369678571429 | Take profit: 2080.2657982142855 +2025-03-10 13:15:34,673 - INFO - CLOSED long at 2057.11 | PnL: 0.37% | $0.49 +2025-03-10 13:15:34,673 - INFO - OPENED SHORT at 2057.11 | Stop loss: 2067.411082142857 | Take profit: 2026.2300517857145 +2025-03-10 13:15:34,698 - INFO - CLOSED short at 2057.89 | PnL: -0.04% | $-0.25 +2025-03-10 13:15:34,698 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.5850178571427 | Take profit: 2088.7816482142853 +2025-03-10 13:15:34,717 - INFO - CLOSED long at 2062.83 | PnL: 0.24% | $0.25 +2025-03-10 13:15:34,718 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.159682142857 | Take profit: 2031.8642517857143 +2025-03-10 13:15:34,742 - INFO - CLOSED short at 2063.9 | PnL: -0.05% | $-0.28 +2025-03-10 13:15:34,743 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.564967857143 | Take profit: 2094.881798214286 +2025-03-10 13:15:35,118 - INFO - CLOSED long at 2069.34 | PnL: 0.26% | $0.30 +2025-03-10 13:15:35,145 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.1745821428567 | Take profit: 2038.7395517857142 +2025-03-10 13:15:35,170 - INFO - CLOSED short at 2070.41 | PnL: -0.03% | $-0.23 +2025-03-10 13:15:35,170 - INFO - OPENED LONG at 2070.41 | Stop loss: 2060.042417857143 | Take profit: 2101.489448214286 +2025-03-10 13:15:35,427 - INFO - TAKE PROFIT hit for long at 2101.489448214286 | PnL: 1.50% | $2.55 +2025-03-10 13:15:35,458 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.0309678571425 | Take profit: 2162.6837982142856 +2025-03-10 13:15:35,824 - INFO - STOP LOSS hit for long at 2120.0309678571425 | PnL: -0.50% | $-1.12 +2025-03-10 13:15:35,851 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3148178571428 | Take profit: 2151.752248214286 +2025-03-10 13:15:36,011 - INFO - STOP LOSS hit for long at 2109.3148178571428 | PnL: -0.50% | $-1.11 +2025-03-10 13:15:36,040 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.0314678571426 | Take profit: 2142.282298214285 +2025-03-10 13:15:36,407 - INFO - CLOSED long at 2120.81 | PnL: 0.48% | $0.70 +2025-03-10 13:15:36,440 - INFO - OPENED LONG at 2116.48 | Stop loss: 2105.882067857143 | Take profit: 2148.250498214286 +2025-03-10 13:15:36,598 - INFO - STOP LOSS hit for long at 2105.882067857143 | PnL: -0.50% | $-1.10 +2025-03-10 13:15:36,632 - INFO - OPENED SHORT at 2100.5 | Stop loss: 2111.0180321428575 | Take profit: 2068.969201785714 +2025-03-10 13:15:36,760 - INFO - CLOSED short at 2098.1 | PnL: 0.11% | $0.03 +2025-03-10 13:15:36,761 - INFO - OPENED LONG at 2098.1 | Stop loss: 2087.5939678571426 | Take profit: 2129.5947982142857 +2025-03-10 13:15:37,130 - INFO - CLOSED long at 2101.51 | PnL: 0.16% | $0.11 +2025-03-10 13:15:37,130 - INFO - OPENED SHORT at 2101.51 | Stop loss: 2112.0330821428574 | Take profit: 2069.964051785714 +2025-03-10 13:15:37,175 - INFO - CLOSED short at 2099.59 | PnL: 0.09% | $-0.02 +2025-03-10 13:15:37,175 - INFO - OPENED LONG at 2099.59 | Stop loss: 2089.0765178571432 | Take profit: 2131.1071482142856 +2025-03-10 13:15:37,306 - INFO - CLOSED long at 2093.33 | PnL: -0.30% | $-0.72 +2025-03-10 13:15:37,333 - INFO - OPENED LONG at 2092.46 | Stop loss: 2081.982167857143 | Take profit: 2123.8701982142857 +2025-03-10 13:15:37,740 - INFO - STOP LOSS hit for long at 2081.982167857143 | PnL: -0.50% | $-1.08 +2025-03-10 13:15:37,768 - INFO - OPENED LONG at 2080.38 | Stop loss: 2069.962567857143 | Take profit: 2111.6089982142857 +2025-03-10 13:15:38,423 - INFO - CLOSED long at 2085.67 | PnL: 0.25% | $0.27 +2025-03-10 13:15:38,423 - INFO - OPENED SHORT at 2085.67 | Stop loss: 2096.113882142857 | Take profit: 2054.3616517857145 +2025-03-10 13:15:38,443 - INFO - CLOSED short at 2089.2 | PnL: -0.17% | $-0.48 +2025-03-10 13:15:38,443 - INFO - OPENED LONG at 2089.2 | Stop loss: 2078.738467857143 | Take profit: 2120.5612982142857 +2025-03-10 13:15:38,582 - INFO - CLOSED long at 2099.99 | PnL: 0.52% | $0.74 +2025-03-10 13:15:38,584 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.505482142857 | Take profit: 2068.466851785714 +2025-03-10 13:15:38,621 - INFO - CLOSED short at 2101.64 | PnL: -0.08% | $-0.32 +2025-03-10 13:15:38,621 - INFO - OPENED LONG at 2101.64 | Stop loss: 2091.1162678571427 | Take profit: 2133.1878982142857 +2025-03-10 13:15:38,672 - INFO - CLOSED long at 2097.11 | PnL: -0.22% | $-0.56 +2025-03-10 13:15:38,672 - INFO - OPENED SHORT at 2097.11 | Stop loss: 2107.611082142857 | Take profit: 2065.6300517857144 +2025-03-10 13:15:38,713 - INFO - CLOSED short at 2098.49 | PnL: -0.07% | $-0.29 +2025-03-10 13:15:38,713 - INFO - OPENED LONG at 2098.49 | Stop loss: 2087.9820178571426 | Take profit: 2129.9906482142856 +2025-03-10 13:15:38,784 - INFO - CLOSED long at 2100.89 | PnL: 0.11% | $0.03 +2025-03-10 13:15:38,784 - INFO - OPENED SHORT at 2100.89 | Stop loss: 2111.409982142857 | Take profit: 2069.353351785714 +2025-03-10 13:15:38,808 - INFO - CLOSED short at 2099.73 | PnL: 0.06% | $-0.08 +2025-03-10 13:15:38,809 - INFO - OPENED LONG at 2099.73 | Stop loss: 2089.215817857143 | Take profit: 2131.249248214286 +2025-03-10 13:15:38,933 - INFO - CLOSED long at 2101.5 | PnL: 0.08% | $-0.03 +2025-03-10 13:15:38,958 - INFO - OPENED LONG at 2105.83 | Stop loss: 2095.2853178571427 | Take profit: 2137.4407482142856 +2025-03-10 13:15:39,152 - INFO - Trade Analysis: Win Rate=11.4% in uptrends, 0.0% in downtrends | Avg Win=$0.41, Avg Loss=$-0.34 +2025-03-10 13:15:39,153 - INFO - Episode 19: Reward=124.61, Balance=$89.03, Win Rate=26.6%, Trades=79, Episode PnL=$-9.03, Total PnL=$-372.73, Max Drawdown=12.2%, Pred Accuracy=99.9% +2025-03-10 13:15:39,153 - ERROR - Error in episode 19: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:15:39,155 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + f"Max Drawdown={env.max_drawdown*100:.1f}%, Pred Accuracy={prediction_accuracy:.1f}%") + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:15:39,177 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:15:39,395 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3315678571428 | Take profit: 2077.3019982142855 +2025-03-10 13:15:39,643 - INFO - CLOSED long at 2049.89 | PnL: 0.16% | $0.12 +2025-03-10 13:15:39,643 - INFO - OPENED SHORT at 2049.89 | Stop loss: 2060.154982142857 | Take profit: 2019.1183517857141 +2025-03-10 13:15:39,676 - INFO - CLOSED short at 2051.11 | PnL: -0.06% | $-0.32 +2025-03-10 13:15:39,676 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.8389178571429 | Take profit: 2081.899948214286 +2025-03-10 13:15:40,348 - INFO - CLOSED long at 2064.32 | PnL: 0.64% | $1.08 +2025-03-10 13:15:40,373 - INFO - OPENED LONG at 2065.86 | Stop loss: 2055.515167857143 | Take profit: 2096.871198214286 +2025-03-10 13:15:40,604 - INFO - CLOSED long at 2067.69 | PnL: 0.09% | $-0.02 +2025-03-10 13:15:40,626 - INFO - OPENED LONG at 2070.26 | Stop loss: 2059.893167857143 | Take profit: 2101.3371982142858 +2025-03-10 13:15:41,086 - INFO - CLOSED long at 2067.51 | PnL: -0.13% | $-0.47 +2025-03-10 13:15:41,087 - INFO - OPENED SHORT at 2067.51 | Stop loss: 2077.8630821428574 | Take profit: 2036.4740517857144 +2025-03-10 13:15:41,112 - INFO - CLOSED short at 2069.01 | PnL: -0.07% | $-0.34 +2025-03-10 13:15:41,112 - INFO - OPENED LONG at 2069.01 | Stop loss: 2058.6494178571434 | Take profit: 2100.068448214286 +2025-03-10 13:15:41,233 - INFO - CLOSED long at 2065.08 | PnL: -0.19% | $-0.58 +2025-03-10 13:15:41,262 - INFO - OPENED LONG at 2066.18 | Stop loss: 2055.8335678571425 | Take profit: 2097.1959982142853 +2025-03-10 13:15:41,380 - INFO - CLOSED long at 2069.7 | PnL: 0.17% | $0.14 +2025-03-10 13:15:41,403 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.032467857143 | Take profit: 2101.479298214286 +2025-03-10 13:15:41,543 - INFO - CLOSED long at 2072.7 | PnL: 0.11% | $0.02 +2025-03-10 13:15:41,567 - INFO - OPENED LONG at 2072.15 | Stop loss: 2061.773717857143 | Take profit: 2103.2555482142857 +2025-03-10 13:15:41,607 - INFO - CLOSED long at 2073.9 | PnL: 0.08% | $-0.03 +2025-03-10 13:15:41,607 - INFO - OPENED SHORT at 2073.9 | Stop loss: 2084.2850321428573 | Take profit: 2042.7682017857144 +2025-03-10 13:15:41,649 - INFO - CLOSED short at 2070.4 | PnL: 0.17% | $0.14 +2025-03-10 13:15:41,649 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.032467857143 | Take profit: 2101.479298214286 +2025-03-10 13:15:41,916 - INFO - CLOSED long at 2065.26 | PnL: -0.25% | $-0.69 +2025-03-10 13:15:41,948 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.535017857143 | Take profit: 2098.9316482142854 +2025-03-10 13:15:42,064 - INFO - CLOSED long at 2067.59 | PnL: -0.01% | $-0.23 +2025-03-10 13:15:42,066 - INFO - OPENED SHORT at 2067.59 | Stop loss: 2077.943482142857 | Take profit: 2036.5528517857142 +2025-03-10 13:15:42,094 - INFO - CLOSED short at 2069.2 | PnL: -0.08% | $-0.35 +2025-03-10 13:15:42,094 - INFO - OPENED LONG at 2069.2 | Stop loss: 2058.8384678571424 | Take profit: 2100.2612982142855 +2025-03-10 13:15:42,284 - INFO - CLOSED long at 2067.84 | PnL: -0.07% | $-0.32 +2025-03-10 13:15:42,284 - INFO - OPENED SHORT at 2067.84 | Stop loss: 2078.1947321428574 | Take profit: 2036.7991017857144 +2025-03-10 13:15:42,309 - INFO - CLOSED short at 2067.11 | PnL: 0.04% | $-0.13 +2025-03-10 13:15:42,310 - INFO - OPENED LONG at 2067.11 | Stop loss: 2056.758917857143 | Take profit: 2098.139948214286 +2025-03-10 13:15:42,620 - INFO - CLOSED long at 2065.26 | PnL: -0.09% | $-0.37 +2025-03-10 13:15:42,645 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.5600178571426 | Take profit: 2093.8566482142855 +2025-03-10 13:15:42,786 - INFO - CLOSED long at 2066.24 | PnL: 0.16% | $0.12 +2025-03-10 13:15:42,786 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.586732142857 | Take profit: 2035.223101785714 +2025-03-10 13:15:42,805 - INFO - CLOSED short at 2067.1 | PnL: -0.04% | $-0.27 +2025-03-10 13:15:42,805 - INFO - OPENED LONG at 2067.1 | Stop loss: 2056.748967857143 | Take profit: 2098.1297982142855 +2025-03-10 13:15:42,843 - INFO - CLOSED long at 2066.09 | PnL: -0.05% | $-0.29 +2025-03-10 13:15:42,868 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.1122178571427 | Take profit: 2095.4400482142855 +2025-03-10 13:15:44,146 - INFO - CLOSED long at 2058.15 | PnL: -0.31% | $-0.78 +2025-03-10 13:15:44,146 - INFO - OPENED SHORT at 2058.15 | Stop loss: 2068.4562821428576 | Take profit: 2027.2544517857145 +2025-03-10 13:15:44,180 - INFO - CLOSED short at 2059.8 | PnL: -0.08% | $-0.34 +2025-03-10 13:15:44,181 - INFO - OPENED LONG at 2059.8 | Stop loss: 2049.4854678571432 | Take profit: 2090.720298214286 +2025-03-10 13:15:44,538 - INFO - CLOSED long at 2067.33 | PnL: 0.37% | $0.51 +2025-03-10 13:15:44,575 - INFO - OPENED LONG at 2067.01 | Stop loss: 2056.659417857143 | Take profit: 2098.038448214286 +2025-03-10 13:15:44,622 - INFO - CLOSED long at 2069.79 | PnL: 0.13% | $0.07 +2025-03-10 13:15:44,622 - INFO - OPENED SHORT at 2069.79 | Stop loss: 2080.154482142857 | Take profit: 2038.7198517857141 +2025-03-10 13:15:44,644 - INFO - CLOSED short at 2072.0 | PnL: -0.11% | $-0.40 +2025-03-10 13:15:44,645 - INFO - OPENED LONG at 2072.0 | Stop loss: 2061.624467857143 | Take profit: 2103.1032982142856 +2025-03-10 13:15:45,990 - INFO - CLOSED long at 2068.67 | PnL: -0.16% | $-0.50 +2025-03-10 13:15:45,990 - INFO - OPENED SHORT at 2068.67 | Stop loss: 2079.028882142857 | Take profit: 2037.6166517857143 +2025-03-10 13:15:46,030 - INFO - CLOSED short at 2070.67 | PnL: -0.10% | $-0.37 +2025-03-10 13:15:46,036 - INFO - OPENED LONG at 2070.67 | Stop loss: 2060.301117857143 | Take profit: 2101.753348214286 +2025-03-10 13:15:46,119 - INFO - CLOSED long at 2071.61 | PnL: 0.05% | $-0.10 +2025-03-10 13:15:46,162 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.982617857143 | Take profit: 2105.508848214286 +2025-03-10 13:15:47,020 - INFO - CLOSED long at 2063.39 | PnL: -0.53% | $-1.19 +2025-03-10 13:15:47,020 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.722482142857 | Take profit: 2032.415851785714 +2025-03-10 13:15:47,046 - INFO - CLOSED short at 2062.34 | PnL: 0.05% | $-0.09 +2025-03-10 13:15:47,046 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.012767857143 | Take profit: 2093.2983982142855 +2025-03-10 13:15:47,381 - INFO - CLOSED long at 2059.2 | PnL: -0.15% | $-0.47 +2025-03-10 13:15:47,381 - INFO - OPENED SHORT at 2059.2 | Stop loss: 2069.511532142857 | Take profit: 2028.288701785714 +2025-03-10 13:15:47,403 - INFO - CLOSED short at 2058.09 | PnL: 0.05% | $-0.09 +2025-03-10 13:15:47,403 - INFO - OPENED LONG at 2058.09 | Stop loss: 2047.784017857143 | Take profit: 2088.9846482142857 +2025-03-10 13:15:47,753 - INFO - CLOSED long at 2063.9 | PnL: 0.28% | $0.34 +2025-03-10 13:15:47,782 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.758967857143 | Take profit: 2096.099798214286 +2025-03-10 13:15:47,994 - INFO - CLOSED long at 2059.9 | PnL: -0.25% | $-0.65 +2025-03-10 13:15:47,994 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.215032142857 | Take profit: 2028.9782017857144 +2025-03-10 13:15:48,047 - INFO - CLOSED short at 2060.7 | PnL: -0.04% | $-0.26 +2025-03-10 13:15:48,048 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3809678571424 | Take profit: 2091.633798214286 +2025-03-10 13:15:48,215 - INFO - CLOSED long at 2070.24 | PnL: 0.46% | $0.67 +2025-03-10 13:15:48,264 - INFO - OPENED LONG at 2069.81 | Stop loss: 2059.4454178571427 | Take profit: 2100.8804482142855 +2025-03-10 13:15:48,507 - INFO - CLOSED long at 2076.08 | PnL: 0.30% | $0.38 +2025-03-10 13:15:48,507 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.475932142857 | Take profit: 2044.9155017857142 +2025-03-10 13:15:48,560 - INFO - CLOSED short at 2077.61 | PnL: -0.07% | $-0.32 +2025-03-10 13:15:48,560 - INFO - OPENED LONG at 2077.61 | Stop loss: 2067.206417857143 | Take profit: 2108.797448214286 +2025-03-10 13:15:48,659 - INFO - TAKE PROFIT hit for long at 2108.797448214286 | PnL: 1.50% | $2.60 +2025-03-10 13:15:48,686 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.826767857143 | Take profit: 2171.6563982142857 +2025-03-10 13:15:48,878 - INFO - CLOSED long at 2142.68 | PnL: 0.15% | $0.09 +2025-03-10 13:15:48,918 - INFO - OPENED LONG at 2140.01 | Stop loss: 2129.294417857143 | Take profit: 2172.133448214286 +2025-03-10 13:15:48,978 - INFO - STOP LOSS hit for long at 2129.294417857143 | PnL: -0.50% | $-1.15 +2025-03-10 13:15:49,003 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.647967857143 | Take profit: 2159.2327982142856 +2025-03-10 13:15:49,070 - INFO - CLOSED long at 2120.15 | PnL: -0.34% | $-0.82 +2025-03-10 13:15:49,112 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3148178571428 | Take profit: 2151.752248214286 +2025-03-10 13:15:49,285 - INFO - STOP LOSS hit for long at 2109.3148178571428 | PnL: -0.50% | $-1.12 +2025-03-10 13:15:49,320 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.0314678571426 | Take profit: 2142.282298214285 +2025-03-10 13:15:49,730 - INFO - STOP LOSS hit for long at 2100.0314678571426 | PnL: -0.50% | $-1.11 +2025-03-10 13:15:49,776 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.016817857143 | Take profit: 2131.046248214286 +2025-03-10 13:15:50,104 - INFO - CLOSED long at 2101.51 | PnL: 0.09% | $-0.01 +2025-03-10 13:15:50,148 - INFO - OPENED LONG at 2099.59 | Stop loss: 2089.0765178571432 | Take profit: 2131.1071482142856 +2025-03-10 13:15:50,201 - INFO - CLOSED long at 2098.39 | PnL: -0.06% | $-0.29 +2025-03-10 13:15:50,202 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.8974821428574 | Take profit: 2066.890851785714 +2025-03-10 13:15:50,226 - INFO - CLOSED short at 2095.29 | PnL: 0.15% | $0.09 +2025-03-10 13:15:50,226 - INFO - OPENED LONG at 2095.29 | Stop loss: 2084.798017857143 | Take profit: 2126.742648214286 +2025-03-10 13:15:50,339 - INFO - CLOSED long at 2094.72 | PnL: -0.03% | $-0.23 +2025-03-10 13:15:50,363 - INFO - OPENED LONG at 2094.08 | Stop loss: 2083.594067857143 | Take profit: 2125.5144982142856 +2025-03-10 13:15:50,441 - INFO - STOP LOSS hit for long at 2083.594067857143 | PnL: -0.50% | $-1.09 +2025-03-10 13:15:50,481 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.9822678571427 | Take profit: 2119.789898214286 +2025-03-10 13:15:50,578 - INFO - CLOSED long at 2082.44 | PnL: -0.29% | $-0.70 +2025-03-10 13:15:50,601 - INFO - OPENED LONG at 2081.49 | Stop loss: 2071.0670178571427 | Take profit: 2112.7356482142854 +2025-03-10 13:15:50,800 - INFO - CLOSED long at 2084.72 | PnL: 0.16% | $0.10 +2025-03-10 13:15:50,844 - INFO - OPENED LONG at 2085.83 | Stop loss: 2075.3853178571426 | Take profit: 2117.140748214286 +2025-03-10 13:15:50,930 - INFO - CLOSED long at 2088.66 | PnL: 0.14% | $0.06 +2025-03-10 13:15:50,933 - INFO - OPENED SHORT at 2088.66 | Stop loss: 2099.1188321428567 | Take profit: 2057.306801785714 +2025-03-10 13:15:50,977 - INFO - CLOSED short at 2088.32 | PnL: 0.02% | $-0.15 +2025-03-10 13:15:50,977 - INFO - OPENED LONG at 2088.32 | Stop loss: 2077.862867857143 | Take profit: 2119.6680982142857 +2025-03-10 13:15:51,793 - INFO - CLOSED long at 2101.5 | PnL: 0.63% | $0.95 +2025-03-10 13:15:51,836 - INFO - OPENED LONG at 2105.83 | Stop loss: 2095.2853178571427 | Take profit: 2137.4407482142856 +2025-03-10 13:15:51,997 - INFO - Trade Analysis: Win Rate=15.0% in uptrends, 0.0% in downtrends | Avg Win=$0.44, Avg Loss=$-0.45 +2025-03-10 13:15:51,997 - INFO - Episode 20: Reward=149.73, Balance=$90.81, Win Rate=31.5%, Trades=54, Episode PnL=$-5.01, Total PnL=$-381.92, Max Drawdown=10.9%, Pred Accuracy=99.8% +2025-03-10 13:15:51,997 - ERROR - Error in episode 20: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:15:51,997 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + f"Max Drawdown={env.max_drawdown*100:.1f}%, Pred Accuracy={prediction_accuracy:.1f}%") + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:15:52,027 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:15:52,238 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3315678571428 | Take profit: 2077.3019982142855 +2025-03-10 13:15:52,723 - INFO - CLOSED long at 2060.13 | PnL: 0.66% | $1.12 +2025-03-10 13:15:52,723 - INFO - OPENED SHORT at 2060.13 | Stop loss: 2070.446182142857 | Take profit: 2029.2047517857145 +2025-03-10 13:15:52,746 - INFO - CLOSED short at 2059.7 | PnL: 0.02% | $-0.16 +2025-03-10 13:15:52,746 - INFO - OPENED LONG at 2059.7 | Stop loss: 2049.3859678571425 | Take profit: 2090.6187982142856 +2025-03-10 13:15:53,017 - INFO - CLOSED long at 2064.69 | PnL: 0.24% | $0.29 +2025-03-10 13:15:53,043 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.679417857143 | Take profit: 2093.978448214286 +2025-03-10 13:15:53,091 - INFO - CLOSED long at 2058.3 | PnL: -0.23% | $-0.66 +2025-03-10 13:15:53,091 - INFO - OPENED SHORT at 2058.3 | Stop loss: 2068.6070321428574 | Take profit: 2027.4022017857146 +2025-03-10 13:15:53,118 - INFO - CLOSED short at 2060.0 | PnL: -0.08% | $-0.36 +2025-03-10 13:15:53,118 - INFO - OPENED LONG at 2060.0 | Stop loss: 2049.684467857143 | Take profit: 2090.9232982142858 +2025-03-10 13:15:53,672 - INFO - CLOSED long at 2071.63 | PnL: 0.56% | $0.92 +2025-03-10 13:15:53,722 - INFO - OPENED LONG at 2070.99 | Stop loss: 2060.6195178571425 | Take profit: 2102.0781482142856 +2025-03-10 13:15:53,969 - INFO - CLOSED long at 2072.91 | PnL: 0.09% | $-0.01 +2025-03-10 13:15:54,011 - INFO - OPENED LONG at 2072.33 | Stop loss: 2061.9528178571427 | Take profit: 2103.4382482142855 +2025-03-10 13:15:54,643 - INFO - CLOSED long at 2066.39 | PnL: -0.29% | $-0.78 +2025-03-10 13:15:54,669 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.6445178571425 | Take profit: 2097.0031482142854 +2025-03-10 13:15:54,741 - INFO - CLOSED long at 2065.08 | PnL: -0.04% | $-0.29 +2025-03-10 13:15:54,741 - INFO - OPENED SHORT at 2065.08 | Stop loss: 2075.420932142857 | Take profit: 2034.0805017857142 +2025-03-10 13:15:54,765 - INFO - CLOSED short at 2066.18 | PnL: -0.05% | $-0.30 +2025-03-10 13:15:54,766 - INFO - OPENED LONG at 2066.18 | Stop loss: 2055.8335678571425 | Take profit: 2097.1959982142853 +2025-03-10 13:15:55,207 - INFO - CLOSED long at 2072.75 | PnL: 0.32% | $0.43 +2025-03-10 13:15:55,275 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.728917857143 | Take profit: 2104.2299482142857 +2025-03-10 13:15:56,320 - INFO - CLOSED long at 2065.28 | PnL: -0.38% | $-0.95 +2025-03-10 13:15:56,345 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.0425178571427 | Take profit: 2097.409148214286 +2025-03-10 13:15:57,013 - INFO - CLOSED long at 2064.08 | PnL: -0.11% | $-0.42 +2025-03-10 13:15:57,037 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.380917857143 | Take profit: 2093.6739482142857 +2025-03-10 13:15:57,222 - INFO - CLOSED long at 2058.89 | PnL: -0.19% | $-0.56 +2025-03-10 13:15:57,259 - INFO - OPENED LONG at 2059.3 | Stop loss: 2048.987967857143 | Take profit: 2090.212798214286 +2025-03-10 13:15:57,426 - INFO - CLOSED long at 2060.91 | PnL: 0.08% | $-0.04 +2025-03-10 13:15:57,443 - INFO - OPENED LONG at 2060.3 | Stop loss: 2049.982967857143 | Take profit: 2091.227798214286 +2025-03-10 13:15:57,521 - INFO - CLOSED long at 2064.1 | PnL: 0.18% | $0.16 +2025-03-10 13:15:57,545 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.017667857143 | Take profit: 2096.363698214286 +2025-03-10 13:15:57,570 - INFO - CLOSED long at 2064.33 | PnL: -0.05% | $-0.29 +2025-03-10 13:15:57,570 - INFO - OPENED SHORT at 2064.33 | Stop loss: 2074.667182142857 | Take profit: 2033.3417517857142 +2025-03-10 13:15:57,625 - INFO - CLOSED short at 2063.39 | PnL: 0.05% | $-0.11 +2025-03-10 13:15:57,625 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.0575178571426 | Take profit: 2094.3641482142853 +2025-03-10 13:15:57,677 - INFO - CLOSED long at 2064.79 | PnL: 0.07% | $-0.06 +2025-03-10 13:15:57,685 - INFO - OPENED SHORT at 2064.79 | Stop loss: 2075.1294821428573 | Take profit: 2033.7948517857142 +2025-03-10 13:15:57,742 - INFO - CLOSED short at 2065.89 | PnL: -0.05% | $-0.30 +2025-03-10 13:15:57,742 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.5450178571427 | Take profit: 2096.9016482142856 +2025-03-10 13:15:57,776 - INFO - CLOSED long at 2063.53 | PnL: -0.11% | $-0.42 +2025-03-10 13:15:57,800 - INFO - OPENED LONG at 2063.0 | Stop loss: 2052.6694678571425 | Take profit: 2093.968298214286 +2025-03-10 13:15:57,864 - INFO - CLOSED long at 2061.7 | PnL: -0.06% | $-0.31 +2025-03-10 13:15:57,888 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3809678571424 | Take profit: 2091.633798214286 +2025-03-10 13:15:58,722 - INFO - CLOSED long at 2066.33 | PnL: 0.27% | $0.33 +2025-03-10 13:15:58,723 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6771821428574 | Take profit: 2035.3117517857143 +2025-03-10 13:15:58,751 - INFO - CLOSED short at 2066.34 | PnL: -0.00% | $-0.19 +2025-03-10 13:15:58,751 - INFO - OPENED LONG at 2066.34 | Stop loss: 2055.992767857143 | Take profit: 2097.358398214286 +2025-03-10 13:15:58,998 - INFO - CLOSED long at 2069.79 | PnL: 0.17% | $0.13 +2025-03-10 13:15:58,999 - INFO - OPENED SHORT at 2069.79 | Stop loss: 2080.154482142857 | Take profit: 2038.7198517857141 +2025-03-10 13:15:59,025 - INFO - CLOSED short at 2072.0 | PnL: -0.11% | $-0.40 +2025-03-10 13:15:59,025 - INFO - OPENED LONG at 2072.0 | Stop loss: 2061.624467857143 | Take profit: 2103.1032982142856 +2025-03-10 13:15:59,393 - INFO - CLOSED long at 2069.69 | PnL: -0.11% | $-0.41 +2025-03-10 13:15:59,420 - INFO - OPENED LONG at 2069.03 | Stop loss: 2058.669317857143 | Take profit: 2100.088748214286 +2025-03-10 13:15:59,775 - INFO - CLOSED long at 2063.97 | PnL: -0.24% | $-0.66 +2025-03-10 13:15:59,775 - INFO - OPENED SHORT at 2063.97 | Stop loss: 2074.305382142857 | Take profit: 2032.987151785714 +2025-03-10 13:15:59,802 - INFO - CLOSED short at 2064.5 | PnL: -0.03% | $-0.24 +2025-03-10 13:15:59,802 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.161967857143 | Take profit: 2095.490798214286 +2025-03-10 13:15:59,822 - INFO - CLOSED long at 2065.3 | PnL: 0.04% | $-0.12 +2025-03-10 13:15:59,823 - INFO - OPENED SHORT at 2065.3 | Stop loss: 2075.6420321428573 | Take profit: 2034.2972017857144 +2025-03-10 13:15:59,849 - INFO - CLOSED short at 2064.4 | PnL: 0.04% | $-0.11 +2025-03-10 13:15:59,849 - INFO - OPENED LONG at 2064.4 | Stop loss: 2054.062467857143 | Take profit: 2095.3892982142856 +2025-03-10 13:16:00,208 - INFO - CLOSED long at 2071.59 | PnL: 0.35% | $0.47 +2025-03-10 13:16:00,237 - INFO - OPENED LONG at 2070.2 | Stop loss: 2059.8334678571428 | Take profit: 2101.2762982142854 +2025-03-10 13:16:00,668 - INFO - CLOSED long at 2074.37 | PnL: 0.20% | $0.19 +2025-03-10 13:16:00,709 - INFO - OPENED LONG at 2075.07 | Stop loss: 2064.679117857143 | Take profit: 2106.219348214286 +2025-03-10 13:16:00,812 - INFO - CLOSED long at 2075.32 | PnL: 0.01% | $-0.17 +2025-03-10 13:16:00,859 - INFO - OPENED LONG at 2075.29 | Stop loss: 2064.898017857143 | Take profit: 2106.442648214286 +2025-03-10 13:16:01,263 - INFO - CLOSED long at 2068.1 | PnL: -0.35% | $-0.85 +2025-03-10 13:16:01,263 - INFO - OPENED SHORT at 2068.1 | Stop loss: 2078.456032142857 | Take profit: 2037.0552017857142 +2025-03-10 13:16:01,308 - INFO - CLOSED short at 2069.0 | PnL: -0.04% | $-0.27 +2025-03-10 13:16:01,310 - INFO - OPENED LONG at 2069.0 | Stop loss: 2058.639467857143 | Take profit: 2100.058298214286 +2025-03-10 13:16:01,444 - INFO - CLOSED long at 2065.5 | PnL: -0.17% | $-0.51 +2025-03-10 13:16:01,471 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.355967857143 | Take profit: 2096.7087982142857 +2025-03-10 13:16:02,105 - INFO - STOP LOSS hit for long at 2055.355967857143 | PnL: -0.50% | $-1.12 +2025-03-10 13:16:02,150 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.9484178571429 | Take profit: 2079.971448214286 +2025-03-10 13:16:02,631 - INFO - CLOSED long at 2060.7 | PnL: 0.56% | $0.85 +2025-03-10 13:16:02,631 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.019032142857 | Take profit: 2029.7662017857142 +2025-03-10 13:16:02,650 - INFO - CLOSED short at 2061.84 | PnL: -0.06% | $-0.29 +2025-03-10 13:16:02,655 - INFO - OPENED LONG at 2061.84 | Stop loss: 2051.515267857143 | Take profit: 2092.790898214286 +2025-03-10 13:16:02,697 - INFO - CLOSED long at 2065.72 | PnL: 0.19% | $0.16 +2025-03-10 13:16:02,697 - INFO - OPENED SHORT at 2065.72 | Stop loss: 2076.064132142857 | Take profit: 2034.7109017857142 +2025-03-10 13:16:02,723 - INFO - CLOSED short at 2070.31 | PnL: -0.22% | $-0.60 +2025-03-10 13:16:02,724 - INFO - OPENED LONG at 2070.31 | Stop loss: 2059.942917857143 | Take profit: 2101.3879482142856 +2025-03-10 13:16:02,932 - INFO - CLOSED long at 2074.05 | PnL: 0.18% | $0.15 +2025-03-10 13:16:02,932 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.435782142857 | Take profit: 2042.9159517857145 +2025-03-10 13:16:02,972 - INFO - CLOSED short at 2072.99 | PnL: 0.05% | $-0.09 +2025-03-10 13:16:02,973 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6095178571427 | Take profit: 2104.1081482142854 +2025-03-10 13:16:03,047 - INFO - CLOSED long at 2074.9 | PnL: 0.09% | $-0.01 +2025-03-10 13:16:03,047 - INFO - OPENED SHORT at 2074.9 | Stop loss: 2085.2900321428574 | Take profit: 2043.7532017857143 +2025-03-10 13:16:03,076 - INFO - CLOSED short at 2076.08 | PnL: -0.06% | $-0.29 +2025-03-10 13:16:03,077 - INFO - OPENED LONG at 2076.08 | Stop loss: 2065.684067857143 | Take profit: 2107.2444982142856 +2025-03-10 13:16:03,222 - INFO - TAKE PROFIT hit for long at 2107.2444982142856 | PnL: 1.50% | $2.58 +2025-03-10 13:16:03,293 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.826767857143 | Take profit: 2171.6563982142857 +2025-03-10 13:16:03,517 - INFO - CLOSED long at 2140.01 | PnL: 0.02% | $-0.15 +2025-03-10 13:16:03,518 - INFO - OPENED SHORT at 2140.01 | Stop loss: 2150.725582142857 | Take profit: 2107.8865517857143 +2025-03-10 13:16:03,548 - INFO - CLOSED short at 2134.78 | PnL: 0.24% | $0.27 +2025-03-10 13:16:03,548 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.090567857143 | Take profit: 2166.8249982142856 +2025-03-10 13:16:03,698 - INFO - CLOSED long at 2128.69 | PnL: -0.29% | $-0.73 +2025-03-10 13:16:03,698 - INFO - OPENED SHORT at 2128.69 | Stop loss: 2139.348982142857 | Take profit: 2096.7363517857143 +2025-03-10 13:16:03,759 - INFO - CLOSED short at 2121.09 | PnL: 0.36% | $0.48 +2025-03-10 13:16:03,760 - INFO - OPENED LONG at 2121.09 | Stop loss: 2110.4690178571427 | Take profit: 2152.929648214286 +2025-03-10 13:16:04,162 - INFO - CLOSED long at 2107.43 | PnL: -0.64% | $-1.41 +2025-03-10 13:16:04,190 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.0314678571426 | Take profit: 2142.282298214285 +2025-03-10 13:16:04,288 - INFO - CLOSED long at 2112.46 | PnL: 0.09% | $-0.02 +2025-03-10 13:16:04,321 - INFO - OPENED LONG at 2113.24 | Stop loss: 2102.6582678571426 | Take profit: 2144.961898214285 +2025-03-10 13:16:04,663 - INFO - CLOSED long at 2103.33 | PnL: -0.47% | $-1.06 +2025-03-10 13:16:04,692 - INFO - OPENED LONG at 2100.5 | Stop loss: 2089.981967857143 | Take profit: 2132.0307982142854 +2025-03-10 13:16:04,718 - INFO - CLOSED long at 2090.0 | PnL: -0.50% | $-1.11 +2025-03-10 13:16:04,720 - INFO - OPENED SHORT at 2090.0 | Stop loss: 2100.4655321428572 | Take profit: 2058.6267017857144 +2025-03-10 13:16:04,748 - INFO - CLOSED short at 2099.53 | PnL: -0.46% | $-1.01 +2025-03-10 13:16:04,749 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.016817857143 | Take profit: 2131.046248214286 +2025-03-10 13:16:05,094 - INFO - CLOSED long at 2103.86 | PnL: 0.21% | $0.19 +2025-03-10 13:16:05,122 - INFO - OPENED LONG at 2104.68 | Stop loss: 2094.141067857143 | Take profit: 2136.2734982142856 +2025-03-10 13:16:05,145 - INFO - CLOSED long at 2101.51 | PnL: -0.15% | $-0.45 +2025-03-10 13:16:05,145 - INFO - OPENED SHORT at 2101.51 | Stop loss: 2112.0330821428574 | Take profit: 2069.964051785714 +2025-03-10 13:16:05,171 - INFO - CLOSED short at 2099.59 | PnL: 0.09% | $-0.02 +2025-03-10 13:16:05,171 - INFO - OPENED LONG at 2099.59 | Stop loss: 2089.0765178571432 | Take profit: 2131.1071482142856 +2025-03-10 13:16:05,326 - INFO - CLOSED long at 2095.29 | PnL: -0.20% | $-0.55 +2025-03-10 13:16:05,326 - INFO - OPENED SHORT at 2095.29 | Stop loss: 2105.7819821428575 | Take profit: 2063.8373517857144 +2025-03-10 13:16:05,376 - INFO - CLOSED short at 2093.46 | PnL: 0.09% | $-0.02 +2025-03-10 13:16:05,376 - INFO - OPENED LONG at 2093.46 | Stop loss: 2082.977167857143 | Take profit: 2124.8851982142855 +2025-03-10 13:16:05,403 - INFO - CLOSED long at 2093.33 | PnL: -0.01% | $-0.19 +2025-03-10 13:16:05,425 - INFO - OPENED LONG at 2092.46 | Stop loss: 2081.982167857143 | Take profit: 2123.8701982142857 +2025-03-10 13:16:05,738 - INFO - STOP LOSS hit for long at 2081.982167857143 | PnL: -0.50% | $-1.07 +2025-03-10 13:16:05,772 - INFO - OPENED LONG at 2080.38 | Stop loss: 2069.962567857143 | Take profit: 2111.6089982142857 +2025-03-10 13:16:05,911 - INFO - CLOSED long at 2085.8 | PnL: 0.26% | $0.28 +2025-03-10 13:16:05,934 - INFO - OPENED LONG at 2084.72 | Stop loss: 2074.2808678571428 | Take profit: 2116.0140982142852 +2025-03-10 13:16:06,224 - INFO - CLOSED long at 2087.47 | PnL: 0.13% | $0.06 +2025-03-10 13:16:06,252 - INFO - OPENED LONG at 2087.78 | Stop loss: 2077.325567857143 | Take profit: 2119.1199982142857 +2025-03-10 13:16:06,646 - INFO - CLOSED long at 2101.64 | PnL: 0.66% | $1.00 +2025-03-10 13:16:06,671 - INFO - OPENED LONG at 2097.11 | Stop loss: 2086.608917857143 | Take profit: 2128.589948214286 +2025-03-10 13:16:06,997 - INFO - CLOSED long at 2103.07 | PnL: 0.28% | $0.33 +2025-03-10 13:16:07,024 - INFO - OPENED LONG at 2101.5 | Stop loss: 2090.976967857143 | Take profit: 2133.0457982142857 +2025-03-10 13:16:07,162 - INFO - Trade Analysis: Win Rate=13.6% in uptrends, 0.0% in downtrends | Avg Win=$0.52, Avg Loss=$-0.43 +2025-03-10 13:16:07,163 - INFO - Episode 21: Reward=133.74, Balance=$90.28, Win Rate=29.9%, Trades=67, Episode PnL=$-6.54, Total PnL=$-391.64, Max Drawdown=12.5%, Pred Accuracy=100.0% +2025-03-10 13:16:07,163 - ERROR - Error in episode 21: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:16:07,165 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + f"Max Drawdown={env.max_drawdown*100:.1f}%, Pred Accuracy={prediction_accuracy:.1f}%") + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:16:07,186 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:16:07,553 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3315678571428 | Take profit: 2077.3019982142855 +2025-03-10 13:16:07,573 - INFO - CLOSED long at 2047.4 | PnL: 0.04% | $-0.12 +2025-03-10 13:16:07,596 - INFO - OPENED LONG at 2047.2 | Stop loss: 2036.9484678571428 | Take profit: 2077.931298214286 +2025-03-10 13:16:07,663 - INFO - CLOSED long at 2045.79 | PnL: -0.07% | $-0.33 +2025-03-10 13:16:07,686 - INFO - OPENED LONG at 2048.13 | Stop loss: 2037.873817857143 | Take profit: 2078.875248214286 +2025-03-10 13:16:07,813 - INFO - CLOSED long at 2049.89 | PnL: 0.09% | $-0.03 +2025-03-10 13:16:07,854 - INFO - OPENED SHORT at 2051.11 | Stop loss: 2061.3810821428574 | Take profit: 2020.3200517857144 +2025-03-10 13:16:07,897 - INFO - CLOSED short at 2053.26 | PnL: -0.10% | $-0.40 +2025-03-10 13:16:07,898 - INFO - OPENED LONG at 2053.26 | Stop loss: 2042.9781678571433 | Take profit: 2084.082198214286 +2025-03-10 13:16:08,474 - INFO - CLOSED long at 2062.89 | PnL: 0.47% | $0.73 +2025-03-10 13:16:08,494 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.992917857143 | Take profit: 2091.237948214286 +2025-03-10 13:16:08,675 - INFO - CLOSED long at 2061.79 | PnL: 0.07% | $-0.06 +2025-03-10 13:16:08,721 - INFO - OPENED LONG at 2061.18 | Stop loss: 2050.8585678571426 | Take profit: 2092.1209982142855 +2025-03-10 13:16:08,784 - INFO - CLOSED long at 2065.86 | PnL: 0.23% | $0.25 +2025-03-10 13:16:08,806 - INFO - OPENED LONG at 2070.58 | Stop loss: 2060.2115678571427 | Take profit: 2101.6619982142856 +2025-03-10 13:16:08,900 - INFO - CLOSED long at 2070.99 | PnL: 0.02% | $-0.16 +2025-03-10 13:16:08,900 - INFO - OPENED SHORT at 2070.99 | Stop loss: 2081.360482142857 | Take profit: 2039.9018517857141 +2025-03-10 13:16:08,926 - INFO - CLOSED short at 2069.6 | PnL: 0.07% | $-0.07 +2025-03-10 13:16:08,926 - INFO - OPENED LONG at 2069.6 | Stop loss: 2059.236467857143 | Take profit: 2100.6672982142854 +2025-03-10 13:16:08,967 - INFO - CLOSED long at 2068.99 | PnL: -0.03% | $-0.26 +2025-03-10 13:16:08,967 - INFO - OPENED SHORT at 2068.99 | Stop loss: 2079.350482142857 | Take profit: 2037.931851785714 +2025-03-10 13:16:09,014 - INFO - CLOSED short at 2067.9 | PnL: 0.05% | $-0.09 +2025-03-10 13:16:09,016 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.544967857143 | Take profit: 2098.941798214286 +2025-03-10 13:16:09,133 - INFO - CLOSED long at 2071.44 | PnL: 0.17% | $0.14 +2025-03-10 13:16:09,173 - INFO - OPENED LONG at 2073.73 | Stop loss: 2063.3458178571427 | Take profit: 2104.859248214286 +2025-03-10 13:16:09,225 - INFO - CLOSED long at 2072.91 | PnL: -0.04% | $-0.28 +2025-03-10 13:16:09,251 - INFO - OPENED LONG at 2072.33 | Stop loss: 2061.9528178571427 | Take profit: 2103.4382482142855 +2025-03-10 13:16:10,057 - INFO - CLOSED long at 2068.59 | PnL: -0.18% | $-0.55 +2025-03-10 13:16:10,057 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.9484821428573 | Take profit: 2037.5378517857143 +2025-03-10 13:16:10,084 - INFO - CLOSED short at 2069.7 | PnL: -0.05% | $-0.30 +2025-03-10 13:16:10,085 - INFO - OPENED LONG at 2069.7 | Stop loss: 2059.335967857143 | Take profit: 2100.7687982142857 +2025-03-10 13:16:10,146 - INFO - CLOSED long at 2071.4 | PnL: 0.08% | $-0.03 +2025-03-10 13:16:10,207 - INFO - OPENED LONG at 2071.36 | Stop loss: 2060.9876678571427 | Take profit: 2102.453698214286 +2025-03-10 13:16:10,355 - INFO - CLOSED long at 2072.15 | PnL: 0.04% | $-0.12 +2025-03-10 13:16:10,383 - INFO - OPENED LONG at 2074.29 | Stop loss: 2063.903017857143 | Take profit: 2105.4276482142855 +2025-03-10 13:16:10,508 - INFO - CLOSED long at 2069.35 | PnL: -0.24% | $-0.66 +2025-03-10 13:16:10,508 - INFO - OPENED SHORT at 2069.35 | Stop loss: 2079.7122821428575 | Take profit: 2038.2864517857142 +2025-03-10 13:16:10,528 - INFO - CLOSED short at 2068.32 | PnL: 0.05% | $-0.10 +2025-03-10 13:16:10,528 - INFO - OPENED LONG at 2068.32 | Stop loss: 2057.962867857143 | Take profit: 2099.368098214286 +2025-03-10 13:16:10,924 - INFO - CLOSED long at 2067.59 | PnL: -0.04% | $-0.26 +2025-03-10 13:16:10,924 - INFO - OPENED SHORT at 2067.59 | Stop loss: 2077.943482142857 | Take profit: 2036.5528517857142 +2025-03-10 13:16:10,964 - INFO - CLOSED short at 2069.2 | PnL: -0.08% | $-0.34 +2025-03-10 13:16:10,964 - INFO - OPENED LONG at 2069.2 | Stop loss: 2058.8384678571424 | Take profit: 2100.2612982142855 +2025-03-10 13:16:11,458 - INFO - CLOSED long at 2065.28 | PnL: -0.19% | $-0.56 +2025-03-10 13:16:11,516 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.0425178571427 | Take profit: 2097.409148214286 +2025-03-10 13:16:12,273 - INFO - CLOSED long at 2066.09 | PnL: -0.01% | $-0.22 +2025-03-10 13:16:12,274 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.4359821428575 | Take profit: 2035.0753517857145 +2025-03-10 13:16:12,347 - INFO - CLOSED short at 2064.45 | PnL: 0.08% | $-0.04 +2025-03-10 13:16:12,348 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.1122178571427 | Take profit: 2095.4400482142855 +2025-03-10 13:16:12,603 - INFO - CLOSED long at 2059.3 | PnL: -0.25% | $-0.67 +2025-03-10 13:16:12,682 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.475467857143 | Take profit: 2092.7502982142855 +2025-03-10 13:16:13,195 - INFO - CLOSED long at 2059.61 | PnL: -0.11% | $-0.39 +2025-03-10 13:16:13,215 - INFO - OPENED LONG at 2059.16 | Stop loss: 2048.8486678571426 | Take profit: 2090.0706982142856 +2025-03-10 13:16:14,023 - INFO - CLOSED long at 2075.01 | PnL: 0.77% | $1.26 +2025-03-10 13:16:14,023 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.4005821428573 | Take profit: 2043.8615517857145 +2025-03-10 13:16:14,051 - INFO - CLOSED short at 2072.6 | PnL: 0.12% | $0.03 +2025-03-10 13:16:14,052 - INFO - OPENED LONG at 2072.6 | Stop loss: 2062.2214678571427 | Take profit: 2103.712298214286 +2025-03-10 13:16:14,092 - INFO - CLOSED long at 2070.01 | PnL: -0.12% | $-0.43 +2025-03-10 13:16:14,114 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.226467857143 | Take profit: 2102.6972982142856 +2025-03-10 13:16:14,139 - INFO - CLOSED long at 2073.23 | PnL: 0.08% | $-0.04 +2025-03-10 13:16:14,162 - INFO - OPENED LONG at 2070.0 | Stop loss: 2059.634467857143 | Take profit: 2101.0732982142854 +2025-03-10 13:16:14,484 - INFO - CLOSED long at 2067.33 | PnL: -0.13% | $-0.44 +2025-03-10 13:16:14,511 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.032567857143 | Take profit: 2097.3989982142857 +2025-03-10 13:16:14,922 - INFO - CLOSED long at 2068.59 | PnL: 0.11% | $0.01 +2025-03-10 13:16:14,943 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.216517857143 | Take profit: 2102.687148214286 +2025-03-10 13:16:15,586 - INFO - CLOSED long at 2075.61 | PnL: 0.19% | $0.18 +2025-03-10 13:16:15,607 - INFO - OPENED LONG at 2074.0 | Stop loss: 2063.6144678571427 | Take profit: 2105.133298214286 +2025-03-10 13:16:15,664 - INFO - CLOSED long at 2067.7 | PnL: -0.30% | $-0.77 +2025-03-10 13:16:15,664 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.054032142857 | Take profit: 2036.661201785714 +2025-03-10 13:16:15,690 - INFO - CLOSED short at 2067.0 | PnL: 0.03% | $-0.12 +2025-03-10 13:16:15,690 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.649467857143 | Take profit: 2098.0282982142858 +2025-03-10 13:16:16,085 - INFO - CLOSED long at 2066.09 | PnL: -0.04% | $-0.27 +2025-03-10 13:16:16,109 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.0575178571426 | Take profit: 2094.3641482142853 +2025-03-10 13:16:16,409 - INFO - CLOSED long at 2059.2 | PnL: -0.20% | $-0.57 +2025-03-10 13:16:16,409 - INFO - OPENED SHORT at 2059.2 | Stop loss: 2069.511532142857 | Take profit: 2028.288701785714 +2025-03-10 13:16:16,433 - INFO - CLOSED short at 2058.09 | PnL: 0.05% | $-0.09 +2025-03-10 13:16:16,433 - INFO - OPENED LONG at 2058.09 | Stop loss: 2047.784017857143 | Take profit: 2088.9846482142857 +2025-03-10 13:16:16,721 - INFO - CLOSED long at 2063.9 | PnL: 0.28% | $0.34 +2025-03-10 13:16:16,721 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.235032142857 | Take profit: 2032.9182017857145 +2025-03-10 13:16:16,756 - INFO - CLOSED short at 2065.1 | PnL: -0.06% | $-0.30 +2025-03-10 13:16:16,756 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.758967857143 | Take profit: 2096.099798214286 +2025-03-10 13:16:16,874 - INFO - CLOSED long at 2066.59 | PnL: 0.07% | $-0.05 +2025-03-10 13:16:16,897 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.744067857143 | Take profit: 2095.0644982142853 +2025-03-10 13:16:17,456 - INFO - TAKE PROFIT hit for long at 2095.0644982142853 | PnL: 1.50% | $2.61 +2025-03-10 13:16:17,486 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.0309678571425 | Take profit: 2162.6837982142856 +2025-03-10 13:16:17,709 - INFO - CLOSED long at 2126.99 | PnL: -0.17% | $-0.52 +2025-03-10 13:16:17,727 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.647967857143 | Take profit: 2159.2327982142856 +2025-03-10 13:16:18,003 - INFO - STOP LOSS hit for long at 2116.647967857143 | PnL: -0.50% | $-1.14 +2025-03-10 13:16:18,024 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8773178571428 | Take profit: 2139.0647482142854 +2025-03-10 13:16:18,458 - INFO - STOP LOSS hit for long at 2096.8773178571428 | PnL: -0.50% | $-1.13 +2025-03-10 13:16:18,486 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.016817857143 | Take profit: 2131.046248214286 +2025-03-10 13:16:18,689 - INFO - CLOSED long at 2100.74 | PnL: 0.06% | $-0.08 +2025-03-10 13:16:18,689 - INFO - OPENED SHORT at 2100.74 | Stop loss: 2111.259232142857 | Take profit: 2069.205601785714 +2025-03-10 13:16:18,711 - INFO - CLOSED short at 2103.86 | PnL: -0.15% | $-0.46 +2025-03-10 13:16:18,712 - INFO - OPENED LONG at 2103.86 | Stop loss: 2093.3251678571432 | Take profit: 2135.4411982142856 +2025-03-10 13:16:18,907 - INFO - STOP LOSS hit for long at 2093.3251678571432 | PnL: -0.50% | $-1.11 +2025-03-10 13:16:18,932 - INFO - OPENED LONG at 2091.1 | Stop loss: 2080.628967857143 | Take profit: 2122.4897982142857 +2025-03-10 13:16:19,125 - INFO - STOP LOSS hit for long at 2080.628967857143 | PnL: -0.50% | $-1.10 +2025-03-10 13:16:19,152 - INFO - OPENED LONG at 2081.25 | Stop loss: 2070.8282178571426 | Take profit: 2112.492048214286 +2025-03-10 13:16:19,628 - INFO - CLOSED long at 2099.99 | PnL: 0.90% | $1.44 +2025-03-10 13:16:19,651 - INFO - OPENED LONG at 2101.64 | Stop loss: 2091.1162678571427 | Take profit: 2133.1878982142857 +2025-03-10 13:16:19,700 - INFO - CLOSED long at 2098.49 | PnL: -0.15% | $-0.46 +2025-03-10 13:16:19,700 - INFO - OPENED SHORT at 2098.49 | Stop loss: 2108.997982142857 | Take profit: 2066.989351785714 +2025-03-10 13:16:19,729 - INFO - CLOSED short at 2099.89 | PnL: -0.07% | $-0.30 +2025-03-10 13:16:19,729 - INFO - OPENED LONG at 2099.89 | Stop loss: 2089.3750178571427 | Take profit: 2131.411648214286 +2025-03-10 13:16:19,751 - INFO - CLOSED long at 2100.89 | PnL: 0.05% | $-0.10 +2025-03-10 13:16:19,751 - INFO - OPENED SHORT at 2100.89 | Stop loss: 2111.409982142857 | Take profit: 2069.353351785714 +2025-03-10 13:16:19,780 - INFO - CLOSED short at 2099.73 | PnL: 0.06% | $-0.08 +2025-03-10 13:16:19,781 - INFO - OPENED LONG at 2099.73 | Stop loss: 2089.215817857143 | Take profit: 2131.249248214286 +2025-03-10 13:16:20,036 - INFO - CLOSED long at 2104.4 | PnL: 0.22% | $0.22 +2025-03-10 13:16:20,059 - INFO - Trade Analysis: Win Rate=10.5% in uptrends, 0.0% in downtrends | Avg Win=$0.66, Avg Loss=$-0.35 +2025-03-10 13:16:20,060 - INFO - Episode 22: Reward=137.40, Balance=$91.62, Win Rate=20.0%, Trades=55, Episode PnL=$-5.90, Total PnL=$-400.02, Max Drawdown=9.1%, Pred Accuracy=99.9% +2025-03-10 13:16:20,060 - ERROR - Error in episode 22: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:16:20,061 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + f"Max Drawdown={env.max_drawdown*100:.1f}%, Pred Accuracy={prediction_accuracy:.1f}%") + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:16:20,082 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:16:20,274 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3315678571428 | Take profit: 2077.3019982142855 +2025-03-10 13:16:20,533 - INFO - CLOSED long at 2048.51 | PnL: 0.09% | $-0.01 +2025-03-10 13:16:20,577 - INFO - OPENED LONG at 2050.0 | Stop loss: 2039.7344678571428 | Take profit: 2080.773298214286 +2025-03-10 13:16:20,812 - INFO - CLOSED long at 2057.01 | PnL: 0.34% | $0.48 +2025-03-10 13:16:20,813 - INFO - OPENED SHORT at 2057.01 | Stop loss: 2067.3105821428576 | Take profit: 2026.1315517857145 +2025-03-10 13:16:20,838 - INFO - CLOSED short at 2056.89 | PnL: 0.01% | $-0.19 +2025-03-10 13:16:20,840 - INFO - OPENED LONG at 2056.89 | Stop loss: 2046.5900178571426 | Take profit: 2087.766648214286 +2025-03-10 13:16:20,860 - INFO - CLOSED long at 2058.39 | PnL: 0.07% | $-0.05 +2025-03-10 13:16:20,860 - INFO - OPENED SHORT at 2058.39 | Stop loss: 2068.697482142857 | Take profit: 2027.490851785714 +2025-03-10 13:16:20,881 - INFO - CLOSED short at 2060.13 | PnL: -0.08% | $-0.37 +2025-03-10 13:16:20,881 - INFO - OPENED LONG at 2060.13 | Stop loss: 2049.813817857143 | Take profit: 2091.055248214286 +2025-03-10 13:16:21,164 - INFO - CLOSED long at 2058.3 | PnL: -0.09% | $-0.37 +2025-03-10 13:16:21,225 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.214982142857 | Take profit: 2030.938351785714 +2025-03-10 13:16:21,272 - INFO - CLOSED short at 2060.31 | PnL: 0.08% | $-0.05 +2025-03-10 13:16:21,272 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.992917857143 | Take profit: 2091.237948214286 +2025-03-10 13:16:21,373 - INFO - CLOSED long at 2057.94 | PnL: -0.12% | $-0.42 +2025-03-10 13:16:21,394 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.803917857143 | Take profit: 2089.004948214286 +2025-03-10 13:16:21,716 - INFO - CLOSED long at 2067.9 | PnL: 0.48% | $0.74 +2025-03-10 13:16:21,716 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.255032142857 | Take profit: 2036.8582017857143 +2025-03-10 13:16:21,744 - INFO - CLOSED short at 2067.69 | PnL: 0.01% | $-0.18 +2025-03-10 13:16:21,745 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.336017857143 | Take profit: 2098.7286482142854 +2025-03-10 13:16:21,851 - INFO - CLOSED long at 2072.91 | PnL: 0.25% | $0.30 +2025-03-10 13:16:21,851 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.290082142857 | Take profit: 2041.793051785714 +2025-03-10 13:16:21,874 - INFO - CLOSED short at 2072.33 | PnL: 0.03% | $-0.14 +2025-03-10 13:16:21,901 - INFO - OPENED LONG at 2071.38 | Stop loss: 2061.007567857143 | Take profit: 2102.4739982142855 +2025-03-10 13:16:22,058 - INFO - CLOSED long at 2068.02 | PnL: -0.16% | $-0.52 +2025-03-10 13:16:22,098 - INFO - OPENED LONG at 2067.2 | Stop loss: 2056.8484678571426 | Take profit: 2098.2312982142853 +2025-03-10 13:16:23,437 - INFO - CLOSED long at 2065.26 | PnL: -0.09% | $-0.38 +2025-03-10 13:16:23,438 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.6018321428573 | Take profit: 2034.2578017857145 +2025-03-10 13:16:23,520 - INFO - CLOSED short at 2068.58 | PnL: -0.16% | $-0.51 +2025-03-10 13:16:23,520 - INFO - OPENED LONG at 2068.58 | Stop loss: 2058.221567857143 | Take profit: 2099.631998214286 +2025-03-10 13:16:23,672 - INFO - CLOSED long at 2070.3 | PnL: 0.08% | $-0.03 +2025-03-10 13:16:23,673 - INFO - OPENED SHORT at 2070.3 | Stop loss: 2080.6670321428574 | Take profit: 2039.2222017857146 +2025-03-10 13:16:23,692 - INFO - CLOSED short at 2071.59 | PnL: -0.06% | $-0.32 +2025-03-10 13:16:23,693 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.216517857143 | Take profit: 2102.687148214286 +2025-03-10 13:16:23,966 - INFO - CLOSED long at 2066.4 | PnL: -0.25% | $-0.68 +2025-03-10 13:16:23,966 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.7475321428574 | Take profit: 2035.3807017857143 +2025-03-10 13:16:23,994 - INFO - CLOSED short at 2066.1 | PnL: 0.01% | $-0.17 +2025-03-10 13:16:23,994 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.753967857143 | Take profit: 2097.1147982142857 +2025-03-10 13:16:25,188 - INFO - CLOSED long at 2063.39 | PnL: -0.13% | $-0.45 +2025-03-10 13:16:25,188 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.722482142857 | Take profit: 2032.415851785714 +2025-03-10 13:16:25,209 - INFO - CLOSED short at 2064.79 | PnL: -0.07% | $-0.32 +2025-03-10 13:16:25,232 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.5450178571427 | Take profit: 2096.9016482142856 +2025-03-10 13:16:25,710 - INFO - STOP LOSS hit for long at 2055.5450178571427 | PnL: -0.50% | $-1.15 +2025-03-10 13:16:25,736 - INFO - OPENED LONG at 2054.83 | Stop loss: 2044.5403178571428 | Take profit: 2085.6757482142852 +2025-03-10 13:16:26,363 - INFO - CLOSED long at 2069.79 | PnL: 0.73% | $1.19 +2025-03-10 13:16:26,388 - INFO - OPENED LONG at 2072.0 | Stop loss: 2061.624467857143 | Take profit: 2103.1032982142856 +2025-03-10 13:16:26,936 - INFO - CLOSED long at 2065.7 | PnL: -0.30% | $-0.77 +2025-03-10 13:16:26,962 - INFO - OPENED LONG at 2065.66 | Stop loss: 2055.316167857143 | Take profit: 2096.6681982142854 +2025-03-10 13:16:26,998 - INFO - CLOSED long at 2063.95 | PnL: -0.08% | $-0.35 +2025-03-10 13:16:27,035 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.6346178571425 | Take profit: 2094.9528482142855 +2025-03-10 13:16:27,922 - INFO - CLOSED long at 2074.0 | PnL: 0.49% | $0.73 +2025-03-10 13:16:27,922 - INFO - OPENED SHORT at 2074.0 | Stop loss: 2084.3855321428573 | Take profit: 2042.8667017857142 +2025-03-10 13:16:27,958 - INFO - CLOSED short at 2072.09 | PnL: 0.09% | $-0.02 +2025-03-10 13:16:27,958 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.714017857143 | Take profit: 2103.1946482142857 +2025-03-10 13:16:27,978 - INFO - CLOSED long at 2069.97 | PnL: -0.10% | $-0.39 +2025-03-10 13:16:28,000 - INFO - OPENED LONG at 2067.7 | Stop loss: 2057.3459678571426 | Take profit: 2098.7387982142855 +2025-03-10 13:16:28,386 - INFO - CLOSED long at 2066.09 | PnL: -0.08% | $-0.34 +2025-03-10 13:16:28,386 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.4359821428575 | Take profit: 2035.0753517857145 +2025-03-10 13:16:28,407 - INFO - CLOSED short at 2063.39 | PnL: 0.13% | $0.06 +2025-03-10 13:16:28,408 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.0575178571426 | Take profit: 2094.3641482142853 +2025-03-10 13:16:28,429 - INFO - CLOSED long at 2062.34 | PnL: -0.05% | $-0.29 +2025-03-10 13:16:28,429 - INFO - OPENED SHORT at 2062.34 | Stop loss: 2072.6672321428573 | Take profit: 2031.3816017857143 +2025-03-10 13:16:28,448 - INFO - CLOSED short at 2063.98 | PnL: -0.08% | $-0.34 +2025-03-10 13:16:28,448 - INFO - OPENED LONG at 2063.98 | Stop loss: 2053.644567857143 | Take profit: 2094.9629982142856 +2025-03-10 13:16:28,471 - INFO - CLOSED long at 2066.1 | PnL: 0.10% | $0.01 +2025-03-10 13:16:28,471 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.446032142857 | Take profit: 2035.0852017857142 +2025-03-10 13:16:28,490 - INFO - CLOSED short at 2065.06 | PnL: 0.05% | $-0.09 +2025-03-10 13:16:28,495 - INFO - OPENED LONG at 2065.06 | Stop loss: 2054.719167857143 | Take profit: 2096.0591982142855 +2025-03-10 13:16:28,738 - INFO - CLOSED long at 2058.65 | PnL: -0.31% | $-0.77 +2025-03-10 13:16:28,786 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.729417857143 | Take profit: 2083.828448214286 +2025-03-10 13:16:28,825 - INFO - CLOSED long at 2049.5 | PnL: -0.17% | $-0.50 +2025-03-10 13:16:28,844 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7145178571427 | Take profit: 2082.7931482142853 +2025-03-10 13:16:29,012 - INFO - CLOSED long at 2062.43 | PnL: 0.51% | $0.76 +2025-03-10 13:16:29,055 - INFO - OPENED LONG at 2062.55 | Stop loss: 2052.221717857143 | Take profit: 2093.511548214286 +2025-03-10 13:16:29,399 - INFO - CLOSED long at 2070.41 | PnL: 0.38% | $0.53 +2025-03-10 13:16:29,431 - INFO - OPENED LONG at 2073.49 | Stop loss: 2063.1070178571426 | Take profit: 2104.6156482142856 +2025-03-10 13:16:29,490 - INFO - CLOSED long at 2072.99 | PnL: -0.02% | $-0.23 +2025-03-10 13:16:29,490 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.370482142857 | Take profit: 2041.871851785714 +2025-03-10 13:16:29,522 - INFO - CLOSED short at 2071.89 | PnL: 0.05% | $-0.09 +2025-03-10 13:16:29,522 - INFO - OPENED LONG at 2071.89 | Stop loss: 2061.5150178571425 | Take profit: 2102.9916482142853 +2025-03-10 13:16:29,590 - INFO - CLOSED long at 2076.08 | PnL: 0.20% | $0.19 +2025-03-10 13:16:29,590 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.475932142857 | Take profit: 2044.9155017857142 +2025-03-10 13:16:29,614 - INFO - CLOSED short at 2077.61 | PnL: -0.07% | $-0.33 +2025-03-10 13:16:29,614 - INFO - OPENED LONG at 2077.61 | Stop loss: 2067.206417857143 | Take profit: 2108.797448214286 +2025-03-10 13:16:29,696 - INFO - TAKE PROFIT hit for long at 2108.797448214286 | PnL: 1.50% | $2.62 +2025-03-10 13:16:29,722 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.826767857143 | Take profit: 2171.6563982142857 +2025-03-10 13:16:29,969 - INFO - STOP LOSS hit for long at 2128.826767857143 | PnL: -0.50% | $-1.15 +2025-03-10 13:16:29,989 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.647967857143 | Take profit: 2159.2327982142856 +2025-03-10 13:16:30,166 - INFO - CLOSED long at 2119.14 | PnL: -0.38% | $-0.92 +2025-03-10 13:16:30,166 - INFO - OPENED SHORT at 2119.14 | Stop loss: 2129.751232142857 | Take profit: 2087.329601785714 +2025-03-10 13:16:30,212 - INFO - CLOSED short at 2119.07 | PnL: 0.00% | $-0.18 +2025-03-10 13:16:30,213 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.459117857143 | Take profit: 2150.8793482142855 +2025-03-10 13:16:30,308 - INFO - STOP LOSS hit for long at 2108.459117857143 | PnL: -0.50% | $-1.13 +2025-03-10 13:16:30,358 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.0314678571426 | Take profit: 2142.282298214285 +2025-03-10 13:16:30,403 - INFO - CLOSED long at 2112.09 | PnL: 0.07% | $-0.05 +2025-03-10 13:16:30,423 - INFO - OPENED LONG at 2112.95 | Stop loss: 2102.369717857143 | Take profit: 2144.6675482142855 +2025-03-10 13:16:30,753 - INFO - STOP LOSS hit for long at 2102.369717857143 | PnL: -0.50% | $-1.11 +2025-03-10 13:16:30,794 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.016817857143 | Take profit: 2131.046248214286 +2025-03-10 13:16:31,075 - INFO - CLOSED long at 2101.51 | PnL: 0.09% | $-0.01 +2025-03-10 13:16:31,077 - INFO - OPENED SHORT at 2101.51 | Stop loss: 2112.0330821428574 | Take profit: 2069.964051785714 +2025-03-10 13:16:31,115 - INFO - CLOSED short at 2099.59 | PnL: 0.09% | $-0.02 +2025-03-10 13:16:31,115 - INFO - OPENED LONG at 2099.59 | Stop loss: 2089.0765178571432 | Take profit: 2131.1071482142856 +2025-03-10 13:16:31,338 - INFO - STOP LOSS hit for long at 2089.0765178571432 | PnL: -0.50% | $-1.10 +2025-03-10 13:16:31,363 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848067857143 | Take profit: 2114.5524982142856 +2025-03-10 13:16:31,397 - INFO - CLOSED long at 2088.44 | PnL: 0.25% | $0.27 +2025-03-10 13:16:31,440 - INFO - OPENED LONG at 2083.97 | Stop loss: 2073.5346178571426 | Take profit: 2115.2528482142857 +2025-03-10 13:16:31,564 - INFO - CLOSED long at 2080.38 | PnL: -0.17% | $-0.49 +2025-03-10 13:16:31,564 - INFO - OPENED SHORT at 2080.38 | Stop loss: 2090.7974321428574 | Take profit: 2049.1510017857145 +2025-03-10 13:16:31,587 - INFO - CLOSED short at 2081.25 | PnL: -0.04% | $-0.26 +2025-03-10 13:16:31,587 - INFO - OPENED LONG at 2081.25 | Stop loss: 2070.8282178571426 | Take profit: 2112.492048214286 +2025-03-10 13:16:32,357 - INFO - CLOSED long at 2106.15 | PnL: 1.20% | $1.97 +2025-03-10 13:16:32,357 - INFO - OPENED SHORT at 2106.15 | Stop loss: 2116.6962821428574 | Take profit: 2074.5344517857143 +2025-03-10 13:16:32,384 - INFO - CLOSED short at 2103.48 | PnL: 0.13% | $0.05 +2025-03-10 13:16:32,384 - INFO - OPENED LONG at 2103.48 | Stop loss: 2092.947067857143 | Take profit: 2135.0554982142858 +2025-03-10 13:16:32,490 - INFO - CLOSED long at 2105.83 | PnL: 0.11% | $0.02 +2025-03-10 13:16:32,515 - INFO - OPENED LONG at 2103.64 | Stop loss: 2093.1062678571425 | Take profit: 2135.2178982142855 +2025-03-10 13:16:32,534 - INFO - CLOSED long at 2105.2 | PnL: 0.07% | $-0.05 +2025-03-10 13:16:32,560 - INFO - OPENED LONG at 2103.52 | Stop loss: 2092.986867857143 | Take profit: 2135.0960982142856 +2025-03-10 13:16:32,633 - INFO - Trade Analysis: Win Rate=13.0% in uptrends, 0.0% in downtrends | Avg Win=$0.66, Avg Loss=$-0.39 +2025-03-10 13:16:32,634 - INFO - Episode 23: Reward=141.02, Balance=$92.62, Win Rate=25.4%, Trades=59, Episode PnL=$-7.92, Total PnL=$-407.40, Max Drawdown=8.9%, Pred Accuracy=99.9% +2025-03-10 13:16:32,635 - ERROR - Error in episode 23: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:16:32,637 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + f"{trade_analysis.get('downtrend_win_rate', 0):.1f}% in downtrends | " + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:16:32,659 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:16:32,948 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3315678571428 | Take profit: 2077.3019982142855 +2025-03-10 13:16:33,148 - INFO - CLOSED long at 2050.0 | PnL: 0.17% | $0.13 +2025-03-10 13:16:33,207 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6250178571427 | Take profit: 2080.661648214286 +2025-03-10 13:16:33,236 - INFO - CLOSED long at 2051.11 | PnL: 0.06% | $-0.08 +2025-03-10 13:16:33,286 - INFO - OPENED LONG at 2053.26 | Stop loss: 2042.9781678571433 | Take profit: 2084.082198214286 +2025-03-10 13:16:33,586 - INFO - CLOSED long at 2064.61 | PnL: 0.55% | $0.90 +2025-03-10 13:16:33,586 - INFO - OPENED SHORT at 2064.61 | Stop loss: 2074.948582142857 | Take profit: 2033.6175517857146 +2025-03-10 13:16:33,633 - INFO - CLOSED short at 2063.59 | PnL: 0.05% | $-0.10 +2025-03-10 13:16:33,633 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.256517857143 | Take profit: 2094.567148214286 +2025-03-10 13:16:33,917 - INFO - CLOSED long at 2059.49 | PnL: -0.20% | $-0.60 +2025-03-10 13:16:33,917 - INFO - OPENED SHORT at 2059.49 | Stop loss: 2069.8029821428568 | Take profit: 2028.574351785714 +2025-03-10 13:16:33,944 - INFO - CLOSED short at 2057.8 | PnL: 0.08% | $-0.04 +2025-03-10 13:16:33,944 - INFO - OPENED LONG at 2057.8 | Stop loss: 2047.495467857143 | Take profit: 2088.6902982142856 +2025-03-10 13:16:34,706 - INFO - CLOSED long at 2070.28 | PnL: 0.61% | $1.01 +2025-03-10 13:16:34,707 - INFO - OPENED SHORT at 2070.28 | Stop loss: 2080.646932142857 | Take profit: 2039.2025017857145 +2025-03-10 13:16:34,734 - INFO - CLOSED short at 2068.02 | PnL: 0.11% | $0.02 +2025-03-10 13:16:34,735 - INFO - OPENED LONG at 2068.02 | Stop loss: 2057.6643678571427 | Take profit: 2099.063598214286 +2025-03-10 13:16:34,757 - INFO - CLOSED long at 2067.2 | PnL: -0.04% | $-0.28 +2025-03-10 13:16:34,757 - INFO - OPENED SHORT at 2067.2 | Stop loss: 2077.551532142857 | Take profit: 2036.1687017857141 +2025-03-10 13:16:34,805 - INFO - CLOSED short at 2070.36 | PnL: -0.15% | $-0.51 +2025-03-10 13:16:34,806 - INFO - OPENED LONG at 2070.36 | Stop loss: 2059.992667857143 | Take profit: 2101.438698214286 +2025-03-10 13:16:35,420 - INFO - CLOSED long at 2071.39 | PnL: 0.05% | $-0.10 +2025-03-10 13:16:35,454 - INFO - OPENED LONG at 2071.36 | Stop loss: 2060.9876678571427 | Take profit: 2102.453698214286 +2025-03-10 13:16:35,670 - INFO - CLOSED long at 2071.92 | PnL: 0.03% | $-0.15 +2025-03-10 13:16:35,671 - INFO - OPENED SHORT at 2071.92 | Stop loss: 2082.2951321428573 | Take profit: 2040.8179017857142 +2025-03-10 13:16:35,723 - INFO - CLOSED short at 2070.4 | PnL: 0.07% | $-0.05 +2025-03-10 13:16:35,724 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.032467857143 | Take profit: 2101.479298214286 +2025-03-10 13:16:36,158 - INFO - CLOSED long at 2067.59 | PnL: -0.14% | $-0.47 +2025-03-10 13:16:36,181 - INFO - OPENED LONG at 2069.2 | Stop loss: 2058.8384678571424 | Take profit: 2100.2612982142855 +2025-03-10 13:16:36,307 - INFO - CLOSED long at 2068.5 | PnL: -0.03% | $-0.26 +2025-03-10 13:16:36,333 - INFO - OPENED LONG at 2068.69 | Stop loss: 2058.331017857143 | Take profit: 2099.7436482142857 +2025-03-10 13:16:36,715 - INFO - CLOSED long at 2065.83 | PnL: -0.14% | $-0.47 +2025-03-10 13:16:36,715 - INFO - OPENED SHORT at 2065.83 | Stop loss: 2076.174682142857 | Take profit: 2034.8192517857142 +2025-03-10 13:16:36,734 - INFO - CLOSED short at 2066.15 | PnL: -0.02% | $-0.23 +2025-03-10 13:16:36,734 - INFO - OPENED LONG at 2066.15 | Stop loss: 2055.803717857143 | Take profit: 2097.1655482142855 +2025-03-10 13:16:37,059 - INFO - CLOSED long at 2064.08 | PnL: -0.10% | $-0.39 +2025-03-10 13:16:37,059 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.415932142857 | Take profit: 2033.095501785714 +2025-03-10 13:16:37,091 - INFO - CLOSED short at 2062.71 | PnL: 0.07% | $-0.07 +2025-03-10 13:16:37,091 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.380917857143 | Take profit: 2093.6739482142857 +2025-03-10 13:16:37,873 - INFO - CLOSED long at 2059.46 | PnL: -0.16% | $-0.50 +2025-03-10 13:16:37,874 - INFO - OPENED SHORT at 2059.46 | Stop loss: 2069.772832142857 | Take profit: 2028.5448017857143 +2025-03-10 13:16:37,899 - INFO - CLOSED short at 2057.4 | PnL: 0.10% | $0.00 +2025-03-10 13:16:37,899 - INFO - OPENED LONG at 2057.4 | Stop loss: 2047.097467857143 | Take profit: 2088.284298214286 +2025-03-10 13:16:38,470 - INFO - CLOSED long at 2065.69 | PnL: 0.40% | $0.59 +2025-03-10 13:16:38,471 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.0339821428574 | Take profit: 2034.6813517857142 +2025-03-10 13:16:38,510 - INFO - CLOSED short at 2069.79 | PnL: -0.20% | $-0.58 +2025-03-10 13:16:38,510 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.425517857143 | Take profit: 2100.860148214286 +2025-03-10 13:16:38,613 - INFO - CLOSED long at 2075.01 | PnL: 0.25% | $0.30 +2025-03-10 13:16:38,628 - INFO - OPENED SHORT at 2072.6 | Stop loss: 2082.9785321428567 | Take profit: 2041.4877017857143 +2025-03-10 13:16:38,650 - INFO - CLOSED short at 2071.04 | PnL: 0.08% | $-0.05 +2025-03-10 13:16:38,651 - INFO - OPENED LONG at 2071.04 | Stop loss: 2060.669267857143 | Take profit: 2102.1288982142855 +2025-03-10 13:16:38,691 - INFO - CLOSED long at 2071.6 | PnL: 0.03% | $-0.14 +2025-03-10 13:16:38,691 - INFO - OPENED SHORT at 2071.6 | Stop loss: 2081.973532142857 | Take profit: 2040.5027017857142 +2025-03-10 13:16:38,712 - INFO - CLOSED short at 2073.23 | PnL: -0.08% | $-0.35 +2025-03-10 13:16:38,712 - INFO - OPENED LONG at 2073.23 | Stop loss: 2062.848317857143 | Take profit: 2104.3517482142856 +2025-03-10 13:16:38,781 - INFO - CLOSED long at 2068.39 | PnL: -0.23% | $-0.65 +2025-03-10 13:16:38,825 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.3260178571427 | Take profit: 2100.758648214286 +2025-03-10 13:16:39,053 - INFO - CLOSED long at 2065.7 | PnL: -0.19% | $-0.56 +2025-03-10 13:16:39,073 - INFO - OPENED LONG at 2065.66 | Stop loss: 2055.316167857143 | Take profit: 2096.6681982142854 +2025-03-10 13:16:39,108 - INFO - CLOSED long at 2063.97 | PnL: -0.08% | $-0.35 +2025-03-10 13:16:39,134 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.161967857143 | Take profit: 2095.490798214286 +2025-03-10 13:16:39,827 - INFO - CLOSED long at 2074.35 | PnL: 0.48% | $0.72 +2025-03-10 13:16:39,828 - INFO - OPENED SHORT at 2074.35 | Stop loss: 2084.7372821428567 | Take profit: 2043.2114517857142 +2025-03-10 13:16:39,848 - INFO - CLOSED short at 2073.27 | PnL: 0.05% | $-0.09 +2025-03-10 13:16:39,849 - INFO - OPENED LONG at 2073.27 | Stop loss: 2062.888117857143 | Take profit: 2104.3923482142854 +2025-03-10 13:16:40,217 - INFO - CLOSED long at 2068.1 | PnL: -0.25% | $-0.67 +2025-03-10 13:16:40,245 - INFO - OPENED LONG at 2069.0 | Stop loss: 2058.639467857143 | Take profit: 2100.058298214286 +2025-03-10 13:16:40,300 - INFO - CLOSED long at 2067.19 | PnL: -0.09% | $-0.36 +2025-03-10 13:16:40,301 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.541482142857 | Take profit: 2036.1588517857142 +2025-03-10 13:16:40,321 - INFO - CLOSED short at 2065.5 | PnL: 0.08% | $-0.03 +2025-03-10 13:16:40,322 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1569678571427 | Take profit: 2096.5057982142857 +2025-03-10 13:16:40,726 - INFO - CLOSED long at 2058.09 | PnL: -0.36% | $-0.87 +2025-03-10 13:16:40,752 - INFO - OPENED LONG at 2058.65 | Stop loss: 2048.341217857143 | Take profit: 2089.553048214286 +2025-03-10 13:16:41,064 - INFO - CLOSED long at 2062.43 | PnL: 0.18% | $0.16 +2025-03-10 13:16:41,064 - INFO - OPENED SHORT at 2062.43 | Stop loss: 2072.757682142857 | Take profit: 2031.470251785714 +2025-03-10 13:16:41,086 - INFO - CLOSED short at 2062.55 | PnL: -0.01% | $-0.20 +2025-03-10 13:16:41,086 - INFO - OPENED LONG at 2062.55 | Stop loss: 2052.221717857143 | Take profit: 2093.511548214286 +2025-03-10 13:16:41,375 - INFO - CLOSED long at 2069.81 | PnL: 0.35% | $0.47 +2025-03-10 13:16:41,393 - INFO - OPENED LONG at 2070.41 | Stop loss: 2060.042417857143 | Take profit: 2101.489448214286 +2025-03-10 13:16:41,477 - INFO - CLOSED long at 2071.89 | PnL: 0.07% | $-0.05 +2025-03-10 13:16:41,537 - INFO - OPENED LONG at 2076.08 | Stop loss: 2065.684067857143 | Take profit: 2107.2444982142856 +2025-03-10 13:16:41,639 - INFO - CLOSED long at 2130.7 | PnL: 2.63% | $4.78 +2025-03-10 13:16:41,662 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.826767857143 | Take profit: 2171.6563982142857 +2025-03-10 13:16:41,832 - INFO - STOP LOSS hit for long at 2128.826767857143 | PnL: -0.50% | $-1.19 +2025-03-10 13:16:41,856 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.647967857143 | Take profit: 2159.2327982142856 +2025-03-10 13:16:42,053 - INFO - STOP LOSS hit for long at 2116.647967857143 | PnL: -0.50% | $-1.18 +2025-03-10 13:16:42,080 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8773178571428 | Take profit: 2139.0647482142854 +2025-03-10 13:16:42,204 - INFO - CLOSED long at 2113.24 | PnL: 0.28% | $0.34 +2025-03-10 13:16:42,228 - INFO - OPENED LONG at 2112.99 | Stop loss: 2102.4095178571424 | Take profit: 2144.7081482142853 +2025-03-10 13:16:42,292 - INFO - CLOSED long at 2114.8 | PnL: 0.09% | $-0.03 +2025-03-10 13:16:42,312 - INFO - OPENED LONG at 2110.9 | Stop loss: 2100.329967857143 | Take profit: 2142.586798214286 +2025-03-10 13:16:42,427 - INFO - STOP LOSS hit for long at 2100.329967857143 | PnL: -0.50% | $-1.17 +2025-03-10 13:16:42,453 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.016817857143 | Take profit: 2131.046248214286 +2025-03-10 13:16:42,554 - INFO - CLOSED long at 2098.9 | PnL: -0.03% | $-0.25 +2025-03-10 13:16:42,578 - INFO - OPENED LONG at 2100.69 | Stop loss: 2090.171017857143 | Take profit: 2132.2236482142857 +2025-03-10 13:16:42,929 - INFO - STOP LOSS hit for long at 2090.171017857143 | PnL: -0.50% | $-1.15 +2025-03-10 13:16:42,953 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848067857143 | Take profit: 2114.5524982142856 +2025-03-10 13:16:43,070 - INFO - CLOSED long at 2080.38 | PnL: -0.14% | $-0.45 +2025-03-10 13:16:43,070 - INFO - OPENED SHORT at 2080.38 | Stop loss: 2090.7974321428574 | Take profit: 2049.1510017857145 +2025-03-10 13:16:43,092 - INFO - CLOSED short at 2081.25 | PnL: -0.04% | $-0.27 +2025-03-10 13:16:43,092 - INFO - OPENED LONG at 2081.25 | Stop loss: 2070.8282178571426 | Take profit: 2112.492048214286 +2025-03-10 13:16:43,669 - INFO - CLOSED long at 2098.49 | PnL: 0.83% | $1.37 +2025-03-10 13:16:43,710 - INFO - OPENED LONG at 2100.89 | Stop loss: 2090.370017857143 | Take profit: 2132.4266482142853 +2025-03-10 13:16:43,963 - INFO - Trade Analysis: Win Rate=10.5% in uptrends, 0.0% in downtrends | Avg Win=$0.83, Avg Loss=$-0.39 +2025-03-10 13:16:43,964 - INFO - Episode 24: Reward=151.47, Balance=$95.85, Win Rate=25.5%, Trades=51, Episode PnL=$-4.18, Total PnL=$-411.55, Max Drawdown=5.7%, Pred Accuracy=99.8% +2025-03-10 13:16:43,964 - ERROR - Error in episode 24: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:16:43,965 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + f"{trade_analysis.get('downtrend_win_rate', 0):.1f}% in downtrends | " + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:16:43,985 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:16:44,248 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3315678571428 | Take profit: 2077.3019982142855 +2025-03-10 13:16:44,632 - INFO - CLOSED long at 2056.89 | PnL: 0.50% | $0.80 +2025-03-10 13:16:44,664 - INFO - OPENED LONG at 2058.39 | Stop loss: 2048.0825178571426 | Take profit: 2089.289148214286 +2025-03-10 13:16:44,975 - INFO - CLOSED long at 2061.89 | PnL: 0.17% | $0.14 +2025-03-10 13:16:44,975 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.214982142857 | Take profit: 2030.938351785714 +2025-03-10 13:16:45,012 - INFO - CLOSED short at 2062.89 | PnL: -0.05% | $-0.30 +2025-03-10 13:16:45,013 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.5600178571426 | Take profit: 2093.8566482142855 +2025-03-10 13:16:45,164 - INFO - CLOSED long at 2057.94 | PnL: -0.24% | $-0.68 +2025-03-10 13:16:45,164 - INFO - OPENED SHORT at 2057.94 | Stop loss: 2068.2452321428573 | Take profit: 2027.0476017857145 +2025-03-10 13:16:45,185 - INFO - CLOSED short at 2058.11 | PnL: -0.01% | $-0.21 +2025-03-10 13:16:45,185 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.803917857143 | Take profit: 2089.004948214286 +2025-03-10 13:16:45,485 - INFO - CLOSED long at 2068.65 | PnL: 0.51% | $0.82 +2025-03-10 13:16:45,485 - INFO - OPENED SHORT at 2068.65 | Stop loss: 2079.0087821428574 | Take profit: 2037.5969517857145 +2025-03-10 13:16:45,519 - INFO - CLOSED short at 2068.99 | PnL: -0.02% | $-0.23 +2025-03-10 13:16:45,555 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.255032142857 | Take profit: 2036.8582017857143 +2025-03-10 13:16:45,582 - INFO - CLOSED short at 2067.69 | PnL: 0.01% | $-0.18 +2025-03-10 13:16:45,582 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.336017857143 | Take profit: 2098.7286482142854 +2025-03-10 13:16:45,602 - INFO - CLOSED long at 2070.26 | PnL: 0.12% | $0.05 +2025-03-10 13:16:45,627 - INFO - OPENED LONG at 2071.44 | Stop loss: 2061.0672678571427 | Take profit: 2102.534898214286 +2025-03-10 13:16:46,021 - INFO - CLOSED long at 2070.7 | PnL: -0.04% | $-0.27 +2025-03-10 13:16:46,042 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.977767857143 | Take profit: 2100.4033982142855 +2025-03-10 13:16:46,099 - INFO - CLOSED long at 2067.6 | PnL: -0.08% | $-0.37 +2025-03-10 13:16:46,125 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.156917857143 | Take profit: 2098.5459482142855 +2025-03-10 13:16:46,307 - INFO - CLOSED long at 2066.18 | PnL: -0.06% | $-0.32 +2025-03-10 13:16:46,307 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.526432142857 | Take profit: 2035.1640017857142 +2025-03-10 13:16:46,369 - INFO - CLOSED short at 2068.9 | PnL: -0.13% | $-0.46 +2025-03-10 13:16:46,369 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.539967857143 | Take profit: 2099.956798214286 +2025-03-10 13:16:46,517 - INFO - CLOSED long at 2071.39 | PnL: 0.12% | $0.04 +2025-03-10 13:16:46,518 - INFO - OPENED SHORT at 2071.39 | Stop loss: 2081.762482142857 | Take profit: 2040.2958517857141 +2025-03-10 13:16:46,555 - INFO - CLOSED short at 2072.75 | PnL: -0.07% | $-0.32 +2025-03-10 13:16:46,588 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.728917857143 | Take profit: 2104.2299482142857 +2025-03-10 13:16:46,758 - INFO - CLOSED long at 2070.4 | PnL: -0.13% | $-0.45 +2025-03-10 13:16:46,780 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.738917857143 | Take profit: 2102.199948214286 +2025-03-10 13:16:46,903 - INFO - CLOSED long at 2066.8 | PnL: -0.21% | $-0.60 +2025-03-10 13:16:46,903 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.1495321428574 | Take profit: 2035.7747017857143 +2025-03-10 13:16:46,925 - INFO - CLOSED short at 2065.49 | PnL: 0.06% | $-0.07 +2025-03-10 13:16:46,925 - INFO - OPENED LONG at 2065.49 | Stop loss: 2055.1470178571426 | Take profit: 2096.4956482142857 +2025-03-10 13:16:47,101 - INFO - CLOSED long at 2067.86 | PnL: 0.11% | $0.03 +2025-03-10 13:16:47,125 - INFO - OPENED LONG at 2067.59 | Stop loss: 2057.236517857143 | Take profit: 2098.6271482142856 +2025-03-10 13:16:47,693 - INFO - CLOSED long at 2062.65 | PnL: -0.24% | $-0.66 +2025-03-10 13:16:47,710 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.4555678571433 | Take profit: 2092.729998214286 +2025-03-10 13:16:48,112 - INFO - CLOSED long at 2058.89 | PnL: -0.14% | $-0.46 +2025-03-10 13:16:48,112 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.199982142857 | Take profit: 2027.9833517857144 +2025-03-10 13:16:48,135 - INFO - CLOSED short at 2059.3 | PnL: -0.02% | $-0.23 +2025-03-10 13:16:48,135 - INFO - OPENED LONG at 2059.3 | Stop loss: 2048.987967857143 | Take profit: 2090.212798214286 +2025-03-10 13:16:48,454 - INFO - CLOSED long at 2064.33 | PnL: 0.24% | $0.28 +2025-03-10 13:16:48,454 - INFO - OPENED SHORT at 2064.33 | Stop loss: 2074.667182142857 | Take profit: 2033.3417517857142 +2025-03-10 13:16:48,480 - INFO - CLOSED short at 2063.39 | PnL: 0.05% | $-0.10 +2025-03-10 13:16:48,480 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.0575178571426 | Take profit: 2094.3641482142853 +2025-03-10 13:16:48,552 - INFO - CLOSED long at 2063.53 | PnL: 0.01% | $-0.18 +2025-03-10 13:16:48,594 - INFO - OPENED LONG at 2063.0 | Stop loss: 2052.6694678571425 | Take profit: 2093.968298214286 +2025-03-10 13:16:48,700 - INFO - CLOSED long at 2061.7 | PnL: -0.06% | $-0.31 +2025-03-10 13:16:48,701 - INFO - OPENED SHORT at 2061.7 | Stop loss: 2072.024032142857 | Take profit: 2030.751201785714 +2025-03-10 13:16:48,737 - INFO - CLOSED short at 2060.7 | PnL: 0.05% | $-0.10 +2025-03-10 13:16:48,738 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3809678571424 | Take profit: 2091.633798214286 +2025-03-10 13:16:48,832 - INFO - CLOSED long at 2059.02 | PnL: -0.08% | $-0.34 +2025-03-10 13:16:48,857 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.5800178571426 | Take profit: 2089.7966482142856 +2025-03-10 13:16:48,879 - INFO - CLOSED long at 2059.96 | PnL: 0.05% | $-0.09 +2025-03-10 13:16:48,880 - INFO - OPENED SHORT at 2059.96 | Stop loss: 2070.275332142857 | Take profit: 2029.0373017857144 +2025-03-10 13:16:48,904 - INFO - CLOSED short at 2059.46 | PnL: 0.02% | $-0.14 +2025-03-10 13:16:48,904 - INFO - OPENED LONG at 2059.46 | Stop loss: 2049.147167857143 | Take profit: 2090.375198214286 +2025-03-10 13:16:49,987 - INFO - CLOSED long at 2069.03 | PnL: 0.46% | $0.69 +2025-03-10 13:16:50,005 - INFO - OPENED LONG at 2067.44 | Stop loss: 2057.0872678571427 | Take profit: 2098.4748982142855 +2025-03-10 13:16:50,769 - INFO - CLOSED long at 2070.61 | PnL: 0.15% | $0.10 +2025-03-10 13:16:50,791 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.614517857143 | Take profit: 2103.0931482142855 +2025-03-10 13:16:51,246 - INFO - CLOSED long at 2067.7 | PnL: -0.21% | $-0.58 +2025-03-10 13:16:51,274 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.649467857143 | Take profit: 2098.0282982142858 +2025-03-10 13:16:51,442 - INFO - CLOSED long at 2065.45 | PnL: -0.07% | $-0.33 +2025-03-10 13:16:51,479 - INFO - OPENED LONG at 2068.1 | Stop loss: 2057.7439678571427 | Take profit: 2099.1447982142854 +2025-03-10 13:16:51,558 - INFO - CLOSED long at 2070.1 | PnL: 0.10% | $-0.01 +2025-03-10 13:16:51,582 - INFO - OPENED LONG at 2067.19 | Stop loss: 2056.838517857143 | Take profit: 2098.2211482142857 +2025-03-10 13:16:52,111 - INFO - STOP LOSS hit for long at 2056.838517857143 | PnL: -0.50% | $-1.13 +2025-03-10 13:16:52,132 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.729417857143 | Take profit: 2083.828448214286 +2025-03-10 13:16:52,415 - INFO - CLOSED long at 2062.43 | PnL: 0.46% | $0.67 +2025-03-10 13:16:52,415 - INFO - OPENED SHORT at 2062.43 | Stop loss: 2072.757682142857 | Take profit: 2031.470251785714 +2025-03-10 13:16:52,441 - INFO - CLOSED short at 2062.55 | PnL: -0.01% | $-0.20 +2025-03-10 13:16:52,442 - INFO - OPENED LONG at 2062.55 | Stop loss: 2052.221717857143 | Take profit: 2093.511548214286 +2025-03-10 13:16:53,129 - INFO - TAKE PROFIT hit for long at 2093.511548214286 | PnL: 1.50% | $2.62 +2025-03-10 13:16:53,156 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.0309678571425 | Take profit: 2162.6837982142856 +2025-03-10 13:16:53,514 - INFO - STOP LOSS hit for long at 2120.0309678571425 | PnL: -0.50% | $-1.16 +2025-03-10 13:16:53,548 - INFO - OPENED SHORT at 2119.93 | Stop loss: 2130.545182142857 | Take profit: 2088.1077517857143 +2025-03-10 13:16:53,568 - INFO - CLOSED short at 2121.4 | PnL: -0.07% | $-0.32 +2025-03-10 13:16:53,568 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.777467857143 | Take profit: 2153.2442982142857 +2025-03-10 13:16:53,666 - INFO - STOP LOSS hit for long at 2110.777467857143 | PnL: -0.50% | $-1.14 +2025-03-10 13:16:53,689 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.0314678571426 | Take profit: 2142.282298214285 +2025-03-10 13:16:53,950 - INFO - CLOSED long at 2108.71 | PnL: -0.09% | $-0.35 +2025-03-10 13:16:53,975 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.9420178571427 | Take profit: 2138.1106482142854 +2025-03-10 13:16:54,053 - INFO - STOP LOSS hit for long at 2095.9420178571427 | PnL: -0.50% | $-1.12 +2025-03-10 13:16:54,073 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.016817857143 | Take profit: 2131.046248214286 +2025-03-10 13:16:54,330 - INFO - CLOSED long at 2104.68 | PnL: 0.25% | $0.27 +2025-03-10 13:16:54,357 - INFO - OPENED LONG at 2101.51 | Stop loss: 2090.986917857143 | Take profit: 2133.0559482142858 +2025-03-10 13:16:54,555 - INFO - STOP LOSS hit for long at 2090.986917857143 | PnL: -0.50% | $-1.11 +2025-03-10 13:16:54,610 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.9822678571427 | Take profit: 2119.789898214286 +2025-03-10 13:16:54,777 - INFO - CLOSED long at 2083.41 | PnL: -0.24% | $-0.62 +2025-03-10 13:16:54,797 - INFO - OPENED LONG at 2085.09 | Stop loss: 2074.649017857143 | Take profit: 2116.389648214286 +2025-03-10 13:16:55,151 - INFO - CLOSED long at 2085.67 | PnL: 0.03% | $-0.13 +2025-03-10 13:16:55,151 - INFO - OPENED SHORT at 2085.67 | Stop loss: 2096.113882142857 | Take profit: 2054.3616517857145 +2025-03-10 13:16:55,177 - INFO - CLOSED short at 2089.2 | PnL: -0.17% | $-0.49 +2025-03-10 13:16:55,178 - INFO - OPENED LONG at 2089.2 | Stop loss: 2078.738467857143 | Take profit: 2120.5612982142857 +2025-03-10 13:16:55,654 - INFO - CLOSED long at 2103.52 | PnL: 0.69% | $1.05 +2025-03-10 13:16:55,679 - INFO - OPENED LONG at 2104.4 | Stop loss: 2093.862467857143 | Take profit: 2135.989298214286 +2025-03-10 13:16:55,697 - INFO - Trade Analysis: Win Rate=5.6% in uptrends, 0.0% in downtrends | Avg Win=$0.58, Avg Loss=$-0.43 +2025-03-10 13:16:55,698 - INFO - Episode 25: Reward=148.82, Balance=$91.78, Win Rate=26.0%, Trades=50, Episode PnL=$-7.57, Total PnL=$-419.78, Max Drawdown=9.4%, Pred Accuracy=100.0% +2025-03-10 13:16:55,699 - ERROR - Error in episode 25: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:16:55,699 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + f"{trade_analysis.get('downtrend_win_rate', 0):.1f}% in downtrends | " + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:16:55,719 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:16:56,028 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3315678571428 | Take profit: 2077.3019982142855 +2025-03-10 13:16:56,256 - INFO - CLOSED long at 2050.24 | PnL: 0.18% | $0.16 +2025-03-10 13:16:56,256 - INFO - OPENED SHORT at 2050.24 | Stop loss: 2060.506732142857 | Take profit: 2019.4631017857141 +2025-03-10 13:16:56,283 - INFO - CLOSED short at 2049.89 | PnL: 0.02% | $-0.16 +2025-03-10 13:16:56,283 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6250178571427 | Take profit: 2080.661648214286 +2025-03-10 13:16:57,366 - INFO - CLOSED long at 2075.1 | PnL: 1.23% | $2.24 +2025-03-10 13:16:57,401 - INFO - OPENED LONG at 2072.91 | Stop loss: 2062.5299178571427 | Take profit: 2104.0269482142853 +2025-03-10 13:16:57,828 - INFO - CLOSED long at 2067.51 | PnL: -0.26% | $-0.73 +2025-03-10 13:16:57,828 - INFO - OPENED SHORT at 2067.51 | Stop loss: 2077.8630821428574 | Take profit: 2036.4740517857144 +2025-03-10 13:16:57,864 - INFO - CLOSED short at 2069.01 | PnL: -0.07% | $-0.35 +2025-03-10 13:16:57,864 - INFO - OPENED LONG at 2069.01 | Stop loss: 2058.6494178571434 | Take profit: 2100.068448214286 +2025-03-10 13:16:58,454 - INFO - CLOSED long at 2071.92 | PnL: 0.14% | $0.08 +2025-03-10 13:16:58,454 - INFO - OPENED SHORT at 2071.92 | Stop loss: 2082.2951321428573 | Take profit: 2040.8179017857142 +2025-03-10 13:16:58,474 - INFO - CLOSED short at 2070.4 | PnL: 0.07% | $-0.05 +2025-03-10 13:16:58,474 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.032467857143 | Take profit: 2101.479298214286 +2025-03-10 13:16:58,594 - INFO - CLOSED long at 2067.79 | PnL: -0.13% | $-0.45 +2025-03-10 13:16:58,595 - INFO - OPENED SHORT at 2067.79 | Stop loss: 2078.144482142857 | Take profit: 2036.7498517857143 +2025-03-10 13:16:58,628 - INFO - CLOSED short at 2067.46 | PnL: 0.02% | $-0.17 +2025-03-10 13:16:58,629 - INFO - OPENED LONG at 2067.46 | Stop loss: 2057.107167857143 | Take profit: 2098.4951982142857 +2025-03-10 13:16:58,729 - INFO - CLOSED long at 2063.61 | PnL: -0.19% | $-0.57 +2025-03-10 13:16:58,729 - INFO - OPENED SHORT at 2063.61 | Stop loss: 2073.9435821428574 | Take profit: 2032.6325517857144 +2025-03-10 13:16:58,754 - INFO - CLOSED short at 2065.26 | PnL: -0.08% | $-0.36 +2025-03-10 13:16:58,754 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.918167857143 | Take profit: 2096.262198214286 +2025-03-10 13:16:58,799 - INFO - CLOSED long at 2068.58 | PnL: 0.16% | $0.12 +2025-03-10 13:16:58,819 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.440467857143 | Take profit: 2099.855298214286 +2025-03-10 13:16:58,902 - INFO - CLOSED long at 2069.2 | PnL: 0.02% | $-0.16 +2025-03-10 13:16:58,903 - INFO - OPENED SHORT at 2069.2 | Stop loss: 2079.561532142857 | Take profit: 2038.1387017857141 +2025-03-10 13:16:58,924 - INFO - CLOSED short at 2070.3 | PnL: -0.05% | $-0.30 +2025-03-10 13:16:58,924 - INFO - OPENED LONG at 2070.3 | Stop loss: 2059.932967857143 | Take profit: 2101.377798214286 +2025-03-10 13:16:59,537 - INFO - CLOSED long at 2062.65 | PnL: -0.37% | $-0.93 +2025-03-10 13:16:59,537 - INFO - OPENED SHORT at 2062.65 | Stop loss: 2072.978782142857 | Take profit: 2031.6869517857142 +2025-03-10 13:16:59,559 - INFO - CLOSED short at 2061.78 | PnL: 0.04% | $-0.11 +2025-03-10 13:16:59,559 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.4555678571433 | Take profit: 2092.729998214286 +2025-03-10 13:17:00,518 - INFO - CLOSED long at 2061.7 | PnL: -0.00% | $-0.20 +2025-03-10 13:17:00,538 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3809678571424 | Take profit: 2091.633798214286 +2025-03-10 13:17:00,672 - INFO - CLOSED long at 2059.02 | PnL: -0.08% | $-0.35 +2025-03-10 13:17:00,713 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.5800178571426 | Take profit: 2089.7966482142856 +2025-03-10 13:17:00,804 - INFO - CLOSED long at 2058.28 | PnL: -0.03% | $-0.25 +2025-03-10 13:17:00,805 - INFO - OPENED SHORT at 2058.28 | Stop loss: 2068.586932142857 | Take profit: 2027.3825017857146 +2025-03-10 13:17:00,826 - INFO - CLOSED short at 2056.28 | PnL: 0.10% | $-0.01 +2025-03-10 13:17:00,826 - INFO - OPENED LONG at 2056.28 | Stop loss: 2045.9830678571432 | Take profit: 2087.147498214286 +2025-03-10 13:17:01,218 - INFO - CLOSED long at 2064.49 | PnL: 0.40% | $0.58 +2025-03-10 13:17:01,251 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.982817857143 | Take profit: 2097.348248214286 +2025-03-10 13:17:01,352 - INFO - CLOSED long at 2065.69 | PnL: -0.03% | $-0.25 +2025-03-10 13:17:01,352 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.0339821428574 | Take profit: 2034.6813517857142 +2025-03-10 13:17:01,369 - INFO - CLOSED short at 2069.79 | PnL: -0.20% | $-0.58 +2025-03-10 13:17:01,369 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.425517857143 | Take profit: 2100.860148214286 +2025-03-10 13:17:01,403 - INFO - CLOSED long at 2072.0 | PnL: 0.11% | $0.01 +2025-03-10 13:17:01,403 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3755321428575 | Take profit: 2040.8967017857144 +2025-03-10 13:17:01,443 - INFO - CLOSED short at 2074.3 | PnL: -0.11% | $-0.41 +2025-03-10 13:17:01,443 - INFO - OPENED LONG at 2074.3 | Stop loss: 2063.912967857143 | Take profit: 2105.437798214286 +2025-03-10 13:17:01,607 - INFO - CLOSED long at 2071.6 | PnL: -0.13% | $-0.44 +2025-03-10 13:17:01,626 - INFO - OPENED LONG at 2073.23 | Stop loss: 2062.848317857143 | Take profit: 2104.3517482142856 +2025-03-10 13:17:02,400 - INFO - CLOSED long at 2070.7 | PnL: -0.12% | $-0.42 +2025-03-10 13:17:02,400 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.069032142857 | Take profit: 2039.6162017857139 +2025-03-10 13:17:02,420 - INFO - CLOSED short at 2070.8 | PnL: -0.00% | $-0.20 +2025-03-10 13:17:02,420 - INFO - OPENED LONG at 2070.8 | Stop loss: 2060.430467857143 | Take profit: 2101.885298214286 +2025-03-10 13:17:02,519 - INFO - CLOSED long at 2068.67 | PnL: -0.10% | $-0.39 +2025-03-10 13:17:02,548 - INFO - OPENED LONG at 2070.67 | Stop loss: 2060.301117857143 | Take profit: 2101.753348214286 +2025-03-10 13:17:02,957 - INFO - CLOSED long at 2066.4 | PnL: -0.21% | $-0.58 +2025-03-10 13:17:02,957 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.7475321428574 | Take profit: 2035.3807017857143 +2025-03-10 13:17:02,991 - INFO - CLOSED short at 2066.89 | PnL: -0.02% | $-0.23 +2025-03-10 13:17:02,991 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.5400178571426 | Take profit: 2097.9166482142855 +2025-03-10 13:17:03,271 - INFO - CLOSED long at 2065.8 | PnL: -0.05% | $-0.29 +2025-03-10 13:17:03,272 - INFO - OPENED SHORT at 2065.8 | Stop loss: 2076.1445321428573 | Take profit: 2034.7897017857144 +2025-03-10 13:17:03,296 - INFO - CLOSED short at 2065.07 | PnL: 0.04% | $-0.12 +2025-03-10 13:17:03,296 - INFO - OPENED LONG at 2065.07 | Stop loss: 2054.729117857143 | Take profit: 2096.069348214286 +2025-03-10 13:17:03,392 - INFO - CLOSED long at 2063.98 | PnL: -0.05% | $-0.29 +2025-03-10 13:17:03,392 - INFO - OPENED SHORT at 2063.98 | Stop loss: 2074.315432142857 | Take profit: 2032.9970017857142 +2025-03-10 13:17:03,430 - INFO - CLOSED short at 2066.1 | PnL: -0.10% | $-0.38 +2025-03-10 13:17:03,430 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.753967857143 | Take profit: 2097.1147982142857 +2025-03-10 13:17:03,734 - INFO - STOP LOSS hit for long at 2055.753967857143 | PnL: -0.50% | $-1.11 +2025-03-10 13:17:03,758 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.9484178571429 | Take profit: 2079.971448214286 +2025-03-10 13:17:03,784 - INFO - CLOSED long at 2049.5 | PnL: 0.01% | $-0.16 +2025-03-10 13:17:03,820 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7145178571427 | Take profit: 2082.7931482142853 +2025-03-10 13:17:04,017 - INFO - CLOSED long at 2062.43 | PnL: 0.51% | $0.75 +2025-03-10 13:17:04,042 - INFO - OPENED LONG at 2062.55 | Stop loss: 2052.221717857143 | Take profit: 2093.511548214286 +2025-03-10 13:17:04,058 - INFO - CLOSED long at 2065.12 | PnL: 0.12% | $0.05 +2025-03-10 13:17:04,083 - INFO - OPENED LONG at 2068.33 | Stop loss: 2057.9728178571427 | Take profit: 2099.3782482142856 +2025-03-10 13:17:04,105 - INFO - CLOSED long at 2067.49 | PnL: -0.04% | $-0.26 +2025-03-10 13:17:04,105 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8429821428567 | Take profit: 2036.4543517857142 +2025-03-10 13:17:04,125 - INFO - CLOSED short at 2066.59 | PnL: 0.04% | $-0.10 +2025-03-10 13:17:04,125 - INFO - OPENED LONG at 2066.59 | Stop loss: 2056.241517857143 | Take profit: 2097.612148214286 +2025-03-10 13:17:04,261 - INFO - CLOSED long at 2061.84 | PnL: -0.23% | $-0.61 +2025-03-10 13:17:04,261 - INFO - OPENED SHORT at 2061.84 | Stop loss: 2072.1647321428572 | Take profit: 2030.8891017857145 +2025-03-10 13:17:04,293 - INFO - CLOSED short at 2062.54 | PnL: -0.03% | $-0.24 +2025-03-10 13:17:04,293 - INFO - OPENED LONG at 2062.54 | Stop loss: 2052.211767857143 | Take profit: 2093.5013982142855 +2025-03-10 13:17:04,546 - INFO - CLOSED long at 2074.9 | PnL: 0.60% | $0.91 +2025-03-10 13:17:04,578 - INFO - OPENED LONG at 2076.08 | Stop loss: 2065.684067857143 | Take profit: 2107.2444982142856 +2025-03-10 13:17:04,729 - INFO - TAKE PROFIT hit for long at 2107.2444982142856 | PnL: 1.50% | $2.58 +2025-03-10 13:17:04,754 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.826767857143 | Take profit: 2171.6563982142857 +2025-03-10 13:17:04,869 - INFO - CLOSED long at 2142.68 | PnL: 0.15% | $0.09 +2025-03-10 13:17:04,890 - INFO - OPENED LONG at 2140.01 | Stop loss: 2129.294417857143 | Take profit: 2172.133448214286 +2025-03-10 13:17:04,931 - INFO - STOP LOSS hit for long at 2129.294417857143 | PnL: -0.50% | $-1.14 +2025-03-10 13:17:04,954 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.647967857143 | Take profit: 2159.2327982142856 +2025-03-10 13:17:05,219 - INFO - STOP LOSS hit for long at 2116.647967857143 | PnL: -0.50% | $-1.12 +2025-03-10 13:17:05,241 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.8773178571428 | Take profit: 2139.0647482142854 +2025-03-10 13:17:05,262 - INFO - CLOSED long at 2110.6 | PnL: 0.15% | $0.09 +2025-03-10 13:17:05,263 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1685321428567 | Take profit: 2078.917701785714 +2025-03-10 13:17:05,287 - INFO - CLOSED short at 2109.05 | PnL: 0.07% | $-0.05 +2025-03-10 13:17:05,287 - INFO - OPENED LONG at 2109.05 | Stop loss: 2098.489217857143 | Take profit: 2140.709048214286 +2025-03-10 13:17:05,334 - INFO - CLOSED long at 2112.95 | PnL: 0.18% | $0.16 +2025-03-10 13:17:05,334 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.5302821428572 | Take profit: 2081.232451785714 +2025-03-10 13:17:05,359 - INFO - CLOSED short at 2112.46 | PnL: 0.02% | $-0.14 +2025-03-10 13:17:05,359 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.882167857143 | Take profit: 2144.1701982142854 +2025-03-10 13:17:05,634 - INFO - STOP LOSS hit for long at 2101.882167857143 | PnL: -0.50% | $-1.11 +2025-03-10 13:17:05,657 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.5344678571428 | Take profit: 2121.3732982142856 +2025-03-10 13:17:05,882 - INFO - CLOSED long at 2106.39 | PnL: 0.78% | $1.25 +2025-03-10 13:17:05,911 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.2207678571426 | Take profit: 2132.2743982142856 +2025-03-10 13:17:06,063 - INFO - CLOSED long at 2095.29 | PnL: -0.26% | $-0.67 +2025-03-10 13:17:06,069 - INFO - OPENED SHORT at 2095.29 | Stop loss: 2105.7819821428575 | Take profit: 2063.8373517857144 +2025-03-10 13:17:06,088 - INFO - CLOSED short at 2093.46 | PnL: 0.09% | $-0.02 +2025-03-10 13:17:06,088 - INFO - OPENED LONG at 2093.46 | Stop loss: 2082.977167857143 | Take profit: 2124.8851982142855 +2025-03-10 13:17:06,382 - INFO - STOP LOSS hit for long at 2082.977167857143 | PnL: -0.50% | $-1.10 +2025-03-10 13:17:06,399 - INFO - OPENED LONG at 2081.49 | Stop loss: 2071.0670178571427 | Take profit: 2112.7356482142854 +2025-03-10 13:17:06,578 - INFO - CLOSED long at 2085.83 | PnL: 0.21% | $0.20 +2025-03-10 13:17:06,578 - INFO - OPENED SHORT at 2085.83 | Stop loss: 2096.2746821428573 | Take profit: 2054.519251785714 +2025-03-10 13:17:06,615 - INFO - CLOSED short at 2085.85 | PnL: -0.00% | $-0.18 +2025-03-10 13:17:06,615 - INFO - OPENED LONG at 2085.85 | Stop loss: 2075.405217857143 | Take profit: 2117.1610482142855 +2025-03-10 13:17:07,053 - INFO - CLOSED long at 2101.64 | PnL: 0.76% | $1.19 +2025-03-10 13:17:07,053 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.163732142857 | Take profit: 2070.092101785714 +2025-03-10 13:17:07,086 - INFO - CLOSED short at 2097.11 | PnL: 0.22% | $0.21 +2025-03-10 13:17:07,088 - INFO - OPENED LONG at 2097.11 | Stop loss: 2086.608917857143 | Take profit: 2128.589948214286 +2025-03-10 13:17:07,147 - INFO - CLOSED long at 2099.89 | PnL: 0.13% | $0.06 +2025-03-10 13:17:07,147 - INFO - OPENED SHORT at 2099.89 | Stop loss: 2110.404982142857 | Take profit: 2068.368351785714 +2025-03-10 13:17:07,179 - INFO - CLOSED short at 2100.89 | PnL: -0.05% | $-0.27 +2025-03-10 13:17:07,179 - INFO - OPENED LONG at 2100.89 | Stop loss: 2090.370017857143 | Take profit: 2132.4266482142853 +2025-03-10 13:17:07,384 - INFO - CLOSED long at 2105.2 | PnL: 0.21% | $0.19 +2025-03-10 13:17:07,414 - INFO - OPENED LONG at 2103.52 | Stop loss: 2092.986867857143 | Take profit: 2135.0960982142856 +2025-03-10 13:17:07,480 - INFO - Trade Analysis: Win Rate=7.1% in uptrends, 0.0% in downtrends | Avg Win=$0.57, Avg Loss=$-0.40 +2025-03-10 13:17:07,482 - INFO - Episode 26: Reward=144.47, Balance=$92.88, Win Rate=29.7%, Trades=64, Episode PnL=$-2.61, Total PnL=$-426.89, Max Drawdown=10.5%, Pred Accuracy=99.9% +2025-03-10 13:17:07,482 - ERROR - Error in episode 26: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:17:07,482 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1812, in train_agent + f"{trade_analysis.get('downtrend_win_rate', 0):.1f}% in downtrends | " + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:17:07,503 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:17:07,904 - INFO - OPENED LONG at 2046.58 | Stop loss: 2036.3315678571428 | Take profit: 2077.3019982142855 +2025-03-10 13:17:07,942 - INFO - CLOSED long at 2047.2 | PnL: 0.03% | $-0.14 +2025-03-10 13:17:07,942 - INFO - OPENED SHORT at 2047.2 | Stop loss: 2057.451532142857 | Take profit: 2016.4687017857143 +2025-03-10 13:17:07,968 - INFO - CLOSED short at 2045.99 | PnL: 0.06% | $-0.08 +2025-03-10 13:17:07,968 - INFO - OPENED LONG at 2045.99 | Stop loss: 2035.744517857143 | Take profit: 2076.703148214286 +2025-03-10 13:17:08,626 - INFO - CLOSED long at 2060.99 | PnL: 0.73% | $1.25 +2025-03-10 13:17:08,657 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9929678571432 | Take profit: 2089.1977982142857 +2025-03-10 13:17:08,865 - INFO - CLOSED long at 2058.11 | PnL: -0.01% | $-0.22 +2025-03-10 13:17:08,892 - INFO - OPENED LONG at 2061.79 | Stop loss: 2051.465517857143 | Take profit: 2092.740148214286 +2025-03-10 13:17:09,387 - INFO - CLOSED long at 2071.41 | PnL: 0.47% | $0.73 +2025-03-10 13:17:09,389 - INFO - OPENED SHORT at 2071.41 | Stop loss: 2081.782582142857 | Take profit: 2040.3155517857142 +2025-03-10 13:17:09,416 - INFO - CLOSED short at 2069.37 | PnL: 0.10% | $-0.00 +2025-03-10 13:17:09,416 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.0076178571426 | Take profit: 2100.4338482142857 +2025-03-10 13:17:09,613 - INFO - CLOSED long at 2068.9 | PnL: -0.02% | $-0.25 +2025-03-10 13:17:09,613 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.260032142857 | Take profit: 2037.8432017857144 +2025-03-10 13:17:09,633 - INFO - CLOSED short at 2070.7 | PnL: -0.09% | $-0.38 +2025-03-10 13:17:09,639 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3309678571427 | Take profit: 2101.7837982142855 +2025-03-10 13:17:10,016 - INFO - CLOSED long at 2068.59 | PnL: -0.10% | $-0.40 +2025-03-10 13:17:10,033 - INFO - OPENED LONG at 2069.7 | Stop loss: 2059.335967857143 | Take profit: 2100.7687982142857 +2025-03-10 13:17:10,271 - INFO - CLOSED long at 2074.29 | PnL: 0.22% | $0.24 +2025-03-10 13:17:10,301 - INFO - OPENED SHORT at 2073.9 | Stop loss: 2084.2850321428573 | Take profit: 2042.7682017857144 +2025-03-10 13:17:10,330 - INFO - CLOSED short at 2071.92 | PnL: 0.10% | $-0.01 +2025-03-10 13:17:10,330 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.544867857143 | Take profit: 2103.0220982142855 +2025-03-10 13:17:10,351 - INFO - CLOSED long at 2070.4 | PnL: -0.07% | $-0.35 +2025-03-10 13:17:10,375 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.738917857143 | Take profit: 2102.199948214286 +2025-03-10 13:17:10,412 - INFO - CLOSED long at 2069.35 | PnL: -0.08% | $-0.37 +2025-03-10 13:17:10,413 - INFO - OPENED SHORT at 2069.35 | Stop loss: 2079.7122821428575 | Take profit: 2038.2864517857142 +2025-03-10 13:17:10,434 - INFO - CLOSED short at 2068.32 | PnL: 0.05% | $-0.10 +2025-03-10 13:17:10,435 - INFO - OPENED LONG at 2068.32 | Stop loss: 2057.962867857143 | Take profit: 2099.368098214286 +2025-03-10 13:17:10,451 - INFO - CLOSED long at 2067.0 | PnL: -0.06% | $-0.32 +2025-03-10 13:17:10,452 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.350532142857 | Take profit: 2035.9717017857142 +2025-03-10 13:17:10,472 - INFO - CLOSED short at 2067.79 | PnL: -0.04% | $-0.27 +2025-03-10 13:17:10,472 - INFO - OPENED LONG at 2067.79 | Stop loss: 2057.4355178571427 | Take profit: 2098.8301482142856 +2025-03-10 13:17:20,497 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 13:17:20,519 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 13:17:20,519 - INFO - Fetching initial data for ETH/USDT +2025-03-10 13:17:24,269 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 13:17:24,294 - INFO - Initialized environment with 500 candles +2025-03-10 13:17:26,817 - INFO - Starting training for 1000 episodes... +2025-03-10 13:17:26,817 - INFO - Starting training on device: cuda +2025-03-10 13:17:26,844 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:17:27,122 - INFO - OPENED SHORT at 2048.13 | Stop loss: 2058.3860178571426 | Take profit: 2017.3849982142858 +2025-03-10 13:17:27,122 - INFO - CLOSED short at 2047.59 | PnL: 0.03% | $-0.15 +2025-03-10 13:17:27,122 - INFO - OPENED LONG at 2050.0 | Stop loss: 2039.7346321428572 | Take profit: 2080.7730517857144 +2025-03-10 13:17:27,122 - INFO - CLOSED long at 2053.26 | PnL: 0.16% | $0.12 +2025-03-10 13:17:27,126 - INFO - OPENED SHORT at 2053.26 | Stop loss: 2063.5416678571432 | Take profit: 2022.4380482142858 +2025-03-10 13:17:27,126 - INFO - CLOSED short at 2051.89 | PnL: 0.07% | $-0.07 +2025-03-10 13:17:27,126 - INFO - OPENED LONG at 2051.89 | Stop loss: 2041.615182142857 | Take profit: 2082.691401785714 +2025-03-10 13:17:27,126 - INFO - CLOSED long at 2052.3 | PnL: 0.02% | $-0.16 +2025-03-10 13:17:27,126 - INFO - OPENED SHORT at 2052.3 | Stop loss: 2062.576867857143 | Take profit: 2021.492448214286 +2025-03-10 13:17:27,126 - INFO - CLOSED short at 2060.13 | PnL: -0.38% | $-0.95 +2025-03-10 13:17:27,126 - INFO - OPENED LONG at 2060.13 | Stop loss: 2049.813982142857 | Take profit: 2091.0550017857145 +2025-03-10 13:17:27,126 - INFO - CLOSED long at 2059.7 | PnL: -0.02% | $-0.24 +2025-03-10 13:17:27,130 - INFO - OPENED SHORT at 2059.7 | Stop loss: 2070.0138678571425 | Take profit: 2028.7814482142855 +2025-03-10 13:17:27,131 - INFO - CLOSED short at 2064.61 | PnL: -0.24% | $-0.66 +2025-03-10 13:17:27,131 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.923317857143 | Take profit: 2032.6130982142859 +2025-03-10 13:17:27,132 - INFO - CLOSED short at 2061.61 | PnL: 0.10% | $-0.01 +2025-03-10 13:17:27,133 - INFO - OPENED SHORT at 2064.69 | Stop loss: 2075.028817857143 | Take profit: 2033.6965982142856 +2025-03-10 13:17:27,134 - INFO - CLOSED short at 2060.99 | PnL: 0.18% | $0.15 +2025-03-10 13:17:27,134 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9931321428573 | Take profit: 2089.197551785714 +2025-03-10 13:17:27,136 - INFO - CLOSED long at 2061.89 | PnL: 0.17% | $0.14 +2025-03-10 13:17:27,136 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.214817857143 | Take profit: 2030.9385982142855 +2025-03-10 13:17:27,137 - INFO - CLOSED short at 2059.49 | PnL: 0.12% | $0.03 +2025-03-10 13:17:27,138 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.194817857143 | Take profit: 2026.9985982142855 +2025-03-10 13:17:27,139 - INFO - CLOSED short at 2057.94 | PnL: -0.00% | $-0.20 +2025-03-10 13:17:27,139 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.415917857143 | Take profit: 2027.215298214286 +2025-03-10 13:17:27,140 - INFO - CLOSED short at 2061.18 | PnL: -0.15% | $-0.48 +2025-03-10 13:17:27,140 - INFO - OPENED SHORT at 2065.86 | Stop loss: 2076.2046678571432 | Take profit: 2034.8490482142859 +2025-03-10 13:17:27,141 - INFO - CLOSED short at 2070.58 | PnL: -0.23% | $-0.64 +2025-03-10 13:17:27,141 - INFO - OPENED LONG at 2070.58 | Stop loss: 2060.2117321428573 | Take profit: 2101.6617517857144 +2025-03-10 13:17:27,143 - INFO - CLOSED long at 2069.6 | PnL: -0.05% | $-0.28 +2025-03-10 13:17:27,143 - INFO - OPENED SHORT at 2069.6 | Stop loss: 2079.963367857143 | Take profit: 2038.5329482142856 +2025-03-10 13:17:27,145 - INFO - CLOSED short at 2070.26 | PnL: -0.03% | $-0.25 +2025-03-10 13:17:27,145 - INFO - OPENED LONG at 2070.26 | Stop loss: 2059.893332142857 | Take profit: 2101.3369517857145 +2025-03-10 13:17:27,146 - INFO - CLOSED long at 2075.1 | PnL: 0.23% | $0.26 +2025-03-10 13:17:27,146 - INFO - OPENED SHORT at 2075.1 | Stop loss: 2085.490867857143 | Take profit: 2043.9504482142856 +2025-03-10 13:17:27,148 - INFO - CLOSED short at 2072.33 | PnL: 0.13% | $0.06 +2025-03-10 13:17:27,148 - INFO - OPENED LONG at 2071.38 | Stop loss: 2061.0077321428575 | Take profit: 2102.4737517857143 +2025-03-10 13:17:27,149 - INFO - CLOSED long at 2071.41 | PnL: 0.00% | $-0.19 +2025-03-10 13:17:27,149 - INFO - OPENED SHORT at 2071.41 | Stop loss: 2081.7824178571427 | Take profit: 2040.3157982142855 +2025-03-10 13:17:27,150 - INFO - CLOSED short at 2069.37 | PnL: 0.10% | $-0.00 +2025-03-10 13:17:27,150 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.007782142857 | Take profit: 2100.4336017857145 +2025-03-10 13:17:27,150 - INFO - CLOSED long at 2072.8 | PnL: 0.17% | $0.13 +2025-03-10 13:17:27,150 - INFO - OPENED SHORT at 2072.8 | Stop loss: 2083.179367857143 | Take profit: 2041.684948214286 +2025-03-10 13:17:27,152 - INFO - CLOSED short at 2070.79 | PnL: 0.10% | $-0.01 +2025-03-10 13:17:27,152 - INFO - OPENED LONG at 2070.79 | Stop loss: 2060.420682142857 | Take profit: 2101.874901785714 +2025-03-10 13:17:27,153 - INFO - CLOSED long at 2070.28 | PnL: -0.02% | $-0.24 +2025-03-10 13:17:27,153 - INFO - OPENED SHORT at 2070.28 | Stop loss: 2080.6467678571435 | Take profit: 2039.202748214286 +2025-03-10 13:17:27,154 - INFO - CLOSED short at 2067.2 | PnL: 0.15% | $0.09 +2025-03-10 13:17:27,296 - INFO - OPENED LONG at 2070.36 | Stop loss: 2059.992832142857 | Take profit: 2101.4384517857143 +2025-03-10 13:17:27,318 - INFO - CLOSED long at 2068.9 | PnL: -0.07% | $-0.33 +2025-03-10 13:17:27,392 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.4406321428573 | Take profit: 2099.8550517857147 +2025-03-10 13:17:27,410 - INFO - CLOSED long at 2067.6 | PnL: -0.06% | $-0.30 +2025-03-10 13:17:27,427 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.1570821428572 | Take profit: 2098.5457017857143 +2025-03-10 13:17:27,464 - INFO - CLOSED long at 2066.39 | PnL: -0.05% | $-0.29 +2025-03-10 13:17:27,484 - INFO - OPENED SHORT at 2065.99 | Stop loss: 2076.335317857143 | Take profit: 2034.9770982142854 +2025-03-10 13:17:27,520 - INFO - CLOSED short at 2066.29 | PnL: -0.01% | $-0.22 +2025-03-10 13:17:27,520 - INFO - OPENED LONG at 2066.29 | Stop loss: 2055.943182142857 | Take profit: 2097.3074017857143 +2025-03-10 13:17:27,555 - INFO - CLOSED long at 2066.18 | PnL: -0.01% | $-0.20 +2025-03-10 13:17:27,591 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.259867857143 | Take profit: 2037.843448214286 +2025-03-10 13:17:27,627 - INFO - CLOSED short at 2068.59 | PnL: 0.01% | $-0.16 +2025-03-10 13:17:27,627 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.231682142857 | Take profit: 2099.6419017857143 +2025-03-10 13:17:27,678 - INFO - CLOSED long at 2069.96 | PnL: 0.07% | $-0.06 +2025-03-10 13:17:27,697 - INFO - OPENED SHORT at 2071.4 | Stop loss: 2081.7723678571433 | Take profit: 2040.305948214286 +2025-03-10 13:17:27,714 - INFO - CLOSED short at 2071.39 | PnL: 0.00% | $-0.19 +2025-03-10 13:17:27,714 - INFO - OPENED LONG at 2071.39 | Stop loss: 2061.0176821428568 | Take profit: 2102.483901785714 +2025-03-10 13:17:27,731 - INFO - CLOSED long at 2071.36 | PnL: -0.00% | $-0.19 +2025-03-10 13:17:27,731 - INFO - OPENED SHORT at 2071.36 | Stop loss: 2081.732167857143 | Take profit: 2040.2665482142859 +2025-03-10 13:17:27,752 - INFO - CLOSED short at 2072.75 | PnL: -0.07% | $-0.31 +2025-03-10 13:17:27,752 - INFO - OPENED LONG at 2072.75 | Stop loss: 2062.370882142857 | Take profit: 2103.8643017857144 +2025-03-10 13:17:27,770 - INFO - CLOSED long at 2073.11 | PnL: 0.02% | $-0.15 +2025-03-10 13:17:27,786 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.0788678571425 | Take profit: 2041.5864482142856 +2025-03-10 13:17:27,817 - INFO - CLOSED short at 2074.29 | PnL: -0.08% | $-0.33 +2025-03-10 13:17:27,916 - INFO - OPENED LONG at 2069.35 | Stop loss: 2058.987882142857 | Take profit: 2100.413301785714 +2025-03-10 13:17:27,942 - INFO - CLOSED long at 2068.32 | PnL: -0.05% | $-0.28 +2025-03-10 13:17:28,020 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.1493678571433 | Take profit: 2035.7749482142858 +2025-03-10 13:17:28,061 - INFO - CLOSED short at 2063.61 | PnL: 0.15% | $0.10 +2025-03-10 13:17:28,093 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.244817857143 | Take profit: 2036.8485982142856 +2025-03-10 13:17:28,149 - INFO - CLOSED short at 2069.34 | PnL: -0.07% | $-0.32 +2025-03-10 13:17:28,167 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.5053321428572 | Take profit: 2098.9009517857144 +2025-03-10 13:17:28,188 - INFO - CLOSED long at 2067.59 | PnL: -0.01% | $-0.21 +2025-03-10 13:17:28,188 - INFO - OPENED SHORT at 2067.59 | Stop loss: 2077.943317857143 | Take profit: 2036.553098214286 +2025-03-10 13:17:28,209 - INFO - CLOSED short at 2069.2 | PnL: -0.08% | $-0.33 +2025-03-10 13:17:28,249 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.963317857143 | Take profit: 2040.493098214286 +2025-03-10 13:17:28,269 - INFO - CLOSED short at 2070.7 | PnL: 0.04% | $-0.10 +2025-03-10 13:17:28,292 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.767367857143 | Take profit: 2039.3209482142859 +2025-03-10 13:17:28,362 - INFO - CLOSED short at 2067.84 | PnL: 0.12% | $0.04 +2025-03-10 13:17:28,362 - INFO - OPENED LONG at 2067.84 | Stop loss: 2057.4854321428575 | Take profit: 2098.8806517857142 +2025-03-10 13:17:28,434 - INFO - CLOSED long at 2066.1 | PnL: -0.08% | $-0.34 +2025-03-10 13:17:28,434 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4458678571427 | Take profit: 2035.0854482142856 +2025-03-10 13:17:28,468 - INFO - CLOSED short at 2066.39 | PnL: -0.01% | $-0.21 +2025-03-10 13:17:28,531 - INFO - OPENED SHORT at 2067.8 | Stop loss: 2078.1543678571434 | Take profit: 2036.759948214286 +2025-03-10 13:17:28,575 - INFO - CLOSED short at 2065.69 | PnL: 0.10% | $0.00 +2025-03-10 13:17:28,575 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.3461821428573 | Take profit: 2096.6984017857144 +2025-03-10 13:17:28,610 - INFO - CLOSED long at 2064.99 | PnL: -0.03% | $-0.24 +2025-03-10 13:17:28,670 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9183321428573 | Take profit: 2096.2619517857147 +2025-03-10 13:17:28,709 - INFO - CLOSED long at 2062.65 | PnL: -0.13% | $-0.41 +2025-03-10 13:17:28,709 - INFO - OPENED SHORT at 2062.65 | Stop loss: 2072.978617857143 | Take profit: 2031.6871982142857 +2025-03-10 13:17:28,725 - INFO - CLOSED short at 2061.78 | PnL: 0.04% | $-0.10 +2025-03-10 13:17:28,725 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.4557321428574 | Take profit: 2092.7297517857146 +2025-03-10 13:17:28,762 - INFO - CLOSED long at 2061.3 | PnL: -0.02% | $-0.22 +2025-03-10 13:17:28,762 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.621867857143 | Take profit: 2030.357448214286 +2025-03-10 13:17:28,786 - INFO - CLOSED short at 2063.59 | PnL: -0.11% | $-0.38 +2025-03-10 13:17:28,786 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.2566821428572 | Take profit: 2094.5669017857144 +2025-03-10 13:17:28,806 - INFO - CLOSED long at 2064.96 | PnL: 0.07% | $-0.06 +2025-03-10 13:17:28,867 - INFO - OPENED LONG at 2065.54 | Stop loss: 2055.196932142857 | Take profit: 2096.5461517857143 +2025-03-10 13:17:28,891 - INFO - CLOSED long at 2066.09 | PnL: 0.03% | $-0.13 +2025-03-10 13:17:28,909 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.112382142857 | Take profit: 2095.439801785714 +2025-03-10 13:17:28,960 - INFO - CLOSED long at 2062.89 | PnL: -0.08% | $-0.32 +2025-03-10 13:17:28,963 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2198178571425 | Take profit: 2031.9235982142857 +2025-03-10 13:17:29,014 - INFO - CLOSED short at 2061.6 | PnL: 0.06% | $-0.07 +2025-03-10 13:17:29,015 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.276632142857 | Take profit: 2092.5470517857143 +2025-03-10 13:17:29,052 - INFO - CLOSED long at 2060.65 | PnL: -0.05% | $-0.26 +2025-03-10 13:17:29,052 - INFO - OPENED SHORT at 2060.65 | Stop loss: 2070.9686178571433 | Take profit: 2029.7171982142859 +2025-03-10 13:17:29,070 - INFO - CLOSED short at 2058.89 | PnL: 0.09% | $-0.03 +2025-03-10 13:17:29,084 - INFO - OPENED SHORT at 2059.3 | Stop loss: 2069.611867857143 | Take profit: 2028.3874482142858 +2025-03-10 13:17:29,141 - INFO - CLOSED short at 2064.7 | PnL: -0.26% | $-0.65 +2025-03-10 13:17:29,141 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.361132142857 | Take profit: 2095.693551785714 +2025-03-10 13:17:29,162 - INFO - CLOSED long at 2062.61 | PnL: -0.10% | $-0.36 +2025-03-10 13:17:29,245 - INFO - OPENED LONG at 2064.1 | Stop loss: 2053.764132142857 | Take profit: 2095.084551785714 +2025-03-10 13:17:29,268 - INFO - CLOSED long at 2065.36 | PnL: 0.06% | $-0.07 +2025-03-10 13:17:29,268 - INFO - OPENED SHORT at 2065.36 | Stop loss: 2075.702167857143 | Take profit: 2034.3565482142858 +2025-03-10 13:17:29,286 - INFO - CLOSED short at 2064.33 | PnL: 0.05% | $-0.09 +2025-03-10 13:17:29,385 - INFO - OPENED LONG at 2063.0 | Stop loss: 2052.669632142857 | Take profit: 2093.968051785714 +2025-03-10 13:17:29,424 - INFO - CLOSED long at 2061.89 | PnL: -0.05% | $-0.27 +2025-03-10 13:17:29,442 - INFO - OPENED SHORT at 2061.7 | Stop loss: 2072.0238678571427 | Take profit: 2030.7514482142856 +2025-03-10 13:17:29,475 - INFO - CLOSED short at 2061.09 | PnL: 0.03% | $-0.12 +2025-03-10 13:17:29,545 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.580182142857 | Take profit: 2089.7964017857144 +2025-03-10 13:17:29,574 - INFO - CLOSED long at 2059.96 | PnL: 0.05% | $-0.08 +2025-03-10 13:17:29,603 - INFO - OPENED LONG at 2057.4 | Stop loss: 2047.0976321428573 | Take profit: 2088.2840517857144 +2025-03-10 13:17:29,666 - INFO - CLOSED long at 2055.6 | PnL: -0.09% | $-0.33 +2025-03-10 13:17:29,685 - INFO - OPENED SHORT at 2054.89 | Stop loss: 2065.1798178571426 | Take profit: 2024.0435982142856 +2025-03-10 13:17:29,700 - INFO - CLOSED short at 2054.83 | PnL: 0.00% | $-0.17 +2025-03-10 13:17:29,758 - INFO - OPENED SHORT at 2059.8 | Stop loss: 2070.1143678571434 | Take profit: 2028.8799482142858 +2025-03-10 13:17:29,794 - INFO - CLOSED short at 2061.5 | PnL: -0.08% | $-0.32 +2025-03-10 13:17:29,812 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.9233678571427 | Take profit: 2030.6529482142857 +2025-03-10 13:17:29,867 - INFO - CLOSED short at 2063.4 | PnL: -0.09% | $-0.33 +2025-03-10 13:17:29,909 - INFO - OPENED LONG at 2066.01 | Stop loss: 2055.6645821428574 | Take profit: 2097.0232017857147 +2025-03-10 13:17:29,981 - INFO - CLOSED long at 2066.34 | PnL: 0.02% | $-0.15 +2025-03-10 13:17:29,981 - INFO - OPENED SHORT at 2066.34 | Stop loss: 2076.687067857143 | Take profit: 2035.3218482142859 +2025-03-10 13:17:30,021 - INFO - CLOSED short at 2067.33 | PnL: -0.05% | $-0.26 +2025-03-10 13:17:30,021 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.977982142857 | Take profit: 2098.363001785714 +2025-03-10 13:17:30,039 - INFO - CLOSED long at 2067.01 | PnL: -0.02% | $-0.20 +2025-03-10 13:17:30,058 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.033817857143 | Take profit: 2034.6815982142857 +2025-03-10 13:17:30,117 - INFO - STOP LOSS hit for short at 2076.033817857143 | PnL: -0.50% | $-1.03 +2025-03-10 13:17:30,144 - INFO - OPENED LONG at 2075.01 | Stop loss: 2064.6195821428573 | Take profit: 2106.1582017857145 +2025-03-10 13:17:30,182 - INFO - CLOSED long at 2071.04 | PnL: -0.19% | $-0.49 +2025-03-10 13:17:30,258 - INFO - OPENED LONG at 2070.0 | Stop loss: 2059.634632142857 | Take profit: 2101.0730517857146 +2025-03-10 13:17:30,324 - INFO - CLOSED long at 2069.03 | PnL: -0.05% | $-0.25 +2025-03-10 13:17:30,324 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.390517857143 | Take profit: 2037.9714982142857 +2025-03-10 13:17:30,369 - INFO - CLOSED short at 2068.79 | PnL: 0.01% | $-0.15 +2025-03-10 13:17:30,433 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.977982142857 | Take profit: 2098.363001785714 +2025-03-10 13:17:30,475 - INFO - CLOSED long at 2065.7 | PnL: -0.08% | $-0.30 +2025-03-10 13:17:30,475 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0438678571427 | Take profit: 2034.6914482142856 +2025-03-10 13:17:30,496 - INFO - CLOSED short at 2065.66 | PnL: 0.00% | $-0.16 +2025-03-10 13:17:30,533 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.6347821428567 | Take profit: 2094.9526017857143 +2025-03-10 13:17:30,595 - INFO - CLOSED long at 2064.4 | PnL: 0.02% | $-0.13 +2025-03-10 13:17:30,595 - INFO - OPENED SHORT at 2064.4 | Stop loss: 2074.737367857143 | Take profit: 2033.4109482142858 +2025-03-10 13:17:30,642 - INFO - CLOSED short at 2067.53 | PnL: -0.15% | $-0.42 +2025-03-10 13:17:30,642 - INFO - OPENED LONG at 2067.53 | Stop loss: 2057.1769821428575 | Take profit: 2098.566001785715 +2025-03-10 13:17:30,700 - INFO - CLOSED long at 2066.8 | PnL: -0.04% | $-0.22 +2025-03-10 13:17:30,700 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.1493678571433 | Take profit: 2035.7749482142858 +2025-03-10 13:17:30,719 - INFO - CLOSED short at 2066.5 | PnL: 0.01% | $-0.14 +2025-03-10 13:17:30,719 - INFO - OPENED LONG at 2066.5 | Stop loss: 2056.152132142857 | Take profit: 2097.520551785714 +2025-03-10 13:17:30,736 - INFO - CLOSED long at 2068.59 | PnL: 0.10% | $0.00 +2025-03-10 13:17:30,736 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.948317857143 | Take profit: 2037.5380982142858 +2025-03-10 13:17:30,756 - INFO - CLOSED short at 2071.59 | PnL: -0.15% | $-0.40 +2025-03-10 13:17:30,779 - INFO - OPENED LONG at 2070.2 | Stop loss: 2059.833632142857 | Take profit: 2101.276051785714 +2025-03-10 13:17:30,829 - INFO - CLOSED long at 2069.69 | PnL: -0.02% | $-0.20 +2025-03-10 13:17:30,829 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.0538178571433 | Take profit: 2038.6215982142858 +2025-03-10 13:17:30,909 - INFO - CLOSED short at 2071.99 | PnL: -0.11% | $-0.35 +2025-03-10 13:17:30,934 - INFO - OPENED LONG at 2068.19 | Stop loss: 2057.8336821428575 | Take profit: 2099.2359017857148 +2025-03-10 13:17:30,958 - INFO - CLOSED long at 2068.67 | PnL: 0.02% | $-0.13 +2025-03-10 13:17:30,958 - INFO - OPENED SHORT at 2068.67 | Stop loss: 2079.028717857143 | Take profit: 2037.6168982142858 +2025-03-10 13:17:30,996 - INFO - CLOSED short at 2069.78 | PnL: -0.05% | $-0.25 +2025-03-10 13:17:31,051 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.460717857143 | Take profit: 2043.920898214286 +2025-03-10 13:17:31,143 - INFO - CLOSED short at 2075.32 | PnL: -0.01% | $-0.18 +2025-03-10 13:17:31,143 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.9280321428573 | Take profit: 2106.4728517857143 +2025-03-10 13:17:31,280 - INFO - CLOSED long at 2072.09 | PnL: -0.16% | $-0.41 +2025-03-10 13:17:31,280 - INFO - OPENED SHORT at 2072.09 | Stop loss: 2082.465817857143 | Take profit: 2040.985598214286 +2025-03-10 13:17:31,316 - INFO - CLOSED short at 2069.97 | PnL: 0.10% | $0.00 +2025-03-10 13:17:31,341 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.0538678571424 | Take profit: 2036.6614482142857 +2025-03-10 13:17:31,360 - INFO - CLOSED short at 2067.0 | PnL: 0.03% | $-0.11 +2025-03-10 13:17:31,435 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.525232142857 | Take profit: 2098.9212517857145 +2025-03-10 13:17:31,524 - INFO - CLOSED long at 2070.1 | PnL: 0.11% | $0.01 +2025-03-10 13:17:31,542 - INFO - OPENED LONG at 2067.19 | Stop loss: 2056.838682142857 | Take profit: 2098.220901785714 +2025-03-10 13:17:31,576 - INFO - CLOSED long at 2065.5 | PnL: -0.08% | $-0.29 +2025-03-10 13:17:31,576 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8428678571427 | Take profit: 2034.4944482142857 +2025-03-10 13:17:31,685 - INFO - CLOSED short at 2066.09 | PnL: -0.03% | $-0.21 +2025-03-10 13:17:31,685 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.7441821428574 | Take profit: 2097.1044017857143 +2025-03-10 13:17:31,718 - INFO - CLOSED long at 2063.39 | PnL: -0.13% | $-0.37 +2025-03-10 13:17:31,761 - INFO - OPENED SHORT at 2063.98 | Stop loss: 2074.3152678571428 | Take profit: 2032.9972482142857 +2025-03-10 13:17:31,784 - INFO - CLOSED short at 2066.1 | PnL: -0.10% | $-0.32 +2025-03-10 13:17:31,784 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.754132142857 | Take profit: 2097.1145517857144 +2025-03-10 13:17:31,802 - INFO - CLOSED long at 2065.06 | PnL: -0.05% | $-0.24 +2025-03-10 13:17:31,837 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.162132142857 | Take profit: 2095.4905517857146 +2025-03-10 13:17:31,856 - INFO - CLOSED long at 2066.33 | PnL: 0.09% | $-0.02 +2025-03-10 13:17:31,856 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6770178571423 | Take profit: 2035.3119982142855 +2025-03-10 13:17:31,877 - INFO - CLOSED short at 2063.01 | PnL: 0.16% | $0.10 +2025-03-10 13:17:31,913 - INFO - OPENED LONG at 2060.2 | Stop loss: 2049.883632142857 | Take profit: 2091.126051785714 +2025-03-10 13:17:31,931 - INFO - CLOSED long at 2059.2 | PnL: -0.05% | $-0.24 +2025-03-10 13:17:32,098 - INFO - OPENED SHORT at 2049.5 | Stop loss: 2059.762867857143 | Take profit: 2018.7344482142857 +2025-03-10 13:17:32,132 - INFO - CLOSED short at 2051.99 | PnL: -0.12% | $-0.35 +2025-03-10 13:17:32,155 - INFO - OPENED SHORT at 2058.3 | Stop loss: 2068.6068678571432 | Take profit: 2027.4024482142859 +2025-03-10 13:17:32,192 - INFO - CLOSED short at 2057.11 | PnL: 0.06% | $-0.07 +2025-03-10 13:17:32,192 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.8090821428573 | Take profit: 2087.9897017857147 +2025-03-10 13:17:32,210 - INFO - CLOSED long at 2057.89 | PnL: 0.04% | $-0.10 +2025-03-10 13:17:32,230 - INFO - OPENED LONG at 2062.83 | Stop loss: 2052.500482142857 | Take profit: 2093.7955017857144 +2025-03-10 13:17:32,254 - INFO - CLOSED long at 2063.9 | PnL: 0.05% | $-0.08 +2025-03-10 13:17:32,292 - INFO - OPENED LONG at 2062.43 | Stop loss: 2052.102482142857 | Take profit: 2093.389501785714 +2025-03-10 13:17:32,406 - INFO - CLOSED long at 2066.59 | PnL: 0.20% | $0.16 +2025-03-10 13:17:32,406 - INFO - OPENED SHORT at 2066.59 | Stop loss: 2076.938317857143 | Take profit: 2035.5680982142858 +2025-03-10 13:17:32,529 - INFO - CLOSED short at 2060.7 | PnL: 0.29% | $0.29 +2025-03-10 13:17:32,530 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.381132142857 | Take profit: 2091.6335517857137 +2025-03-10 13:17:32,610 - INFO - CLOSED long at 2070.31 | PnL: 0.47% | $0.58 +2025-03-10 13:17:32,610 - INFO - OPENED SHORT at 2070.31 | Stop loss: 2080.676917857143 | Take profit: 2039.2322982142857 +2025-03-10 13:17:32,630 - INFO - CLOSED short at 2070.24 | PnL: 0.00% | $-0.15 +2025-03-10 13:17:32,630 - INFO - OPENED LONG at 2070.24 | Stop loss: 2059.873432142857 | Take profit: 2101.316651785714 +2025-03-10 13:17:32,682 - INFO - CLOSED long at 2070.41 | PnL: 0.01% | $-0.15 +2025-03-10 13:17:32,704 - INFO - OPENED LONG at 2073.49 | Stop loss: 2063.107182142857 | Take profit: 2104.6154017857143 +2025-03-10 13:17:32,744 - INFO - CLOSED long at 2072.99 | PnL: -0.02% | $-0.20 +2025-03-10 13:17:32,770 - INFO - OPENED LONG at 2071.89 | Stop loss: 2061.515182142857 | Take profit: 2102.991401785714 +2025-03-10 13:17:32,828 - INFO - CLOSED long at 2074.9 | PnL: 0.15% | $0.07 +2025-03-10 13:17:32,828 - INFO - OPENED SHORT at 2074.9 | Stop loss: 2085.2898678571432 | Take profit: 2043.7534482142858 +2025-03-10 13:17:32,919 - INFO - CLOSED short at 2085.56 | PnL: -0.51% | $-0.97 +2025-03-10 13:17:32,919 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.116832142857 | Take profit: 2116.866451785714 +2025-03-10 13:17:32,960 - INFO - CLOSED long at 2103.02 | PnL: 0.84% | $1.15 +2025-03-10 13:17:32,960 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.550467857143 | Take profit: 2071.451648214286 +2025-03-10 13:17:32,977 - INFO - CLOSED short at 2130.7 | PnL: -1.32% | $-2.24 +2025-03-10 13:17:32,998 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.826932142857 | Take profit: 2171.6561517857144 +2025-03-10 13:17:33,084 - INFO - CLOSED long at 2141.3 | PnL: 0.08% | $-0.03 +2025-03-10 13:17:33,084 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.021867857143 | Take profit: 2109.157448214286 +2025-03-10 13:17:33,100 - INFO - CLOSED short at 2142.68 | PnL: -0.06% | $-0.25 +2025-03-10 13:17:33,166 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.339682142857 | Take profit: 2158.917901785714 +2025-03-10 13:17:33,266 - INFO - CLOSED long at 2120.15 | PnL: -0.32% | $-0.65 +2025-03-10 13:17:33,266 - INFO - OPENED SHORT at 2120.15 | Stop loss: 2130.766117857143 | Take profit: 2088.324698214286 +2025-03-10 13:17:33,324 - INFO - CLOSED short at 2119.93 | PnL: 0.01% | $-0.14 +2025-03-10 13:17:33,412 - INFO - OPENED SHORT at 2115.28 | Stop loss: 2125.871767857143 | Take profit: 2083.527748214286 +2025-03-10 13:17:33,429 - INFO - CLOSED short at 2107.43 | PnL: 0.37% | $0.41 +2025-03-10 13:17:33,497 - INFO - OPENED LONG at 2112.95 | Stop loss: 2102.369882142857 | Take profit: 2144.667301785714 +2025-03-10 13:17:33,524 - INFO - CLOSED long at 2112.46 | PnL: -0.02% | $-0.19 +2025-03-10 13:17:33,524 - INFO - OPENED SHORT at 2112.46 | Stop loss: 2123.037667857143 | Take profit: 2080.750048214286 +2025-03-10 13:17:33,557 - INFO - CLOSED short at 2112.99 | PnL: -0.03% | $-0.19 +2025-03-10 13:17:33,632 - INFO - OPENED SHORT at 2114.8 | Stop loss: 2125.389367857143 | Take profit: 2083.054948214286 +2025-03-10 13:17:33,689 - INFO - CLOSED short at 2108.71 | PnL: 0.29% | $0.29 +2025-03-10 13:17:33,689 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.1510821428574 | Take profit: 2140.3637017857145 +2025-03-10 13:17:33,722 - INFO - CLOSED long at 2106.49 | PnL: -0.11% | $-0.31 +2025-03-10 13:17:33,722 - INFO - OPENED SHORT at 2106.49 | Stop loss: 2117.0378178571427 | Take profit: 2074.8695982142854 +2025-03-10 13:17:33,737 - INFO - CLOSED short at 2108.06 | PnL: -0.07% | $-0.26 +2025-03-10 13:17:33,744 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.504332142857 | Take profit: 2139.703951785714 +2025-03-10 13:17:33,797 - INFO - STOP LOSS hit for long at 2097.504332142857 | PnL: -0.50% | $-0.91 +2025-03-10 13:17:33,860 - INFO - OPENED LONG at 2102.29 | Stop loss: 2091.763182142857 | Take profit: 2133.8474017857143 +2025-03-10 13:17:33,884 - INFO - CLOSED long at 2099.25 | PnL: -0.14% | $-0.37 +2025-03-10 13:17:33,885 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.761617857143 | Take profit: 2067.7381982142856 +2025-03-10 13:17:33,900 - INFO - CLOSED short at 2098.9 | PnL: 0.02% | $-0.12 +2025-03-10 13:17:33,920 - INFO - OPENED SHORT at 2100.69 | Stop loss: 2111.208817857143 | Take profit: 2069.1565982142856 +2025-03-10 13:17:33,984 - INFO - CLOSED short at 2100.74 | PnL: -0.00% | $-0.15 +2025-03-10 13:17:34,054 - INFO - OPENED SHORT at 2101.51 | Stop loss: 2112.0329178571433 | Take profit: 2069.964298214286 +2025-03-10 13:17:34,084 - INFO - CLOSED short at 2099.59 | PnL: 0.09% | $-0.01 +2025-03-10 13:17:34,084 - INFO - OPENED LONG at 2099.59 | Stop loss: 2089.0766821428574 | Take profit: 2131.1069017857144 +2025-03-10 13:17:34,108 - INFO - CLOSED long at 2100.02 | PnL: 0.02% | $-0.12 +2025-03-10 13:17:34,108 - INFO - OPENED SHORT at 2100.02 | Stop loss: 2110.535467857143 | Take profit: 2068.496648214286 +2025-03-10 13:17:34,175 - INFO - CLOSED short at 2093.46 | PnL: 0.31% | $0.31 +2025-03-10 13:17:34,193 - INFO - OPENED SHORT at 2093.33 | Stop loss: 2103.8120178571426 | Take profit: 2061.9069982142855 +2025-03-10 13:17:34,247 - INFO - CLOSED short at 2094.72 | PnL: -0.07% | $-0.25 +2025-03-10 13:17:34,247 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.231032142857 | Take profit: 2126.163851785714 +2025-03-10 13:17:34,299 - INFO - CLOSED long at 2083.28 | PnL: -0.55% | $-0.96 +2025-03-10 13:17:34,354 - INFO - OPENED SHORT at 2085.3 | Stop loss: 2095.741867857143 | Take profit: 2053.9974482142857 +2025-03-10 13:17:34,424 - INFO - CLOSED short at 2080.38 | PnL: 0.24% | $0.20 +2025-03-10 13:17:34,495 - INFO - OPENED SHORT at 2085.09 | Stop loss: 2095.5308178571427 | Take profit: 2053.790598214286 +2025-03-10 13:17:34,540 - INFO - CLOSED short at 2086.57 | PnL: -0.07% | $-0.25 +2025-03-10 13:17:34,575 - INFO - OPENED SHORT at 2084.72 | Stop loss: 2095.1589678571427 | Take profit: 2053.4261482142856 +2025-03-10 13:17:34,611 - INFO - CLOSED short at 2085.85 | PnL: -0.05% | $-0.23 +2025-03-10 13:17:34,714 - INFO - OPENED LONG at 2089.96 | Stop loss: 2079.494832142857 | Take profit: 2121.332451785714 +2025-03-10 13:17:34,877 - INFO - CLOSED long at 2086.81 | PnL: -0.15% | $-0.37 +2025-03-10 13:17:34,877 - INFO - OPENED SHORT at 2086.81 | Stop loss: 2097.2594178571426 | Take profit: 2055.4847982142855 +2025-03-10 13:17:34,899 - INFO - CLOSED short at 2089.79 | PnL: -0.14% | $-0.35 +2025-03-10 13:17:34,953 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.5793821428574 | Take profit: 2122.4388017857145 +2025-03-10 13:17:34,972 - INFO - CLOSED long at 2091.05 | PnL: 0.00% | $-0.14 +2025-03-10 13:17:34,972 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.520617857143 | Take profit: 2059.661198214286 +2025-03-10 13:17:34,986 - INFO - CLOSED short at 2091.95 | PnL: -0.04% | $-0.21 +2025-03-10 13:17:35,026 - INFO - OPENED LONG at 2097.8 | Stop loss: 2087.2956321428574 | Take profit: 2129.2900517857142 +2025-03-10 13:17:35,045 - INFO - CLOSED long at 2099.99 | PnL: 0.10% | $0.01 +2025-03-10 13:17:35,046 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.505317857143 | Take profit: 2068.4670982142857 +2025-03-10 13:17:35,064 - INFO - CLOSED short at 2101.64 | PnL: -0.08% | $-0.26 +2025-03-10 13:17:35,082 - INFO - OPENED LONG at 2097.11 | Stop loss: 2086.6090821428575 | Take profit: 2128.589701785714 +2025-03-10 13:17:35,119 - INFO - CLOSED long at 2099.89 | PnL: 0.13% | $0.05 +2025-03-10 13:17:35,156 - INFO - OPENED LONG at 2099.73 | Stop loss: 2089.2159821428572 | Take profit: 2131.249001785714 +2025-03-10 13:17:35,228 - INFO - CLOSED long at 2103.81 | PnL: 0.19% | $0.13 +2025-03-10 13:17:35,270 - INFO - OPENED LONG at 2101.5 | Stop loss: 2090.977132142857 | Take profit: 2133.0455517857145 +2025-03-10 13:17:35,288 - INFO - CLOSED long at 2105.83 | PnL: 0.21% | $0.15 +2025-03-10 13:17:35,329 - INFO - OPENED LONG at 2105.2 | Stop loss: 2094.658632142857 | Take profit: 2136.801051785714 +2025-03-10 13:17:35,456 - INFO - CLOSED long at 2102.7 | PnL: -0.12% | $-0.31 +2025-03-10 13:17:35,473 - INFO - OPENED SHORT at 2102.0 | Stop loss: 2112.525367857143 | Take profit: 2070.446948214286 +2025-03-10 13:17:35,514 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.18, Avg Loss=$-0.28 +2025-03-10 13:17:35,514 - INFO - Episode 0: Reward=-114.02, Balance=$72.05, Win Rate=19.2%, Trades=146, Episode PnL=$-23.16, Total PnL=$-27.95, Max Drawdown=28.0%, Pred Accuracy=98.1% +2025-03-10 13:17:35,514 - ERROR - Error in episode 0: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:17:35,514 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1831, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:17:35,540 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:17:35,794 - INFO - OPENED LONG at 2048.51 | Stop loss: 2038.2520821428575 | Take profit: 2079.2607017857144 +2025-03-10 13:17:35,813 - INFO - CLOSED long at 2050.0 | PnL: 0.07% | $-0.05 +2025-03-10 13:17:35,869 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.8390821428573 | Take profit: 2081.8997017857146 +2025-03-10 13:17:35,886 - INFO - CLOSED long at 2053.26 | PnL: 0.10% | $0.01 +2025-03-10 13:17:35,886 - INFO - OPENED SHORT at 2053.26 | Stop loss: 2063.5416678571432 | Take profit: 2022.4380482142858 +2025-03-10 13:17:35,943 - INFO - CLOSED short at 2055.69 | PnL: -0.12% | $-0.43 +2025-03-10 13:17:36,014 - INFO - OPENED SHORT at 2060.13 | Stop loss: 2070.4460178571426 | Take profit: 2029.2049982142858 +2025-03-10 13:17:36,032 - INFO - CLOSED short at 2059.7 | PnL: 0.02% | $-0.16 +2025-03-10 13:17:36,032 - INFO - OPENED LONG at 2059.7 | Stop loss: 2049.386132142857 | Take profit: 2090.6185517857143 +2025-03-10 13:17:36,052 - INFO - CLOSED long at 2061.49 | PnL: 0.09% | $-0.03 +2025-03-10 13:17:36,054 - INFO - OPENED SHORT at 2061.49 | Stop loss: 2071.812817857143 | Take profit: 2030.5445982142855 +2025-03-10 13:17:36,072 - INFO - CLOSED short at 2063.29 | PnL: -0.09% | $-0.37 +2025-03-10 13:17:36,073 - INFO - OPENED LONG at 2063.29 | Stop loss: 2052.9581821428574 | Take profit: 2094.2624017857142 +2025-03-10 13:17:36,092 - INFO - CLOSED long at 2064.61 | PnL: 0.06% | $-0.07 +2025-03-10 13:17:36,093 - INFO - OPENED SHORT at 2064.61 | Stop loss: 2074.948417857143 | Take profit: 2033.6177982142858 +2025-03-10 13:17:36,112 - INFO - CLOSED short at 2063.59 | PnL: 0.05% | $-0.10 +2025-03-10 13:17:36,112 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.2566821428572 | Take profit: 2094.5669017857144 +2025-03-10 13:17:36,147 - INFO - CLOSED long at 2064.69 | PnL: 0.05% | $-0.09 +2025-03-10 13:17:36,174 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.6795821428573 | Take profit: 2093.9782017857146 +2025-03-10 13:17:36,195 - INFO - CLOSED long at 2060.99 | PnL: -0.10% | $-0.39 +2025-03-10 13:17:36,206 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9931321428573 | Take profit: 2089.197551785714 +2025-03-10 13:17:36,233 - INFO - CLOSED long at 2060.0 | PnL: 0.08% | $-0.03 +2025-03-10 13:17:36,296 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.626917857143 | Take profit: 2029.3822982142856 +2025-03-10 13:17:36,332 - INFO - CLOSED short at 2057.8 | PnL: 0.12% | $0.04 +2025-03-10 13:17:36,332 - INFO - OPENED LONG at 2057.8 | Stop loss: 2047.4956321428572 | Take profit: 2088.6900517857143 +2025-03-10 13:17:36,375 - INFO - CLOSED long at 2057.94 | PnL: 0.01% | $-0.18 +2025-03-10 13:17:36,376 - INFO - OPENED SHORT at 2057.94 | Stop loss: 2068.2450678571427 | Take profit: 2027.0478482142858 +2025-03-10 13:17:36,435 - INFO - CLOSED short at 2061.18 | PnL: -0.16% | $-0.50 +2025-03-10 13:17:36,511 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.465917857143 | Take profit: 2037.0652982142858 +2025-03-10 13:17:36,530 - INFO - CLOSED short at 2068.29 | PnL: -0.01% | $-0.21 +2025-03-10 13:17:36,590 - INFO - OPENED LONG at 2070.99 | Stop loss: 2060.619682142857 | Take profit: 2102.077901785714 +2025-03-10 13:17:36,610 - INFO - CLOSED long at 2069.6 | PnL: -0.07% | $-0.32 +2025-03-10 13:17:36,660 - INFO - OPENED SHORT at 2068.99 | Stop loss: 2079.3503178571427 | Take profit: 2037.9320982142856 +2025-03-10 13:17:36,713 - INFO - CLOSED short at 2067.69 | PnL: 0.06% | $-0.07 +2025-03-10 13:17:36,767 - INFO - OPENED SHORT at 2071.44 | Stop loss: 2081.8125678571428 | Take profit: 2040.3453482142857 +2025-03-10 13:17:36,790 - INFO - CLOSED short at 2073.73 | PnL: -0.11% | $-0.41 +2025-03-10 13:17:36,837 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.289917857143 | Take profit: 2041.7932982142856 +2025-03-10 13:17:36,891 - INFO - CLOSED short at 2071.38 | PnL: 0.07% | $-0.05 +2025-03-10 13:17:36,891 - INFO - OPENED LONG at 2071.38 | Stop loss: 2061.0077321428575 | Take profit: 2102.4737517857143 +2025-03-10 13:17:36,968 - INFO - CLOSED long at 2070.9 | PnL: -0.02% | $-0.24 +2025-03-10 13:17:36,995 - INFO - OPENED SHORT at 2072.8 | Stop loss: 2083.179367857143 | Take profit: 2041.684948214286 +2025-03-10 13:17:37,368 - INFO - CLOSED short at 2068.8 | PnL: 0.19% | $0.18 +2025-03-10 13:17:37,369 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.4406321428573 | Take profit: 2099.8550517857147 +2025-03-10 13:17:37,455 - INFO - CLOSED long at 2067.51 | PnL: -0.06% | $-0.31 +2025-03-10 13:17:37,489 - INFO - OPENED SHORT at 2069.01 | Stop loss: 2079.370417857143 | Take profit: 2037.951798214286 +2025-03-10 13:17:37,581 - INFO - CLOSED short at 2066.19 | PnL: 0.14% | $0.07 +2025-03-10 13:17:37,581 - INFO - OPENED LONG at 2066.19 | Stop loss: 2055.8436821428572 | Take profit: 2097.2059017857146 +2025-03-10 13:17:37,652 - INFO - CLOSED long at 2066.18 | PnL: -0.00% | $-0.19 +2025-03-10 13:17:37,652 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.5262678571426 | Take profit: 2035.1642482142856 +2025-03-10 13:17:37,698 - INFO - CLOSED short at 2068.9 | PnL: -0.13% | $-0.44 +2025-03-10 13:17:37,718 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.8679178571433 | Take profit: 2037.4592982142858 +2025-03-10 13:17:37,742 - INFO - CLOSED short at 2068.59 | PnL: -0.00% | $-0.20 +2025-03-10 13:17:37,820 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.325167857143 | Take profit: 2038.8875482142857 +2025-03-10 13:17:37,847 - INFO - CLOSED short at 2071.4 | PnL: -0.07% | $-0.32 +2025-03-10 13:17:37,872 - INFO - OPENED SHORT at 2071.39 | Stop loss: 2081.7623178571425 | Take profit: 2040.2960982142856 +2025-03-10 13:17:37,918 - INFO - CLOSED short at 2072.75 | PnL: -0.07% | $-0.31 +2025-03-10 13:17:37,918 - INFO - OPENED LONG at 2072.75 | Stop loss: 2062.370882142857 | Take profit: 2103.8643017857144 +2025-03-10 13:17:37,941 - INFO - CLOSED long at 2073.11 | PnL: 0.02% | $-0.16 +2025-03-10 13:17:37,965 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.0788678571425 | Take profit: 2041.5864482142856 +2025-03-10 13:17:38,127 - INFO - CLOSED short at 2069.46 | PnL: 0.16% | $0.11 +2025-03-10 13:17:38,213 - INFO - OPENED SHORT at 2067.79 | Stop loss: 2078.1443178571426 | Take profit: 2036.7500982142856 +2025-03-10 13:17:38,254 - INFO - CLOSED short at 2066.8 | PnL: 0.05% | $-0.10 +2025-03-10 13:17:38,498 - INFO - OPENED LONG at 2070.3 | Stop loss: 2059.933132142857 | Take profit: 2101.3775517857143 +2025-03-10 13:17:38,519 - INFO - CLOSED long at 2071.59 | PnL: 0.06% | $-0.07 +2025-03-10 13:17:38,519 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.963317857143 | Take profit: 2040.493098214286 +2025-03-10 13:17:38,539 - INFO - CLOSED short at 2070.7 | PnL: 0.04% | $-0.11 +2025-03-10 13:17:38,540 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.331132142857 | Take profit: 2101.7835517857143 +2025-03-10 13:17:38,561 - INFO - CLOSED long at 2070.4 | PnL: -0.01% | $-0.21 +2025-03-10 13:17:38,727 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.754132142857 | Take profit: 2097.1145517857144 +2025-03-10 13:17:38,746 - INFO - CLOSED long at 2065.28 | PnL: -0.04% | $-0.26 +2025-03-10 13:17:38,746 - INFO - OPENED SHORT at 2065.28 | Stop loss: 2075.6217678571434 | Take profit: 2034.277748214286 +2025-03-10 13:17:38,764 - INFO - CLOSED short at 2066.39 | PnL: -0.05% | $-0.29 +2025-03-10 13:17:38,764 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.042682142857 | Take profit: 2097.408901785714 +2025-03-10 13:17:38,787 - INFO - CLOSED long at 2064.47 | PnL: -0.09% | $-0.36 +2025-03-10 13:17:38,787 - INFO - OPENED SHORT at 2064.47 | Stop loss: 2074.807717857143 | Take profit: 2033.4798982142854 +2025-03-10 13:17:38,826 - INFO - CLOSED short at 2067.8 | PnL: -0.16% | $-0.48 +2025-03-10 13:17:38,850 - INFO - OPENED SHORT at 2068.18 | Stop loss: 2078.536267857143 | Take profit: 2037.1342482142854 +2025-03-10 13:17:38,979 - INFO - CLOSED short at 2062.89 | PnL: 0.26% | $0.29 +2025-03-10 13:17:39,031 - INFO - OPENED LONG at 2059.59 | Stop loss: 2049.276682142857 | Take profit: 2090.5069017857145 +2025-03-10 13:17:39,074 - INFO - CLOSED long at 2063.59 | PnL: 0.19% | $0.17 +2025-03-10 13:17:39,144 - INFO - OPENED SHORT at 2065.54 | Stop loss: 2075.8830678571426 | Take profit: 2034.5338482142859 +2025-03-10 13:17:39,184 - INFO - CLOSED short at 2064.45 | PnL: 0.05% | $-0.09 +2025-03-10 13:17:39,184 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.112382142857 | Take profit: 2095.439801785714 +2025-03-10 13:17:39,203 - INFO - CLOSED long at 2064.08 | PnL: -0.02% | $-0.22 +2025-03-10 13:17:39,243 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560182142857 | Take profit: 2093.8564017857143 +2025-03-10 13:17:39,281 - INFO - CLOSED long at 2063.5 | PnL: 0.03% | $-0.13 +2025-03-10 13:17:39,324 - INFO - OPENED LONG at 2060.9 | Stop loss: 2050.580132142857 | Take profit: 2091.836551785714 +2025-03-10 13:17:39,362 - INFO - CLOSED long at 2058.89 | PnL: -0.10% | $-0.36 +2025-03-10 13:17:39,364 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.199817857143 | Take profit: 2027.9835982142856 +2025-03-10 13:17:39,404 - INFO - CLOSED short at 2060.31 | PnL: -0.07% | $-0.31 +2025-03-10 13:17:39,405 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.993082142857 | Take profit: 2091.2377017857143 +2025-03-10 13:17:39,442 - INFO - CLOSED long at 2064.7 | PnL: 0.21% | $0.21 +2025-03-10 13:17:39,442 - INFO - OPENED SHORT at 2064.7 | Stop loss: 2075.0388678571426 | Take profit: 2033.7064482142857 +2025-03-10 13:17:39,482 - INFO - CLOSED short at 2060.91 | PnL: 0.18% | $0.15 +2025-03-10 13:17:39,483 - INFO - OPENED LONG at 2060.91 | Stop loss: 2050.5900821428568 | Take profit: 2091.846701785714 +2025-03-10 13:17:39,503 - INFO - CLOSED long at 2060.3 | PnL: -0.03% | $-0.24 +2025-03-10 13:17:39,522 - INFO - OPENED LONG at 2061.13 | Stop loss: 2050.808982142857 | Take profit: 2092.0700017857143 +2025-03-10 13:17:39,542 - INFO - CLOSED long at 2061.9 | PnL: 0.04% | $-0.11 +2025-03-10 13:17:39,542 - INFO - OPENED SHORT at 2061.9 | Stop loss: 2072.2248678571427 | Take profit: 2030.9484482142857 +2025-03-10 13:17:39,580 - INFO - CLOSED short at 2065.36 | PnL: -0.17% | $-0.49 +2025-03-10 13:17:39,580 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.0178321428575 | Take profit: 2096.3634517857145 +2025-03-10 13:17:39,596 - INFO - CLOSED long at 2064.33 | PnL: -0.05% | $-0.27 +2025-03-10 13:17:39,596 - INFO - OPENED SHORT at 2064.33 | Stop loss: 2074.6670178571426 | Take profit: 2033.3419982142857 +2025-03-10 13:17:39,617 - INFO - CLOSED short at 2063.39 | PnL: 0.05% | $-0.10 +2025-03-10 13:17:39,617 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.057682142857 | Take profit: 2094.363901785714 +2025-03-10 13:17:39,654 - INFO - CLOSED long at 2065.89 | PnL: 0.12% | $0.04 +2025-03-10 13:17:39,688 - INFO - OPENED LONG at 2063.0 | Stop loss: 2052.669632142857 | Take profit: 2093.968051785714 +2025-03-10 13:17:39,746 - INFO - CLOSED long at 2061.7 | PnL: -0.06% | $-0.30 +2025-03-10 13:17:39,746 - INFO - OPENED SHORT at 2061.7 | Stop loss: 2072.0238678571427 | Take profit: 2030.7514482142856 +2025-03-10 13:17:39,801 - INFO - CLOSED short at 2059.61 | PnL: 0.10% | $0.00 +2025-03-10 13:17:39,821 - INFO - OPENED LONG at 2059.16 | Stop loss: 2048.848832142857 | Take profit: 2090.0704517857143 +2025-03-10 13:17:39,874 - INFO - CLOSED long at 2059.96 | PnL: 0.04% | $-0.11 +2025-03-10 13:17:39,891 - INFO - OPENED LONG at 2059.46 | Stop loss: 2049.147332142857 | Take profit: 2090.3749517857145 +2025-03-10 13:17:39,926 - INFO - CLOSED long at 2058.28 | PnL: -0.06% | $-0.28 +2025-03-10 13:17:39,926 - INFO - OPENED SHORT at 2058.28 | Stop loss: 2068.586767857143 | Take profit: 2027.382748214286 +2025-03-10 13:17:39,980 - INFO - CLOSED short at 2054.89 | PnL: 0.16% | $0.12 +2025-03-10 13:17:39,980 - INFO - OPENED LONG at 2054.89 | Stop loss: 2044.600182142857 | Take profit: 2085.7364017857144 +2025-03-10 13:17:40,046 - INFO - CLOSED long at 2058.15 | PnL: 0.16% | $0.11 +2025-03-10 13:17:40,067 - INFO - OPENED SHORT at 2059.8 | Stop loss: 2070.1143678571434 | Take profit: 2028.8799482142858 +2025-03-10 13:17:40,106 - INFO - CLOSED short at 2061.5 | PnL: -0.08% | $-0.33 +2025-03-10 13:17:40,106 - INFO - OPENED LONG at 2061.5 | Stop loss: 2051.1771321428573 | Take profit: 2092.445551785714 +2025-03-10 13:17:40,127 - INFO - CLOSED long at 2061.6 | PnL: 0.00% | $-0.17 +2025-03-10 13:17:40,145 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.621867857143 | Take profit: 2030.357448214286 +2025-03-10 13:17:40,219 - INFO - CLOSED short at 2066.01 | PnL: -0.23% | $-0.59 +2025-03-10 13:17:40,242 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5651321428572 | Take profit: 2094.8815517857142 +2025-03-10 13:17:40,284 - INFO - CLOSED long at 2066.33 | PnL: 0.12% | $0.03 +2025-03-10 13:17:40,284 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6770178571423 | Take profit: 2035.3119982142855 +2025-03-10 13:17:40,305 - INFO - CLOSED short at 2066.34 | PnL: -0.00% | $-0.18 +2025-03-10 13:17:40,363 - INFO - OPENED LONG at 2067.01 | Stop loss: 2056.6595821428573 | Take profit: 2098.0382017857146 +2025-03-10 13:17:40,383 - INFO - CLOSED long at 2065.69 | PnL: -0.06% | $-0.29 +2025-03-10 13:17:40,444 - INFO - OPENED LONG at 2074.3 | Stop loss: 2063.913132142857 | Take profit: 2105.4375517857143 +2025-03-10 13:17:40,466 - INFO - CLOSED long at 2078.01 | PnL: 0.18% | $0.14 +2025-03-10 13:17:40,490 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.4004178571427 | Take profit: 2043.861798214286 +2025-03-10 13:17:40,530 - INFO - CLOSED short at 2071.04 | PnL: 0.19% | $0.16 +2025-03-10 13:17:40,531 - INFO - OPENED LONG at 2071.04 | Stop loss: 2060.669432142857 | Take profit: 2102.1286517857143 +2025-03-10 13:17:40,703 - INFO - CLOSED long at 2067.44 | PnL: -0.17% | $-0.49 +2025-03-10 13:17:40,723 - INFO - OPENED SHORT at 2068.79 | Stop loss: 2079.149317857143 | Take profit: 2037.7350982142857 +2025-03-10 13:17:40,742 - INFO - CLOSED short at 2072.99 | PnL: -0.20% | $-0.54 +2025-03-10 13:17:40,858 - INFO - OPENED LONG at 2065.66 | Stop loss: 2055.316332142857 | Take profit: 2096.6679517857137 +2025-03-10 13:17:40,877 - INFO - CLOSED long at 2063.95 | PnL: -0.08% | $-0.32 +2025-03-10 13:17:40,933 - INFO - OPENED LONG at 2065.3 | Stop loss: 2054.9581321428573 | Take profit: 2096.3025517857145 +2025-03-10 13:17:41,127 - INFO - CLOSED long at 2068.59 | PnL: 0.16% | $0.10 +2025-03-10 13:17:41,127 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.948317857143 | Take profit: 2037.5380982142858 +2025-03-10 13:17:41,163 - INFO - CLOSED short at 2071.59 | PnL: -0.15% | $-0.43 +2025-03-10 13:17:41,163 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.2166821428573 | Take profit: 2102.686901785715 +2025-03-10 13:17:41,229 - INFO - CLOSED long at 2071.35 | PnL: -0.01% | $-0.20 +2025-03-10 13:17:41,259 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.269867857143 | Take profit: 2039.8134482142857 +2025-03-10 13:17:41,319 - INFO - CLOSED short at 2070.7 | PnL: 0.01% | $-0.16 +2025-03-10 13:17:41,319 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.331132142857 | Take profit: 2101.7835517857143 +2025-03-10 13:17:41,364 - INFO - CLOSED long at 2070.35 | PnL: -0.02% | $-0.20 +2025-03-10 13:17:41,365 - INFO - OPENED SHORT at 2070.35 | Stop loss: 2080.717117857143 | Take profit: 2039.2716982142856 +2025-03-10 13:17:41,389 - INFO - CLOSED short at 2070.61 | PnL: -0.01% | $-0.20 +2025-03-10 13:17:41,408 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.614682142857 | Take profit: 2103.0929017857143 +2025-03-10 13:17:41,503 - INFO - CLOSED long at 2071.61 | PnL: -0.02% | $-0.21 +2025-03-10 13:17:41,504 - INFO - OPENED SHORT at 2071.61 | Stop loss: 2081.983417857143 | Take profit: 2040.5127982142858 +2025-03-10 13:17:41,598 - INFO - CLOSED short at 2073.27 | PnL: -0.08% | $-0.31 +2025-03-10 13:17:41,659 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.9280321428573 | Take profit: 2106.4728517857143 +2025-03-10 13:17:41,845 - INFO - CLOSED long at 2067.7 | PnL: -0.37% | $-0.80 +2025-03-10 13:17:41,845 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.0538678571424 | Take profit: 2036.6614482142857 +2025-03-10 13:17:41,866 - INFO - CLOSED short at 2067.0 | PnL: 0.03% | $-0.11 +2025-03-10 13:17:41,869 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.649632142857 | Take profit: 2098.0280517857145 +2025-03-10 13:17:41,890 - INFO - CLOSED long at 2067.9 | PnL: 0.04% | $-0.10 +2025-03-10 13:17:41,890 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.254867857143 | Take profit: 2036.858448214286 +2025-03-10 13:17:41,980 - INFO - CLOSED short at 2067.88 | PnL: 0.00% | $-0.17 +2025-03-10 13:17:41,981 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.525232142857 | Take profit: 2098.9212517857145 +2025-03-10 13:17:42,064 - INFO - CLOSED long at 2068.1 | PnL: 0.01% | $-0.15 +2025-03-10 13:17:42,065 - INFO - OPENED SHORT at 2068.1 | Stop loss: 2078.455867857143 | Take profit: 2037.0554482142857 +2025-03-10 13:17:42,107 - INFO - CLOSED short at 2069.0 | PnL: -0.04% | $-0.24 +2025-03-10 13:17:42,187 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.541317857143 | Take profit: 2036.1590982142857 +2025-03-10 13:17:42,293 - INFO - CLOSED short at 2065.07 | PnL: 0.10% | $0.00 +2025-03-10 13:17:42,293 - INFO - OPENED LONG at 2065.07 | Stop loss: 2054.7292821428573 | Take profit: 2096.0691017857143 +2025-03-10 13:17:42,370 - INFO - CLOSED long at 2062.34 | PnL: -0.13% | $-0.39 +2025-03-10 13:17:42,371 - INFO - OPENED SHORT at 2062.34 | Stop loss: 2072.667067857143 | Take profit: 2031.381848214286 +2025-03-10 13:17:42,498 - INFO - CLOSED short at 2065.06 | PnL: -0.13% | $-0.39 +2025-03-10 13:17:42,499 - INFO - OPENED LONG at 2065.06 | Stop loss: 2054.719332142857 | Take profit: 2096.0589517857143 +2025-03-10 13:17:42,590 - INFO - CLOSED long at 2066.33 | PnL: 0.06% | $-0.06 +2025-03-10 13:17:42,643 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.381132142857 | Take profit: 2091.6335517857137 +2025-03-10 13:17:42,721 - INFO - CLOSED long at 2058.09 | PnL: -0.13% | $-0.38 +2025-03-10 13:17:42,741 - INFO - OPENED SHORT at 2058.65 | Stop loss: 2068.958617857143 | Take profit: 2027.7471982142856 +2025-03-10 13:17:42,850 - INFO - CLOSED short at 2049.21 | PnL: 0.46% | $0.60 +2025-03-10 13:17:42,851 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.948582142857 | Take profit: 2079.971201785714 +2025-03-10 13:17:42,926 - INFO - CLOSED long at 2051.99 | PnL: 0.14% | $0.06 +2025-03-10 13:17:42,926 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.2653178571427 | Take profit: 2021.1870982142855 +2025-03-10 13:17:43,025 - INFO - STOP LOSS hit for short at 2062.2653178571427 | PnL: -0.50% | $-1.01 +2025-03-10 13:17:43,045 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5651321428572 | Take profit: 2094.8815517857142 +2025-03-10 13:17:43,084 - INFO - CLOSED long at 2062.43 | PnL: -0.07% | $-0.28 +2025-03-10 13:17:43,108 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.878117857143 | Take profit: 2031.5886982142858 +2025-03-10 13:17:43,159 - INFO - CLOSED short at 2068.33 | PnL: -0.28% | $-0.63 +2025-03-10 13:17:43,262 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.744232142857 | Take profit: 2095.064251785714 +2025-03-10 13:17:43,324 - INFO - CLOSED long at 2059.9 | PnL: -0.20% | $-0.50 +2025-03-10 13:17:43,371 - INFO - OPENED LONG at 2061.84 | Stop loss: 2051.515432142857 | Take profit: 2092.790651785714 +2025-03-10 13:17:43,395 - INFO - CLOSED long at 2062.54 | PnL: 0.03% | $-0.11 +2025-03-10 13:17:43,396 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.8680678571427 | Take profit: 2031.5788482142857 +2025-03-10 13:17:43,499 - INFO - CLOSED short at 2069.81 | PnL: -0.35% | $-0.74 +2025-03-10 13:17:43,546 - INFO - OPENED LONG at 2073.49 | Stop loss: 2063.107182142857 | Take profit: 2104.6154017857143 +2025-03-10 13:17:43,656 - INFO - CLOSED long at 2071.89 | PnL: -0.08% | $-0.29 +2025-03-10 13:17:43,735 - INFO - OPENED SHORT at 2074.9 | Stop loss: 2085.2898678571432 | Take profit: 2043.7534482142858 +2025-03-10 13:17:43,763 - INFO - CLOSED short at 2076.08 | PnL: -0.06% | $-0.25 +2025-03-10 13:17:43,810 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.116832142857 | Take profit: 2116.866451785714 +2025-03-10 13:17:43,886 - INFO - CLOSED long at 2130.7 | PnL: 2.16% | $3.31 +2025-03-10 13:17:43,975 - INFO - OPENED LONG at 2133.95 | Stop loss: 2123.264882142857 | Take profit: 2165.982301785714 +2025-03-10 13:17:44,048 - INFO - CLOSED long at 2137.59 | PnL: 0.17% | $0.12 +2025-03-10 13:17:44,048 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.293317857143 | Take profit: 2105.5030982142857 +2025-03-10 13:17:44,148 - INFO - CLOSED short at 2141.3 | PnL: -0.17% | $-0.46 +2025-03-10 13:17:44,227 - INFO - OPENED SHORT at 2134.78 | Stop loss: 2145.4692678571428 | Take profit: 2102.735248214286 +2025-03-10 13:17:44,253 - INFO - CLOSED short at 2126.99 | PnL: 0.36% | $0.44 +2025-03-10 13:17:44,256 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.339682142857 | Take profit: 2158.917901785714 +2025-03-10 13:17:44,341 - INFO - CLOSED long at 2121.09 | PnL: -0.28% | $-0.63 +2025-03-10 13:17:44,384 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.5338821428572 | Take profit: 2151.9753017857147 +2025-03-10 13:17:44,434 - INFO - CLOSED long at 2117.24 | PnL: -0.14% | $-0.39 +2025-03-10 13:17:44,435 - INFO - OPENED SHORT at 2117.24 | Stop loss: 2127.8415678571428 | Take profit: 2085.4583482142857 +2025-03-10 13:17:44,553 - INFO - CLOSED short at 2118.52 | PnL: -0.06% | $-0.27 +2025-03-10 13:17:44,656 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9825178571427 | Take profit: 2075.7954982142855 +2025-03-10 13:17:44,754 - INFO - CLOSED short at 2112.95 | PnL: -0.26% | $-0.60 +2025-03-10 13:17:44,755 - INFO - OPENED LONG at 2112.95 | Stop loss: 2102.369882142857 | Take profit: 2144.667301785714 +2025-03-10 13:17:44,871 - INFO - CLOSED long at 2112.99 | PnL: 0.00% | $-0.16 +2025-03-10 13:17:44,871 - INFO - OPENED SHORT at 2112.99 | Stop loss: 2123.570317857143 | Take profit: 2081.2720982142855 +2025-03-10 13:17:44,941 - INFO - CLOSED short at 2116.48 | PnL: -0.17% | $-0.43 +2025-03-10 13:17:44,942 - INFO - OPENED LONG at 2116.48 | Stop loss: 2105.882232142857 | Take profit: 2148.250251785714 +2025-03-10 13:17:44,995 - INFO - CLOSED long at 2110.9 | PnL: -0.26% | $-0.59 +2025-03-10 13:17:45,045 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.942182142857 | Take profit: 2138.1104017857137 +2025-03-10 13:17:45,099 - INFO - CLOSED long at 2103.33 | PnL: -0.15% | $-0.40 +2025-03-10 13:17:45,175 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0169821428576 | Take profit: 2131.0460017857145 +2025-03-10 13:17:45,222 - INFO - CLOSED long at 2102.19 | PnL: 0.13% | $0.04 +2025-03-10 13:17:45,287 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.390132142857 | Take profit: 2130.4065517857143 +2025-03-10 13:17:45,435 - INFO - CLOSED long at 2104.68 | PnL: 0.28% | $0.28 +2025-03-10 13:17:45,498 - INFO - OPENED SHORT at 2099.59 | Stop loss: 2110.1033178571433 | Take profit: 2068.073098214286 +2025-03-10 13:17:45,541 - INFO - CLOSED short at 2098.39 | PnL: 0.06% | $-0.07 +2025-03-10 13:17:45,548 - INFO - OPENED LONG at 2098.39 | Stop loss: 2087.882682142857 | Take profit: 2129.8889017857146 +2025-03-10 13:17:45,650 - INFO - CLOSED long at 2092.46 | PnL: -0.28% | $-0.62 +2025-03-10 13:17:45,703 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.231032142857 | Take profit: 2126.163851785714 +2025-03-10 13:17:45,728 - INFO - CLOSED long at 2094.08 | PnL: -0.03% | $-0.21 +2025-03-10 13:17:45,779 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.8482321428573 | Take profit: 2114.552251785715 +2025-03-10 13:17:45,828 - INFO - CLOSED long at 2083.97 | PnL: 0.03% | $-0.11 +2025-03-10 13:17:45,938 - INFO - OPENED LONG at 2080.38 | Stop loss: 2069.962732142857 | Take profit: 2111.6087517857145 +2025-03-10 13:17:46,001 - INFO - CLOSED long at 2085.09 | PnL: 0.23% | $0.20 +2025-03-10 13:17:46,020 - INFO - OPENED LONG at 2083.59 | Stop loss: 2073.1566821428573 | Take profit: 2114.866901785714 +2025-03-10 13:17:46,046 - INFO - CLOSED long at 2086.57 | PnL: 0.14% | $0.07 +2025-03-10 13:17:46,046 - INFO - OPENED SHORT at 2086.57 | Stop loss: 2097.018217857143 | Take profit: 2055.2483982142858 +2025-03-10 13:17:46,088 - INFO - CLOSED short at 2084.72 | PnL: 0.09% | $-0.02 +2025-03-10 13:17:46,172 - INFO - OPENED SHORT at 2088.32 | Stop loss: 2098.776967857143 | Take profit: 2056.972148214286 +2025-03-10 13:17:46,192 - INFO - CLOSED short at 2088.1 | PnL: 0.01% | $-0.14 +2025-03-10 13:17:46,213 - INFO - OPENED SHORT at 2089.96 | Stop loss: 2100.425167857143 | Take profit: 2058.5875482142856 +2025-03-10 13:17:46,258 - INFO - CLOSED short at 2087.47 | PnL: 0.12% | $0.03 +2025-03-10 13:17:46,258 - INFO - OPENED LONG at 2087.47 | Stop loss: 2077.017282142857 | Take profit: 2118.805101785714 +2025-03-10 13:17:46,278 - INFO - CLOSED long at 2087.78 | PnL: 0.01% | $-0.14 +2025-03-10 13:17:46,299 - INFO - OPENED SHORT at 2086.81 | Stop loss: 2097.2594178571426 | Take profit: 2055.4847982142855 +2025-03-10 13:17:46,353 - INFO - CLOSED short at 2085.67 | PnL: 0.05% | $-0.07 +2025-03-10 13:17:46,353 - INFO - OPENED LONG at 2085.67 | Stop loss: 2075.226282142857 | Take profit: 2116.9781017857144 +2025-03-10 13:17:46,399 - INFO - CLOSED long at 2091.05 | PnL: 0.26% | $0.25 +2025-03-10 13:17:46,419 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.5793821428574 | Take profit: 2122.4388017857145 +2025-03-10 13:17:46,450 - INFO - CLOSED long at 2091.95 | PnL: 0.04% | $-0.09 +2025-03-10 13:17:46,470 - INFO - OPENED LONG at 2094.7 | Stop loss: 2084.211132142857 | Take profit: 2126.143551785714 +2025-03-10 13:17:46,496 - INFO - CLOSED long at 2097.8 | PnL: 0.15% | $0.08 +2025-03-10 13:17:46,496 - INFO - OPENED SHORT at 2097.8 | Stop loss: 2108.304367857143 | Take profit: 2066.3099482142857 +2025-03-10 13:17:46,521 - INFO - CLOSED short at 2099.99 | PnL: -0.10% | $-0.33 +2025-03-10 13:17:46,521 - INFO - OPENED LONG at 2099.99 | Stop loss: 2089.474682142857 | Take profit: 2131.512901785714 +2025-03-10 13:17:46,568 - INFO - CLOSED long at 2097.11 | PnL: -0.14% | $-0.38 +2025-03-10 13:17:46,569 - INFO - OPENED SHORT at 2097.11 | Stop loss: 2107.6109178571432 | Take profit: 2065.630298214286 +2025-03-10 13:17:46,643 - INFO - CLOSED short at 2100.89 | PnL: -0.18% | $-0.44 +2025-03-10 13:17:46,724 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.012767857143 | Take profit: 2071.904748214286 +2025-03-10 13:17:46,810 - INFO - CLOSED short at 2103.07 | PnL: 0.02% | $-0.13 +2025-03-10 13:17:46,811 - INFO - OPENED LONG at 2103.07 | Stop loss: 2092.5392821428572 | Take profit: 2134.6391017857145 +2025-03-10 13:17:46,865 - INFO - CLOSED long at 2105.83 | PnL: 0.13% | $0.05 +2025-03-10 13:17:46,888 - INFO - OPENED SHORT at 2103.64 | Stop loss: 2114.1735678571426 | Take profit: 2072.0623482142855 +2025-03-10 13:17:46,959 - INFO - CLOSED short at 2104.4 | PnL: -0.04% | $-0.21 +2025-03-10 13:17:47,065 - INFO - OPENED SHORT at 2102.0 | Stop loss: 2112.525367857143 | Take profit: 2070.446948214286 +2025-03-10 13:17:47,112 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.24, Avg Loss=$-0.28 +2025-03-10 13:17:47,113 - INFO - Episode 1: Reward=-91.04, Balance=$78.84, Win Rate=23.3%, Trades=133, Episode PnL=$-16.45, Total PnL=$-49.11, Max Drawdown=21.2%, Pred Accuracy=99.3% +2025-03-10 13:17:47,113 - ERROR - Error in episode 1: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:17:47,114 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1831, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:17:47,139 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:17:47,352 - INFO - OPENED SHORT at 2048.13 | Stop loss: 2058.3860178571426 | Take profit: 2017.3849982142858 +2025-03-10 13:17:47,423 - INFO - CLOSED short at 2050.0 | PnL: -0.09% | $-0.38 +2025-03-10 13:17:47,423 - INFO - OPENED LONG at 2050.0 | Stop loss: 2039.7346321428572 | Take profit: 2080.7730517857144 +2025-03-10 13:17:47,513 - INFO - CLOSED long at 2051.11 | PnL: 0.05% | $-0.09 +2025-03-10 13:17:47,514 - INFO - OPENED SHORT at 2051.11 | Stop loss: 2061.380917857143 | Take profit: 2020.320298214286 +2025-03-10 13:17:47,590 - INFO - CLOSED short at 2052.3 | PnL: -0.06% | $-0.31 +2025-03-10 13:17:47,590 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.0231321428573 | Take profit: 2083.1075517857143 +2025-03-10 13:17:47,673 - INFO - CLOSED long at 2056.89 | PnL: 0.22% | $0.24 +2025-03-10 13:17:47,674 - INFO - OPENED SHORT at 2056.89 | Stop loss: 2067.1898178571428 | Take profit: 2026.0135982142856 +2025-03-10 13:17:47,719 - INFO - CLOSED short at 2060.13 | PnL: -0.16% | $-0.51 +2025-03-10 13:17:47,719 - INFO - OPENED LONG at 2060.13 | Stop loss: 2049.813982142857 | Take profit: 2091.0550017857145 +2025-03-10 13:17:47,744 - INFO - CLOSED long at 2059.7 | PnL: -0.02% | $-0.24 +2025-03-10 13:17:47,744 - INFO - OPENED SHORT at 2059.7 | Stop loss: 2070.0138678571425 | Take profit: 2028.7814482142855 +2025-03-10 13:17:47,859 - INFO - CLOSED short at 2061.61 | PnL: -0.09% | $-0.38 +2025-03-10 13:17:47,859 - INFO - OPENED LONG at 2061.61 | Stop loss: 2051.2865821428572 | Take profit: 2092.5572017857144 +2025-03-10 13:17:47,902 - INFO - CLOSED long at 2063.01 | PnL: 0.07% | $-0.06 +2025-03-10 13:17:47,965 - INFO - OPENED SHORT at 2060.0 | Stop loss: 2070.315367857143 | Take profit: 2029.0769482142857 +2025-03-10 13:17:47,988 - INFO - CLOSED short at 2061.89 | PnL: -0.09% | $-0.37 +2025-03-10 13:17:47,989 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.565182142857 | Take profit: 2092.841401785714 +2025-03-10 13:17:48,032 - INFO - CLOSED long at 2060.31 | PnL: -0.08% | $-0.34 +2025-03-10 13:17:48,052 - INFO - OPENED SHORT at 2059.49 | Stop loss: 2069.8028178571426 | Take profit: 2028.5745982142855 +2025-03-10 13:17:48,098 - INFO - CLOSED short at 2057.89 | PnL: 0.08% | $-0.04 +2025-03-10 13:17:48,186 - INFO - OPENED LONG at 2061.18 | Stop loss: 2050.8587321428568 | Take profit: 2092.120751785714 +2025-03-10 13:17:48,340 - INFO - CLOSED long at 2071.63 | PnL: 0.51% | $0.79 +2025-03-10 13:17:48,341 - INFO - OPENED SHORT at 2071.63 | Stop loss: 2082.003517857143 | Take profit: 2040.5324982142859 +2025-03-10 13:17:48,451 - INFO - CLOSED short at 2067.9 | PnL: 0.18% | $0.16 +2025-03-10 13:17:48,556 - INFO - OPENED LONG at 2073.73 | Stop loss: 2063.345982142857 | Take profit: 2104.8590017857146 +2025-03-10 13:17:48,583 - INFO - CLOSED long at 2075.1 | PnL: 0.07% | $-0.07 +2025-03-10 13:17:48,583 - INFO - OPENED SHORT at 2075.1 | Stop loss: 2085.490867857143 | Take profit: 2043.9504482142856 +2025-03-10 13:17:48,608 - INFO - CLOSED short at 2072.91 | PnL: 0.11% | $0.01 +2025-03-10 13:17:48,609 - INFO - OPENED LONG at 2072.91 | Stop loss: 2062.530082142857 | Take profit: 2104.026701785714 +2025-03-10 13:17:48,660 - INFO - CLOSED long at 2071.38 | PnL: -0.07% | $-0.34 +2025-03-10 13:17:48,861 - INFO - OPENED SHORT at 2070.36 | Stop loss: 2080.7271678571433 | Take profit: 2039.2815482142857 +2025-03-10 13:17:48,933 - INFO - CLOSED short at 2069.34 | PnL: 0.05% | $-0.10 +2025-03-10 13:17:49,033 - INFO - OPENED LONG at 2069.01 | Stop loss: 2058.6495821428575 | Take profit: 2100.0682017857143 +2025-03-10 13:17:49,100 - INFO - CLOSED long at 2066.19 | PnL: -0.14% | $-0.46 +2025-03-10 13:17:49,160 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.5262678571426 | Take profit: 2035.1642482142856 +2025-03-10 13:17:49,203 - INFO - CLOSED short at 2068.9 | PnL: -0.13% | $-0.45 +2025-03-10 13:17:49,204 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.540132142857 | Take profit: 2099.9565517857145 +2025-03-10 13:17:49,225 - INFO - CLOSED long at 2068.51 | PnL: -0.02% | $-0.23 +2025-03-10 13:17:49,291 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.767367857143 | Take profit: 2039.3209482142859 +2025-03-10 13:17:49,312 - INFO - CLOSED short at 2069.96 | PnL: 0.02% | $-0.15 +2025-03-10 13:17:49,313 - INFO - OPENED LONG at 2069.96 | Stop loss: 2059.5948321428573 | Take profit: 2101.0324517857143 +2025-03-10 13:17:49,399 - INFO - CLOSED long at 2072.75 | PnL: 0.13% | $0.07 +2025-03-10 13:17:49,399 - INFO - OPENED SHORT at 2072.75 | Stop loss: 2083.129117857143 | Take profit: 2041.6356982142856 +2025-03-10 13:17:49,442 - INFO - CLOSED short at 2072.7 | PnL: 0.00% | $-0.19 +2025-03-10 13:17:49,442 - INFO - OPENED LONG at 2072.7 | Stop loss: 2062.321132142857 | Take profit: 2103.813551785714 +2025-03-10 13:17:49,499 - INFO - CLOSED long at 2073.9 | PnL: 0.06% | $-0.08 +2025-03-10 13:17:49,500 - INFO - OPENED SHORT at 2073.9 | Stop loss: 2084.2848678571427 | Take profit: 2042.7684482142859 +2025-03-10 13:17:49,518 - INFO - CLOSED short at 2071.92 | PnL: 0.10% | $-0.01 +2025-03-10 13:17:49,519 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.545032142857 | Take profit: 2103.0218517857147 +2025-03-10 13:17:49,563 - INFO - CLOSED long at 2071.11 | PnL: -0.04% | $-0.27 +2025-03-10 13:17:49,563 - INFO - OPENED SHORT at 2071.11 | Stop loss: 2081.480917857143 | Take profit: 2040.0202982142857 +2025-03-10 13:17:49,582 - INFO - CLOSED short at 2069.46 | PnL: 0.08% | $-0.04 +2025-03-10 13:17:49,605 - INFO - OPENED SHORT at 2069.35 | Stop loss: 2079.7121178571424 | Take profit: 2038.2866982142855 +2025-03-10 13:17:49,645 - INFO - CLOSED short at 2067.0 | PnL: 0.11% | $0.03 +2025-03-10 13:17:49,709 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.1493678571433 | Take profit: 2035.7749482142858 +2025-03-10 13:17:49,750 - INFO - CLOSED short at 2063.61 | PnL: 0.15% | $0.10 +2025-03-10 13:17:49,751 - INFO - OPENED LONG at 2063.61 | Stop loss: 2053.2765821428575 | Take profit: 2094.587201785714 +2025-03-10 13:17:49,795 - INFO - CLOSED long at 2067.89 | PnL: 0.21% | $0.21 +2025-03-10 13:17:49,818 - INFO - OPENED SHORT at 2068.58 | Stop loss: 2078.938267857143 | Take profit: 2037.5282482142857 +2025-03-10 13:17:49,838 - INFO - CLOSED short at 2068.8 | PnL: -0.01% | $-0.21 +2025-03-10 13:17:49,907 - INFO - OPENED LONG at 2067.59 | Stop loss: 2057.2366821428573 | Take profit: 2098.6269017857144 +2025-03-10 13:17:50,020 - INFO - CLOSED long at 2070.73 | PnL: 0.15% | $0.10 +2025-03-10 13:17:50,057 - INFO - OPENED LONG at 2068.69 | Stop loss: 2058.331182142857 | Take profit: 2099.7434017857145 +2025-03-10 13:17:50,138 - INFO - CLOSED long at 2066.4 | PnL: -0.11% | $-0.40 +2025-03-10 13:17:50,138 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.7473678571428 | Take profit: 2035.3809482142858 +2025-03-10 13:17:50,177 - INFO - CLOSED short at 2065.28 | PnL: 0.05% | $-0.09 +2025-03-10 13:17:50,177 - INFO - OPENED LONG at 2065.28 | Stop loss: 2054.9382321428575 | Take profit: 2096.282251785715 +2025-03-10 13:17:50,215 - INFO - CLOSED long at 2064.47 | PnL: -0.04% | $-0.27 +2025-03-10 13:17:50,277 - INFO - OPENED SHORT at 2068.18 | Stop loss: 2078.536267857143 | Take profit: 2037.1342482142854 +2025-03-10 13:17:50,360 - INFO - CLOSED short at 2065.83 | PnL: 0.11% | $0.03 +2025-03-10 13:17:50,360 - INFO - OPENED LONG at 2065.83 | Stop loss: 2055.485482142857 | Take profit: 2096.840501785714 +2025-03-10 13:17:50,384 - INFO - CLOSED long at 2066.15 | PnL: 0.02% | $-0.16 +2025-03-10 13:17:50,454 - INFO - OPENED SHORT at 2061.78 | Stop loss: 2072.1042678571434 | Take profit: 2030.830248214286 +2025-03-10 13:17:50,476 - INFO - CLOSED short at 2059.59 | PnL: 0.11% | $0.01 +2025-03-10 13:17:50,476 - INFO - OPENED LONG at 2059.59 | Stop loss: 2049.276682142857 | Take profit: 2090.5069017857145 +2025-03-10 13:17:50,495 - INFO - CLOSED long at 2061.3 | PnL: 0.08% | $-0.03 +2025-03-10 13:17:50,495 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.621867857143 | Take profit: 2030.357448214286 +2025-03-10 13:17:50,513 - INFO - CLOSED short at 2063.59 | PnL: -0.11% | $-0.40 +2025-03-10 13:17:50,565 - INFO - OPENED LONG at 2067.1 | Stop loss: 2056.749132142857 | Take profit: 2098.129551785714 +2025-03-10 13:17:50,585 - INFO - CLOSED long at 2065.54 | PnL: -0.08% | $-0.33 +2025-03-10 13:17:50,585 - INFO - OPENED SHORT at 2065.54 | Stop loss: 2075.8830678571426 | Take profit: 2034.5338482142859 +2025-03-10 13:17:50,638 - INFO - CLOSED short at 2064.08 | PnL: 0.07% | $-0.06 +2025-03-10 13:17:50,638 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.744232142857 | Take profit: 2095.064251785714 +2025-03-10 13:17:50,671 - INFO - CLOSED long at 2062.89 | PnL: -0.06% | $-0.30 +2025-03-10 13:17:50,671 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2198178571425 | Take profit: 2031.9235982142857 +2025-03-10 13:17:50,885 - INFO - CLOSED short at 2062.61 | PnL: 0.01% | $-0.16 +2025-03-10 13:17:50,885 - INFO - OPENED LONG at 2062.61 | Stop loss: 2052.2815821428576 | Take profit: 2093.5722017857147 +2025-03-10 13:17:50,902 - INFO - CLOSED long at 2060.91 | PnL: -0.08% | $-0.34 +2025-03-10 13:17:50,956 - INFO - OPENED LONG at 2061.9 | Stop loss: 2051.5751321428575 | Take profit: 2092.851551785714 +2025-03-10 13:17:50,977 - INFO - CLOSED long at 2064.1 | PnL: 0.11% | $0.01 +2025-03-10 13:17:50,983 - INFO - OPENED SHORT at 2064.1 | Stop loss: 2074.4358678571425 | Take profit: 2033.1154482142856 +2025-03-10 13:17:51,004 - INFO - CLOSED short at 2065.36 | PnL: -0.06% | $-0.30 +2025-03-10 13:17:51,029 - INFO - OPENED LONG at 2064.33 | Stop loss: 2053.9929821428573 | Take profit: 2095.318001785714 +2025-03-10 13:17:51,132 - INFO - CLOSED long at 2063.53 | PnL: -0.04% | $-0.26 +2025-03-10 13:17:51,132 - INFO - OPENED SHORT at 2063.53 | Stop loss: 2073.863017857143 | Take profit: 2032.553998214286 +2025-03-10 13:17:51,167 - INFO - CLOSED short at 2063.0 | PnL: 0.03% | $-0.14 +2025-03-10 13:17:51,197 - INFO - OPENED SHORT at 2062.6 | Stop loss: 2072.928367857143 | Take profit: 2031.6379482142856 +2025-03-10 13:17:51,326 - INFO - CLOSED short at 2061.09 | PnL: 0.07% | $-0.05 +2025-03-10 13:17:51,329 - INFO - OPENED LONG at 2061.09 | Stop loss: 2050.7691821428575 | Take profit: 2092.0294017857145 +2025-03-10 13:17:51,533 - INFO - CLOSED long at 2056.28 | PnL: -0.23% | $-0.62 +2025-03-10 13:17:51,590 - INFO - OPENED LONG at 2054.89 | Stop loss: 2044.600182142857 | Take profit: 2085.7364017857144 +2025-03-10 13:17:51,867 - INFO - CLOSED long at 2061.3 | PnL: 0.31% | $0.39 +2025-03-10 13:17:51,867 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.621867857143 | Take profit: 2030.357448214286 +2025-03-10 13:17:51,935 - INFO - CLOSED short at 2063.4 | PnL: -0.10% | $-0.37 +2025-03-10 13:17:51,936 - INFO - OPENED LONG at 2063.4 | Stop loss: 2053.0676321428573 | Take profit: 2094.374051785714 +2025-03-10 13:17:52,058 - INFO - CLOSED long at 2064.49 | PnL: 0.05% | $-0.09 +2025-03-10 13:17:52,084 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6770178571423 | Take profit: 2035.3119982142855 +2025-03-10 13:17:52,108 - INFO - CLOSED short at 2066.34 | PnL: -0.00% | $-0.18 +2025-03-10 13:17:52,191 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.977982142857 | Take profit: 2098.363001785714 +2025-03-10 13:17:52,299 - INFO - CLOSED long at 2069.79 | PnL: 0.12% | $0.03 +2025-03-10 13:17:52,300 - INFO - OPENED SHORT at 2069.79 | Stop loss: 2080.154317857143 | Take profit: 2038.7200982142858 +2025-03-10 13:17:52,335 - INFO - CLOSED short at 2072.0 | PnL: -0.11% | $-0.38 +2025-03-10 13:17:52,335 - INFO - OPENED LONG at 2072.0 | Stop loss: 2061.624632142857 | Take profit: 2103.1030517857143 +2025-03-10 13:17:52,441 - INFO - CLOSED long at 2071.04 | PnL: -0.05% | $-0.27 +2025-03-10 13:17:52,525 - INFO - OPENED SHORT at 2070.0 | Stop loss: 2080.3653678571427 | Take profit: 2038.9269482142859 +2025-03-10 13:17:52,569 - INFO - CLOSED short at 2068.15 | PnL: 0.09% | $-0.02 +2025-03-10 13:17:52,675 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.390517857143 | Take profit: 2037.9714982142857 +2025-03-10 13:17:52,716 - INFO - CLOSED short at 2067.44 | PnL: 0.08% | $-0.04 +2025-03-10 13:17:52,716 - INFO - OPENED LONG at 2067.44 | Stop loss: 2057.0874321428573 | Take profit: 2098.4746517857143 +2025-03-10 13:17:52,764 - INFO - CLOSED long at 2072.99 | PnL: 0.27% | $0.31 +2025-03-10 13:17:52,822 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.977982142857 | Take profit: 2098.363001785714 +2025-03-10 13:17:52,861 - INFO - CLOSED long at 2065.7 | PnL: -0.08% | $-0.33 +2025-03-10 13:17:52,861 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0438678571427 | Take profit: 2034.6914482142856 +2025-03-10 13:17:52,880 - INFO - CLOSED short at 2065.66 | PnL: 0.00% | $-0.18 +2025-03-10 13:17:52,908 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.2851178571427 | Take profit: 2032.9676982142855 +2025-03-10 13:17:52,953 - INFO - CLOSED short at 2064.5 | PnL: -0.03% | $-0.23 +2025-03-10 13:17:52,954 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.162132142857 | Take profit: 2095.4905517857146 +2025-03-10 13:17:53,126 - INFO - CLOSED long at 2067.53 | PnL: 0.15% | $0.08 +2025-03-10 13:17:53,127 - INFO - OPENED SHORT at 2067.53 | Stop loss: 2077.883017857143 | Take profit: 2036.493998214286 +2025-03-10 13:17:53,229 - INFO - CLOSED short at 2068.59 | PnL: -0.05% | $-0.27 +2025-03-10 13:17:53,349 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.331132142857 | Take profit: 2101.7835517857143 +2025-03-10 13:17:53,449 - INFO - CLOSED long at 2070.61 | PnL: -0.00% | $-0.19 +2025-03-10 13:17:53,549 - INFO - OPENED LONG at 2070.67 | Stop loss: 2060.3012821428574 | Take profit: 2101.753101785714 +2025-03-10 13:17:53,569 - INFO - CLOSED long at 2069.78 | PnL: -0.04% | $-0.26 +2025-03-10 13:17:53,607 - INFO - OPENED SHORT at 2074.37 | Stop loss: 2084.7572178571427 | Take profit: 2043.2313982142855 +2025-03-10 13:17:53,725 - INFO - CLOSED short at 2075.29 | PnL: -0.04% | $-0.26 +2025-03-10 13:17:53,824 - INFO - OPENED LONG at 2074.0 | Stop loss: 2063.614632142857 | Take profit: 2105.133051785714 +2025-03-10 13:17:53,905 - INFO - CLOSED long at 2069.97 | PnL: -0.19% | $-0.53 +2025-03-10 13:17:53,906 - INFO - OPENED SHORT at 2069.97 | Stop loss: 2080.3352178571427 | Take profit: 2038.8973982142854 +2025-03-10 13:17:53,937 - INFO - CLOSED short at 2067.7 | PnL: 0.11% | $0.02 +2025-03-10 13:17:53,938 - INFO - OPENED LONG at 2067.7 | Stop loss: 2057.3461321428567 | Take profit: 2098.738551785714 +2025-03-10 13:17:53,958 - INFO - CLOSED long at 2067.0 | PnL: -0.03% | $-0.24 +2025-03-10 13:17:53,986 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.254867857143 | Take profit: 2036.858448214286 +2025-03-10 13:17:54,039 - INFO - CLOSED short at 2066.89 | PnL: 0.05% | $-0.09 +2025-03-10 13:17:54,078 - INFO - OPENED SHORT at 2065.45 | Stop loss: 2075.792617857143 | Take profit: 2034.4451982142855 +2025-03-10 13:17:54,097 - INFO - CLOSED short at 2068.1 | PnL: -0.13% | $-0.41 +2025-03-10 13:17:54,187 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.541317857143 | Take profit: 2036.1590982142857 +2025-03-10 13:17:54,315 - INFO - CLOSED short at 2066.09 | PnL: 0.05% | $-0.08 +2025-03-10 13:17:54,411 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4458678571427 | Take profit: 2035.0854482142856 +2025-03-10 13:17:54,552 - INFO - CLOSED short at 2060.7 | PnL: 0.26% | $0.28 +2025-03-10 13:17:54,553 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.381132142857 | Take profit: 2091.6335517857137 +2025-03-10 13:17:54,648 - INFO - CLOSED long at 2059.2 | PnL: -0.07% | $-0.31 +2025-03-10 13:17:54,648 - INFO - OPENED SHORT at 2059.2 | Stop loss: 2069.511367857143 | Take profit: 2028.2889482142855 +2025-03-10 13:17:54,757 - INFO - CLOSED short at 2056.77 | PnL: 0.12% | $0.03 +2025-03-10 13:17:54,782 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.7295821428572 | Take profit: 2083.8282017857146 +2025-03-10 13:17:54,824 - INFO - CLOSED long at 2049.5 | PnL: -0.17% | $-0.48 +2025-03-10 13:17:54,824 - INFO - OPENED SHORT at 2049.5 | Stop loss: 2059.762867857143 | Take profit: 2018.7344482142857 +2025-03-10 13:17:54,845 - INFO - CLOSED short at 2051.99 | PnL: -0.12% | $-0.39 +2025-03-10 13:17:54,845 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.714682142857 | Take profit: 2082.792901785714 +2025-03-10 13:17:54,889 - INFO - CLOSED long at 2056.85 | PnL: 0.24% | $0.24 +2025-03-10 13:17:54,889 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.149617857143 | Take profit: 2025.9741982142855 +2025-03-10 13:17:54,909 - INFO - CLOSED short at 2057.11 | PnL: -0.01% | $-0.20 +2025-03-10 13:17:55,087 - INFO - OPENED SHORT at 2062.43 | Stop loss: 2072.7575178571424 | Take profit: 2031.4704982142855 +2025-03-10 13:17:55,134 - INFO - CLOSED short at 2062.55 | PnL: -0.01% | $-0.19 +2025-03-10 13:17:55,156 - INFO - OPENED SHORT at 2065.12 | Stop loss: 2075.460967857143 | Take profit: 2034.1201482142856 +2025-03-10 13:17:55,204 - INFO - CLOSED short at 2067.49 | PnL: -0.11% | $-0.38 +2025-03-10 13:17:55,246 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.744232142857 | Take profit: 2095.064251785714 +2025-03-10 13:17:55,267 - INFO - CLOSED long at 2061.21 | PnL: -0.14% | $-0.42 +2025-03-10 13:17:55,268 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.5314178571425 | Take profit: 2030.2687982142857 +2025-03-10 13:17:55,581 - INFO - STOP LOSS hit for short at 2071.5314178571425 | PnL: -0.50% | $-1.04 +2025-03-10 13:17:55,604 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4356178571434 | Take profit: 2042.916198214286 +2025-03-10 13:17:55,653 - INFO - CLOSED short at 2071.89 | PnL: 0.10% | $0.01 +2025-03-10 13:17:55,673 - INFO - OPENED LONG at 2071.8 | Stop loss: 2061.4256321428575 | Take profit: 2102.900051785715 +2025-03-10 13:17:55,695 - INFO - CLOSED long at 2074.9 | PnL: 0.15% | $0.08 +2025-03-10 13:17:55,925 - INFO - OPENED SHORT at 2141.41 | Stop loss: 2152.1324178571426 | Take profit: 2109.2657982142855 +2025-03-10 13:17:56,054 - INFO - CLOSED short at 2128.69 | PnL: 0.59% | $0.85 +2025-03-10 13:17:56,089 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.5338821428572 | Take profit: 2151.9753017857147 +2025-03-10 13:17:56,106 - INFO - CLOSED long at 2117.24 | PnL: -0.14% | $-0.41 +2025-03-10 13:17:56,123 - INFO - OPENED SHORT at 2119.93 | Stop loss: 2130.5450178571427 | Take profit: 2088.1079982142855 +2025-03-10 13:17:56,196 - INFO - CLOSED short at 2119.07 | PnL: 0.04% | $-0.10 +2025-03-10 13:17:56,196 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.4592821428573 | Take profit: 2150.8791017857147 +2025-03-10 13:17:56,233 - INFO - CLOSED long at 2107.43 | PnL: -0.55% | $-1.12 +2025-03-10 13:17:56,234 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9825178571427 | Take profit: 2075.7954982142855 +2025-03-10 13:17:56,291 - INFO - CLOSED short at 2112.09 | PnL: -0.22% | $-0.54 +2025-03-10 13:17:56,310 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.5301178571426 | Take profit: 2081.2326982142854 +2025-03-10 13:17:56,374 - INFO - CLOSED short at 2112.99 | PnL: -0.00% | $-0.17 +2025-03-10 13:17:56,374 - INFO - OPENED LONG at 2112.99 | Stop loss: 2102.409682142857 | Take profit: 2144.707901785714 +2025-03-10 13:17:56,449 - INFO - CLOSED long at 2110.9 | PnL: -0.10% | $-0.33 +2025-03-10 13:17:56,450 - INFO - OPENED SHORT at 2110.9 | Stop loss: 2121.469867857143 | Take profit: 2079.2134482142856 +2025-03-10 13:17:56,479 - INFO - CLOSED short at 2108.71 | PnL: 0.10% | $0.01 +2025-03-10 13:17:56,502 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.942182142857 | Take profit: 2138.1104017857137 +2025-03-10 13:17:56,558 - INFO - CLOSED long at 2100.5 | PnL: -0.28% | $-0.64 +2025-03-10 13:17:56,559 - INFO - OPENED SHORT at 2100.5 | Stop loss: 2111.017867857143 | Take profit: 2068.969448214286 +2025-03-10 13:17:56,578 - INFO - CLOSED short at 2090.0 | PnL: 0.50% | $0.66 +2025-03-10 13:17:56,578 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.534632142857 | Take profit: 2121.3730517857143 +2025-03-10 13:17:56,604 - INFO - CLOSED long at 2099.53 | PnL: 0.46% | $0.60 +2025-03-10 13:17:56,604 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.043017857143 | Take profit: 2068.013998214286 +2025-03-10 13:17:56,643 - INFO - CLOSED short at 2102.19 | PnL: -0.13% | $-0.38 +2025-03-10 13:17:56,643 - INFO - OPENED LONG at 2102.19 | Stop loss: 2091.6636821428574 | Take profit: 2133.7459017857145 +2025-03-10 13:17:56,707 - INFO - CLOSED long at 2098.9 | PnL: -0.16% | $-0.43 +2025-03-10 13:17:56,708 - INFO - OPENED SHORT at 2098.9 | Stop loss: 2109.409867857143 | Take profit: 2067.393448214286 +2025-03-10 13:17:56,783 - INFO - CLOSED short at 2100.74 | PnL: -0.09% | $-0.31 +2025-03-10 13:17:56,784 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.2209321428572 | Take profit: 2132.2741517857144 +2025-03-10 13:17:56,819 - INFO - CLOSED long at 2104.68 | PnL: 0.19% | $0.15 +2025-03-10 13:17:56,839 - INFO - OPENED LONG at 2101.51 | Stop loss: 2090.987082142857 | Take profit: 2133.0557017857145 +2025-03-10 13:17:56,857 - INFO - CLOSED long at 2099.59 | PnL: -0.09% | $-0.32 +2025-03-10 13:17:56,858 - INFO - OPENED SHORT at 2099.59 | Stop loss: 2110.1033178571433 | Take profit: 2068.073098214286 +2025-03-10 13:17:56,927 - INFO - CLOSED short at 2093.46 | PnL: 0.29% | $0.32 +2025-03-10 13:17:56,963 - INFO - OPENED LONG at 2092.46 | Stop loss: 2081.982332142857 | Take profit: 2123.8699517857144 +2025-03-10 13:17:57,091 - INFO - CLOSED long at 2083.97 | PnL: -0.41% | $-0.84 +2025-03-10 13:17:57,093 - INFO - OPENED SHORT at 2083.97 | Stop loss: 2094.4052178571424 | Take profit: 2052.6873982142856 +2025-03-10 13:17:57,128 - INFO - CLOSED short at 2082.44 | PnL: 0.07% | $-0.04 +2025-03-10 13:17:57,238 - INFO - OPENED LONG at 2083.59 | Stop loss: 2073.1566821428573 | Take profit: 2114.866901785714 +2025-03-10 13:17:57,335 - INFO - CLOSED long at 2085.85 | PnL: 0.11% | $0.01 +2025-03-10 13:17:57,335 - INFO - OPENED SHORT at 2085.85 | Stop loss: 2096.294617857143 | Take profit: 2054.5391982142855 +2025-03-10 13:17:57,354 - INFO - CLOSED short at 2088.66 | PnL: -0.13% | $-0.39 +2025-03-10 13:17:57,405 - INFO - OPENED SHORT at 2088.1 | Stop loss: 2098.555867857143 | Take profit: 2056.7554482142855 +2025-03-10 13:17:57,483 - INFO - CLOSED short at 2087.78 | PnL: 0.02% | $-0.14 +2025-03-10 13:17:57,483 - INFO - OPENED LONG at 2087.78 | Stop loss: 2077.3257321428573 | Take profit: 2119.1197517857145 +2025-03-10 13:17:57,572 - INFO - CLOSED long at 2091.05 | PnL: 0.16% | $0.09 +2025-03-10 13:17:57,590 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.5793821428574 | Take profit: 2122.4388017857145 +2025-03-10 13:17:57,718 - INFO - CLOSED long at 2098.49 | PnL: 0.36% | $0.42 +2025-03-10 13:17:57,718 - INFO - OPENED SHORT at 2098.49 | Stop loss: 2108.9978178571428 | Take profit: 2066.9895982142857 +2025-03-10 13:17:57,757 - INFO - CLOSED short at 2100.89 | PnL: -0.11% | $-0.35 +2025-03-10 13:17:57,778 - INFO - OPENED LONG at 2099.73 | Stop loss: 2089.2159821428572 | Take profit: 2131.249001785714 +2025-03-10 13:17:57,844 - INFO - CLOSED long at 2104.93 | PnL: 0.25% | $0.24 +2025-03-10 13:17:57,864 - INFO - OPENED SHORT at 2103.81 | Stop loss: 2114.344417857143 | Take profit: 2072.229798214286 +2025-03-10 13:17:57,885 - INFO - CLOSED short at 2103.07 | PnL: 0.04% | $-0.11 +2025-03-10 13:17:57,904 - INFO - OPENED LONG at 2101.5 | Stop loss: 2090.977132142857 | Take profit: 2133.0455517857145 +2025-03-10 13:17:57,989 - INFO - CLOSED long at 2103.52 | PnL: 0.10% | $-0.01 +2025-03-10 13:17:58,098 - INFO - OPENED LONG at 2102.0 | Stop loss: 2091.474632142857 | Take profit: 2133.5530517857146 +2025-03-10 13:17:58,142 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.21, Avg Loss=$-0.28 +2025-03-10 13:17:58,143 - INFO - Episode 2: Reward=-68.46, Balance=$82.92, Win Rate=27.6%, Trades=116, Episode PnL=$-12.17, Total PnL=$-66.19, Max Drawdown=17.3%, Pred Accuracy=98.6% +2025-03-10 13:17:58,143 - ERROR - Error in episode 2: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:17:58,143 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1831, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:17:58,165 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:17:58,361 - INFO - OPENED LONG at 2048.13 | Stop loss: 2037.8739821428571 | Take profit: 2078.8750017857146 +2025-03-10 13:17:58,423 - INFO - CLOSED long at 2050.0 | PnL: 0.09% | $-0.02 +2025-03-10 13:17:58,423 - INFO - OPENED SHORT at 2050.0 | Stop loss: 2060.265367857143 | Take profit: 2019.2269482142858 +2025-03-10 13:17:58,501 - INFO - CLOSED short at 2053.26 | PnL: -0.16% | $-0.51 +2025-03-10 13:17:58,501 - INFO - OPENED LONG at 2053.26 | Stop loss: 2042.9783321428572 | Take profit: 2084.0819517857144 +2025-03-10 13:17:58,537 - INFO - CLOSED long at 2052.3 | PnL: -0.05% | $-0.29 +2025-03-10 13:17:58,538 - INFO - OPENED SHORT at 2052.3 | Stop loss: 2062.576867857143 | Take profit: 2021.492448214286 +2025-03-10 13:17:58,556 - INFO - CLOSED short at 2055.69 | PnL: -0.17% | $-0.52 +2025-03-10 13:17:58,597 - INFO - OPENED SHORT at 2056.89 | Stop loss: 2067.1898178571428 | Take profit: 2026.0135982142856 +2025-03-10 13:17:58,614 - INFO - CLOSED short at 2058.39 | PnL: -0.07% | $-0.34 +2025-03-10 13:17:58,614 - INFO - OPENED LONG at 2058.39 | Stop loss: 2048.0826821428573 | Take profit: 2089.288901785714 +2025-03-10 13:17:58,673 - INFO - CLOSED long at 2061.49 | PnL: 0.15% | $0.10 +2025-03-10 13:17:58,711 - INFO - OPENED SHORT at 2064.61 | Stop loss: 2074.948417857143 | Take profit: 2033.6177982142858 +2025-03-10 13:17:58,786 - INFO - CLOSED short at 2063.01 | PnL: 0.08% | $-0.04 +2025-03-10 13:17:58,786 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.6795821428573 | Take profit: 2093.9782017857146 +2025-03-10 13:17:58,838 - INFO - CLOSED long at 2060.0 | PnL: -0.15% | $-0.48 +2025-03-10 13:17:58,912 - INFO - OPENED SHORT at 2059.49 | Stop loss: 2069.8028178571426 | Take profit: 2028.5745982142855 +2025-03-10 13:17:58,976 - INFO - CLOSED short at 2058.11 | PnL: 0.07% | $-0.06 +2025-03-10 13:17:58,976 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.8040821428572 | Take profit: 2089.0047017857146 +2025-03-10 13:17:58,999 - INFO - CLOSED long at 2061.79 | PnL: 0.18% | $0.15 +2025-03-10 13:17:58,999 - INFO - OPENED SHORT at 2061.79 | Stop loss: 2072.114317857143 | Take profit: 2030.8400982142857 +2025-03-10 13:17:59,022 - INFO - CLOSED short at 2061.18 | PnL: 0.03% | $-0.14 +2025-03-10 13:17:59,064 - INFO - OPENED LONG at 2065.86 | Stop loss: 2055.515332142857 | Take profit: 2096.870951785714 +2025-03-10 13:17:59,090 - INFO - CLOSED long at 2070.58 | PnL: 0.23% | $0.25 +2025-03-10 13:17:59,143 - INFO - OPENED LONG at 2068.29 | Stop loss: 2057.9331821428573 | Take profit: 2099.337401785714 +2025-03-10 13:17:59,227 - INFO - CLOSED long at 2070.99 | PnL: 0.13% | $0.06 +2025-03-10 13:17:59,227 - INFO - OPENED SHORT at 2070.99 | Stop loss: 2081.3603178571425 | Take profit: 2039.9020982142854 +2025-03-10 13:17:59,285 - INFO - CLOSED short at 2068.65 | PnL: 0.11% | $0.03 +2025-03-10 13:17:59,355 - INFO - OPENED SHORT at 2067.69 | Stop loss: 2078.043817857143 | Take profit: 2036.6515982142857 +2025-03-10 13:17:59,397 - INFO - CLOSED short at 2071.44 | PnL: -0.18% | $-0.55 +2025-03-10 13:17:59,398 - INFO - OPENED LONG at 2071.44 | Stop loss: 2061.0674321428573 | Take profit: 2102.5346517857142 +2025-03-10 13:17:59,499 - INFO - CLOSED long at 2071.38 | PnL: -0.00% | $-0.20 +2025-03-10 13:17:59,499 - INFO - OPENED SHORT at 2071.38 | Stop loss: 2081.752267857143 | Take profit: 2040.2862482142857 +2025-03-10 13:17:59,553 - INFO - CLOSED short at 2069.37 | PnL: 0.10% | $-0.01 +2025-03-10 13:17:59,554 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.007782142857 | Take profit: 2100.4336017857145 +2025-03-10 13:17:59,615 - INFO - CLOSED long at 2072.8 | PnL: 0.17% | $0.13 +2025-03-10 13:17:59,616 - INFO - OPENED SHORT at 2072.8 | Stop loss: 2083.179367857143 | Take profit: 2041.684948214286 +2025-03-10 13:17:59,677 - INFO - CLOSED short at 2070.28 | PnL: 0.12% | $0.04 +2025-03-10 13:17:59,708 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.3754678571427 | Take profit: 2036.9766482142857 +2025-03-10 13:17:59,733 - INFO - CLOSED short at 2067.2 | PnL: 0.04% | $-0.12 +2025-03-10 13:17:59,756 - INFO - OPENED SHORT at 2070.36 | Stop loss: 2080.7271678571433 | Take profit: 2039.2815482142857 +2025-03-10 13:17:59,774 - INFO - CLOSED short at 2068.9 | PnL: 0.07% | $-0.06 +2025-03-10 13:17:59,775 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.540132142857 | Take profit: 2099.9565517857145 +2025-03-10 13:17:59,795 - INFO - CLOSED long at 2070.7 | PnL: 0.09% | $-0.03 +2025-03-10 13:17:59,795 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.068867857143 | Take profit: 2039.6164482142856 +2025-03-10 13:17:59,814 - INFO - CLOSED short at 2069.34 | PnL: 0.07% | $-0.07 +2025-03-10 13:17:59,815 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9779321428573 | Take profit: 2100.4031517857143 +2025-03-10 13:17:59,855 - INFO - CLOSED long at 2068.8 | PnL: -0.03% | $-0.24 +2025-03-10 13:17:59,896 - INFO - OPENED SHORT at 2067.51 | Stop loss: 2077.862917857143 | Take profit: 2036.474298214286 +2025-03-10 13:17:59,966 - INFO - CLOSED short at 2065.99 | PnL: 0.07% | $-0.05 +2025-03-10 13:18:00,046 - INFO - OPENED SHORT at 2066.29 | Stop loss: 2076.636817857143 | Take profit: 2035.2725982142856 +2025-03-10 13:18:00,085 - INFO - CLOSED short at 2065.08 | PnL: 0.06% | $-0.08 +2025-03-10 13:18:00,197 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.948317857143 | Take profit: 2037.5380982142858 +2025-03-10 13:18:00,240 - INFO - CLOSED short at 2070.4 | PnL: -0.09% | $-0.36 +2025-03-10 13:18:00,240 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.032632142857 | Take profit: 2101.4790517857145 +2025-03-10 13:18:00,352 - INFO - CLOSED long at 2072.75 | PnL: 0.11% | $0.03 +2025-03-10 13:18:00,382 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.7290821428574 | Take profit: 2104.2297017857145 +2025-03-10 13:18:00,500 - INFO - CLOSED long at 2073.9 | PnL: 0.04% | $-0.12 +2025-03-10 13:18:00,547 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.032632142857 | Take profit: 2101.4790517857145 +2025-03-10 13:18:00,584 - INFO - CLOSED long at 2069.46 | PnL: -0.05% | $-0.28 +2025-03-10 13:18:00,584 - INFO - OPENED SHORT at 2069.46 | Stop loss: 2079.822667857143 | Take profit: 2038.395048214286 +2025-03-10 13:18:00,647 - INFO - CLOSED short at 2067.0 | PnL: 0.12% | $0.04 +2025-03-10 13:18:00,664 - INFO - OPENED SHORT at 2067.79 | Stop loss: 2078.1443178571426 | Take profit: 2036.7500982142856 +2025-03-10 13:18:00,704 - INFO - CLOSED short at 2066.8 | PnL: 0.05% | $-0.10 +2025-03-10 13:18:00,747 - INFO - OPENED SHORT at 2063.61 | Stop loss: 2073.943417857143 | Take profit: 2032.632798214286 +2025-03-10 13:18:00,877 - INFO - CLOSED short at 2069.34 | PnL: -0.28% | $-0.72 +2025-03-10 13:18:00,994 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.331132142857 | Take profit: 2101.7835517857143 +2025-03-10 13:18:01,070 - INFO - CLOSED long at 2068.69 | PnL: -0.10% | $-0.37 +2025-03-10 13:18:01,070 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.0488178571427 | Take profit: 2037.6365982142859 +2025-03-10 13:18:01,192 - INFO - CLOSED short at 2065.28 | PnL: 0.16% | $0.12 +2025-03-10 13:18:01,221 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.7373178571424 | Take profit: 2035.3710982142857 +2025-03-10 13:18:01,250 - INFO - CLOSED short at 2064.47 | PnL: 0.09% | $-0.01 +2025-03-10 13:18:01,250 - INFO - OPENED LONG at 2064.47 | Stop loss: 2054.132282142857 | Take profit: 2095.460101785714 +2025-03-10 13:18:01,305 - INFO - CLOSED long at 2067.8 | PnL: 0.16% | $0.12 +2025-03-10 13:18:01,305 - INFO - OPENED SHORT at 2067.8 | Stop loss: 2078.1543678571434 | Take profit: 2036.759948214286 +2025-03-10 13:18:01,363 - INFO - CLOSED short at 2067.88 | PnL: -0.00% | $-0.20 +2025-03-10 13:18:01,363 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.525232142857 | Take profit: 2098.9212517857145 +2025-03-10 13:18:01,393 - INFO - CLOSED long at 2064.99 | PnL: -0.14% | $-0.45 +2025-03-10 13:18:01,393 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.3303178571427 | Take profit: 2033.9920982142855 +2025-03-10 13:18:01,411 - INFO - CLOSED short at 2065.83 | PnL: -0.04% | $-0.26 +2025-03-10 13:18:01,432 - INFO - OPENED LONG at 2066.15 | Stop loss: 2055.803882142857 | Take profit: 2097.1653017857147 +2025-03-10 13:18:01,452 - INFO - CLOSED long at 2065.26 | PnL: -0.04% | $-0.27 +2025-03-10 13:18:01,453 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.601667857143 | Take profit: 2034.258048214286 +2025-03-10 13:18:01,515 - INFO - CLOSED short at 2061.78 | PnL: 0.17% | $0.13 +2025-03-10 13:18:01,515 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.4557321428574 | Take profit: 2092.7297517857146 +2025-03-10 13:18:01,590 - INFO - CLOSED long at 2063.59 | PnL: 0.09% | $-0.02 +2025-03-10 13:18:01,709 - INFO - OPENED SHORT at 2065.54 | Stop loss: 2075.8830678571426 | Take profit: 2034.5338482142859 +2025-03-10 13:18:01,731 - INFO - CLOSED short at 2066.09 | PnL: -0.03% | $-0.24 +2025-03-10 13:18:01,751 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.112382142857 | Take profit: 2095.439801785714 +2025-03-10 13:18:01,769 - INFO - CLOSED long at 2064.08 | PnL: -0.02% | $-0.22 +2025-03-10 13:18:01,810 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560182142857 | Take profit: 2093.8564017857143 +2025-03-10 13:18:01,882 - INFO - CLOSED long at 2060.9 | PnL: -0.10% | $-0.37 +2025-03-10 13:18:01,882 - INFO - OPENED SHORT at 2060.9 | Stop loss: 2071.219867857143 | Take profit: 2029.9634482142858 +2025-03-10 13:18:01,920 - INFO - CLOSED short at 2058.89 | PnL: 0.10% | $-0.00 +2025-03-10 13:18:01,920 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.580182142857 | Take profit: 2089.7964017857144 +2025-03-10 13:18:01,940 - INFO - CLOSED long at 2059.3 | PnL: 0.02% | $-0.15 +2025-03-10 13:18:01,993 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.1243678571427 | Take profit: 2030.8499482142859 +2025-03-10 13:18:02,026 - INFO - CLOSED short at 2064.7 | PnL: -0.14% | $-0.45 +2025-03-10 13:18:02,026 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.361132142857 | Take profit: 2095.693551785714 +2025-03-10 13:18:02,056 - INFO - CLOSED long at 2062.61 | PnL: -0.10% | $-0.37 +2025-03-10 13:18:02,119 - INFO - OPENED SHORT at 2060.3 | Stop loss: 2070.616867857143 | Take profit: 2029.372448214286 +2025-03-10 13:18:02,185 - INFO - CLOSED short at 2064.1 | PnL: -0.18% | $-0.52 +2025-03-10 13:18:02,210 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.0178321428575 | Take profit: 2096.3634517857145 +2025-03-10 13:18:02,227 - INFO - CLOSED long at 2064.33 | PnL: -0.05% | $-0.27 +2025-03-10 13:18:02,227 - INFO - OPENED SHORT at 2064.33 | Stop loss: 2074.6670178571426 | Take profit: 2033.3419982142857 +2025-03-10 13:18:02,287 - INFO - CLOSED short at 2065.89 | PnL: -0.08% | $-0.32 +2025-03-10 13:18:02,287 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.545182142857 | Take profit: 2096.9014017857144 +2025-03-10 13:18:02,327 - INFO - CLOSED long at 2063.0 | PnL: -0.14% | $-0.43 +2025-03-10 13:18:02,327 - INFO - OPENED SHORT at 2063.0 | Stop loss: 2073.330367857143 | Take profit: 2032.0319482142856 +2025-03-10 13:18:02,356 - INFO - CLOSED short at 2062.6 | PnL: 0.02% | $-0.15 +2025-03-10 13:18:02,396 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.565182142857 | Take profit: 2092.841401785714 +2025-03-10 13:18:02,454 - INFO - CLOSED long at 2060.7 | PnL: -0.06% | $-0.28 +2025-03-10 13:18:02,454 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0188678571426 | Take profit: 2029.7664482142854 +2025-03-10 13:18:02,641 - INFO - CLOSED short at 2059.46 | PnL: 0.06% | $-0.07 +2025-03-10 13:18:02,668 - INFO - OPENED LONG at 2057.4 | Stop loss: 2047.0976321428573 | Take profit: 2088.2840517857144 +2025-03-10 13:18:02,873 - INFO - CLOSED long at 2059.8 | PnL: 0.12% | $0.03 +2025-03-10 13:18:02,874 - INFO - OPENED SHORT at 2059.8 | Stop loss: 2070.1143678571434 | Take profit: 2028.8799482142858 +2025-03-10 13:18:02,945 - INFO - CLOSED short at 2061.5 | PnL: -0.08% | $-0.33 +2025-03-10 13:18:02,967 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.276632142857 | Take profit: 2092.5470517857143 +2025-03-10 13:18:02,998 - INFO - CLOSED long at 2061.3 | PnL: -0.01% | $-0.20 +2025-03-10 13:18:03,020 - INFO - OPENED LONG at 2062.69 | Stop loss: 2052.361182142857 | Take profit: 2093.6534017857143 +2025-03-10 13:18:03,083 - INFO - CLOSED long at 2066.01 | PnL: 0.16% | $0.11 +2025-03-10 13:18:03,102 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5651321428572 | Take profit: 2094.8815517857142 +2025-03-10 13:18:03,126 - INFO - CLOSED long at 2064.49 | PnL: 0.03% | $-0.13 +2025-03-10 13:18:03,127 - INFO - OPENED SHORT at 2064.49 | Stop loss: 2074.8278178571427 | Take profit: 2033.4995982142855 +2025-03-10 13:18:03,157 - INFO - CLOSED short at 2066.33 | PnL: -0.09% | $-0.34 +2025-03-10 13:18:03,157 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.982982142857 | Take profit: 2097.348001785714 +2025-03-10 13:18:03,341 - INFO - CLOSED long at 2072.0 | PnL: 0.27% | $0.31 +2025-03-10 13:18:03,486 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.226632142857 | Take profit: 2102.697051785714 +2025-03-10 13:18:03,503 - INFO - CLOSED long at 2073.23 | PnL: 0.08% | $-0.04 +2025-03-10 13:18:03,503 - INFO - OPENED SHORT at 2073.23 | Stop loss: 2083.611517857143 | Take profit: 2042.1084982142859 +2025-03-10 13:18:03,529 - INFO - CLOSED short at 2070.0 | PnL: 0.16% | $0.10 +2025-03-10 13:18:03,530 - INFO - OPENED LONG at 2070.0 | Stop loss: 2059.634632142857 | Take profit: 2101.0730517857146 +2025-03-10 13:18:03,688 - INFO - CLOSED long at 2067.44 | PnL: -0.12% | $-0.40 +2025-03-10 13:18:03,689 - INFO - OPENED SHORT at 2067.44 | Stop loss: 2077.792567857143 | Take profit: 2036.4053482142858 +2025-03-10 13:18:03,723 - INFO - CLOSED short at 2068.79 | PnL: -0.07% | $-0.29 +2025-03-10 13:18:03,746 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.3703178571427 | Take profit: 2041.8720982142854 +2025-03-10 13:18:03,766 - INFO - CLOSED short at 2071.49 | PnL: 0.07% | $-0.05 +2025-03-10 13:18:03,842 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0438678571427 | Take profit: 2034.6914482142856 +2025-03-10 13:18:03,901 - INFO - CLOSED short at 2063.97 | PnL: 0.08% | $-0.03 +2025-03-10 13:18:03,901 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.6347821428567 | Take profit: 2094.9526017857143 +2025-03-10 13:18:03,921 - INFO - CLOSED long at 2064.5 | PnL: 0.03% | $-0.13 +2025-03-10 13:18:03,921 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8378678571426 | Take profit: 2033.5094482142858 +2025-03-10 13:18:04,081 - INFO - CLOSED short at 2065.29 | PnL: -0.04% | $-0.24 +2025-03-10 13:18:04,081 - INFO - OPENED LONG at 2065.29 | Stop loss: 2054.948182142857 | Take profit: 2096.2924017857144 +2025-03-10 13:18:04,115 - INFO - CLOSED long at 2065.31 | PnL: 0.00% | $-0.17 +2025-03-10 13:18:04,115 - INFO - OPENED SHORT at 2065.31 | Stop loss: 2075.6519178571425 | Take profit: 2034.3072982142855 +2025-03-10 13:18:04,169 - INFO - CLOSED short at 2068.59 | PnL: -0.16% | $-0.46 +2025-03-10 13:18:04,213 - INFO - OPENED LONG at 2070.2 | Stop loss: 2059.833632142857 | Take profit: 2101.276051785714 +2025-03-10 13:18:04,256 - INFO - CLOSED long at 2070.9 | PnL: 0.03% | $-0.12 +2025-03-10 13:18:04,256 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.269867857143 | Take profit: 2039.8134482142857 +2025-03-10 13:18:04,386 - INFO - CLOSED short at 2070.61 | PnL: 0.01% | $-0.15 +2025-03-10 13:18:04,387 - INFO - OPENED LONG at 2070.61 | Stop loss: 2060.241582142857 | Take profit: 2101.692201785714 +2025-03-10 13:18:04,494 - INFO - CLOSED long at 2068.67 | PnL: -0.09% | $-0.34 +2025-03-10 13:18:04,586 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.982782142857 | Take profit: 2105.508601785714 +2025-03-10 13:18:04,636 - INFO - CLOSED long at 2073.27 | PnL: -0.05% | $-0.27 +2025-03-10 13:18:04,636 - INFO - OPENED SHORT at 2073.27 | Stop loss: 2083.651717857143 | Take profit: 2042.1478982142858 +2025-03-10 13:18:04,662 - INFO - CLOSED short at 2073.99 | PnL: -0.03% | $-0.23 +2025-03-10 13:18:04,732 - INFO - OPENED LONG at 2075.61 | Stop loss: 2065.216582142857 | Take profit: 2106.7672017857144 +2025-03-10 13:18:04,750 - INFO - CLOSED long at 2074.0 | PnL: -0.08% | $-0.31 +2025-03-10 13:18:04,750 - INFO - OPENED SHORT at 2074.0 | Stop loss: 2084.3853678571427 | Take profit: 2042.8669482142857 +2025-03-10 13:18:04,826 - INFO - CLOSED short at 2067.0 | PnL: 0.34% | $0.41 +2025-03-10 13:18:04,826 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.649632142857 | Take profit: 2098.0280517857145 +2025-03-10 13:18:04,865 - INFO - CLOSED long at 2066.4 | PnL: -0.03% | $-0.22 +2025-03-10 13:18:04,866 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.7473678571428 | Take profit: 2035.3809482142858 +2025-03-10 13:18:04,887 - INFO - CLOSED short at 2066.89 | PnL: -0.02% | $-0.21 +2025-03-10 13:18:05,175 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4458678571427 | Take profit: 2035.0854482142856 +2025-03-10 13:18:05,202 - INFO - CLOSED short at 2065.06 | PnL: 0.05% | $-0.09 +2025-03-10 13:18:05,220 - INFO - OPENED SHORT at 2064.11 | Stop loss: 2074.445917857143 | Take profit: 2033.1252982142857 +2025-03-10 13:18:05,286 - INFO - CLOSED short at 2063.01 | PnL: 0.05% | $-0.08 +2025-03-10 13:18:05,286 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.6795821428573 | Take profit: 2093.9782017857146 +2025-03-10 13:18:05,302 - INFO - CLOSED long at 2060.7 | PnL: -0.11% | $-0.36 +2025-03-10 13:18:05,302 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0188678571426 | Take profit: 2029.7664482142854 +2025-03-10 13:18:05,330 - INFO - CLOSED short at 2060.2 | PnL: 0.02% | $-0.13 +2025-03-10 13:18:05,330 - INFO - OPENED LONG at 2060.2 | Stop loss: 2049.883632142857 | Take profit: 2091.126051785714 +2025-03-10 13:18:05,394 - INFO - CLOSED long at 2058.65 | PnL: -0.08% | $-0.30 +2025-03-10 13:18:05,394 - INFO - OPENED SHORT at 2058.65 | Stop loss: 2068.958617857143 | Take profit: 2027.7471982142856 +2025-03-10 13:18:05,455 - INFO - CLOSED short at 2049.21 | PnL: 0.46% | $0.61 +2025-03-10 13:18:05,455 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.948582142857 | Take profit: 2079.971201785714 +2025-03-10 13:18:05,504 - INFO - CLOSED long at 2051.99 | PnL: 0.14% | $0.06 +2025-03-10 13:18:05,504 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.2653178571427 | Take profit: 2021.1870982142855 +2025-03-10 13:18:05,566 - INFO - CLOSED short at 2057.11 | PnL: -0.25% | $-0.60 +2025-03-10 13:18:05,566 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.8090821428573 | Take profit: 2087.9897017857147 +2025-03-10 13:18:05,603 - INFO - CLOSED long at 2062.83 | PnL: 0.28% | $0.30 +2025-03-10 13:18:05,603 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.159517857143 | Take profit: 2031.8644982142857 +2025-03-10 13:18:05,665 - INFO - CLOSED short at 2062.43 | PnL: 0.02% | $-0.14 +2025-03-10 13:18:05,666 - INFO - OPENED LONG at 2062.43 | Stop loss: 2052.102482142857 | Take profit: 2093.389501785714 +2025-03-10 13:18:05,758 - INFO - CLOSED long at 2066.59 | PnL: 0.20% | $0.17 +2025-03-10 13:18:05,758 - INFO - OPENED SHORT at 2066.59 | Stop loss: 2076.938317857143 | Take profit: 2035.5680982142858 +2025-03-10 13:18:05,832 - INFO - CLOSED short at 2060.7 | PnL: 0.29% | $0.32 +2025-03-10 13:18:05,903 - INFO - OPENED LONG at 2070.31 | Stop loss: 2059.943082142857 | Take profit: 2101.3877017857144 +2025-03-10 13:18:06,009 - INFO - CLOSED long at 2074.05 | PnL: 0.18% | $0.14 +2025-03-10 13:18:06,065 - INFO - OPENED SHORT at 2071.8 | Stop loss: 2082.174367857143 | Take profit: 2040.699948214286 +2025-03-10 13:18:06,101 - INFO - CLOSED short at 2076.08 | PnL: -0.21% | $-0.53 +2025-03-10 13:18:06,228 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.253067857143 | Take profit: 2107.4238482142855 +2025-03-10 13:18:06,251 - INFO - CLOSED short at 2131.78 | PnL: 0.36% | $0.45 +2025-03-10 13:18:06,252 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.1057321428575 | Take profit: 2163.779751785715 +2025-03-10 13:18:06,312 - INFO - CLOSED long at 2137.59 | PnL: 0.27% | $0.30 +2025-03-10 13:18:06,342 - INFO - OPENED LONG at 2141.41 | Stop loss: 2130.687582142857 | Take profit: 2173.554201785714 +2025-03-10 13:18:06,398 - INFO - CLOSED long at 2142.68 | PnL: 0.06% | $-0.07 +2025-03-10 13:18:06,403 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.4087678571427 | Take profit: 2110.5167482142856 +2025-03-10 13:18:06,464 - INFO - CLOSED short at 2134.78 | PnL: 0.37% | $0.46 +2025-03-10 13:18:06,464 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.090732142857 | Take profit: 2166.824751785715 +2025-03-10 13:18:06,567 - INFO - CLOSED long at 2128.69 | PnL: -0.29% | $-0.67 +2025-03-10 13:18:06,567 - INFO - OPENED SHORT at 2128.69 | Stop loss: 2139.348817857143 | Take profit: 2096.7365982142856 +2025-03-10 13:18:06,625 - INFO - CLOSED short at 2120.15 | PnL: 0.40% | $0.52 +2025-03-10 13:18:06,666 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.314982142857 | Take profit: 2151.7520017857137 +2025-03-10 13:18:06,749 - INFO - CLOSED long at 2119.07 | PnL: -0.04% | $-0.24 +2025-03-10 13:18:06,843 - INFO - OPENED SHORT at 2112.09 | Stop loss: 2122.6658178571433 | Take profit: 2080.385598214286 +2025-03-10 13:18:06,862 - INFO - CLOSED short at 2112.95 | PnL: -0.04% | $-0.24 +2025-03-10 13:18:06,882 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.882332142857 | Take profit: 2144.169951785714 +2025-03-10 13:18:06,916 - INFO - CLOSED long at 2112.99 | PnL: 0.03% | $-0.13 +2025-03-10 13:18:06,916 - INFO - OPENED SHORT at 2112.99 | Stop loss: 2123.570317857143 | Take profit: 2081.2720982142855 +2025-03-10 13:18:06,982 - INFO - CLOSED short at 2114.8 | PnL: -0.09% | $-0.32 +2025-03-10 13:18:06,982 - INFO - OPENED LONG at 2114.8 | Stop loss: 2104.2106321428573 | Take profit: 2146.545051785715 +2025-03-10 13:18:07,085 - INFO - STOP LOSS hit for long at 2104.2106321428573 | PnL: -0.50% | $-1.03 +2025-03-10 13:18:07,132 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.043017857143 | Take profit: 2068.013998214286 +2025-03-10 13:18:07,196 - INFO - CLOSED short at 2102.29 | PnL: -0.13% | $-0.39 +2025-03-10 13:18:07,196 - INFO - OPENED LONG at 2102.29 | Stop loss: 2091.763182142857 | Take profit: 2133.8474017857143 +2025-03-10 13:18:07,215 - INFO - CLOSED long at 2099.25 | PnL: -0.14% | $-0.41 +2025-03-10 13:18:07,216 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.761617857143 | Take profit: 2067.7381982142856 +2025-03-10 13:18:07,329 - INFO - CLOSED short at 2100.74 | PnL: -0.07% | $-0.29 +2025-03-10 13:18:07,329 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.2209321428572 | Take profit: 2132.2741517857144 +2025-03-10 13:18:07,403 - INFO - CLOSED long at 2101.51 | PnL: 0.04% | $-0.11 +2025-03-10 13:18:07,403 - INFO - OPENED SHORT at 2101.51 | Stop loss: 2112.0329178571433 | Take profit: 2069.964298214286 +2025-03-10 13:18:07,472 - INFO - CLOSED short at 2098.39 | PnL: 0.15% | $0.08 +2025-03-10 13:18:07,662 - INFO - OPENED SHORT at 2088.44 | Stop loss: 2098.8975678571433 | Take profit: 2057.0903482142858 +2025-03-10 13:18:07,701 - INFO - CLOSED short at 2085.3 | PnL: 0.15% | $0.08 +2025-03-10 13:18:07,745 - INFO - OPENED LONG at 2080.38 | Stop loss: 2069.962732142857 | Take profit: 2111.6087517857145 +2025-03-10 13:18:07,788 - INFO - CLOSED long at 2083.41 | PnL: 0.15% | $0.08 +2025-03-10 13:18:07,789 - INFO - OPENED SHORT at 2083.41 | Stop loss: 2093.8424178571427 | Take profit: 2052.1357982142854 +2025-03-10 13:18:07,940 - INFO - CLOSED short at 2088.66 | PnL: -0.25% | $-0.59 +2025-03-10 13:18:07,940 - INFO - OPENED LONG at 2088.66 | Stop loss: 2078.201332142857 | Take profit: 2120.012951785714 +2025-03-10 13:18:08,016 - INFO - CLOSED long at 2089.96 | PnL: 0.06% | $-0.06 +2025-03-10 13:18:08,016 - INFO - OPENED SHORT at 2089.96 | Stop loss: 2100.425167857143 | Take profit: 2058.5875482142856 +2025-03-10 13:18:08,201 - INFO - CLOSED short at 2085.67 | PnL: 0.21% | $0.17 +2025-03-10 13:18:08,264 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.520617857143 | Take profit: 2059.661198214286 +2025-03-10 13:18:08,328 - INFO - CLOSED short at 2091.95 | PnL: -0.04% | $-0.24 +2025-03-10 13:18:08,329 - INFO - OPENED LONG at 2091.95 | Stop loss: 2081.474882142857 | Take profit: 2123.352301785714 +2025-03-10 13:18:08,412 - INFO - CLOSED long at 2101.64 | PnL: 0.46% | $0.60 +2025-03-10 13:18:08,412 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.163567857143 | Take profit: 2070.0923482142857 +2025-03-10 13:18:08,430 - INFO - CLOSED short at 2097.11 | PnL: 0.22% | $0.19 +2025-03-10 13:18:08,450 - INFO - OPENED LONG at 2098.49 | Stop loss: 2087.982182142857 | Take profit: 2129.9904017857143 +2025-03-10 13:18:08,493 - INFO - CLOSED long at 2100.89 | PnL: 0.11% | $0.02 +2025-03-10 13:18:08,493 - INFO - OPENED SHORT at 2100.89 | Stop loss: 2111.4098178571426 | Take profit: 2069.3535982142857 +2025-03-10 13:18:08,665 - INFO - CLOSED short at 2103.07 | PnL: -0.10% | $-0.34 +2025-03-10 13:18:08,784 - INFO - OPENED SHORT at 2103.52 | Stop loss: 2114.052967857143 | Take profit: 2071.9441482142856 +2025-03-10 13:18:08,823 - INFO - CLOSED short at 2105.21 | PnL: -0.08% | $-0.30 +2025-03-10 13:18:08,823 - INFO - OPENED LONG at 2105.21 | Stop loss: 2094.6685821428573 | Take profit: 2136.8112017857143 +2025-03-10 13:18:08,834 - INFO - CLOSED long at 2103.9 | PnL: -0.06% | $-0.27 +2025-03-10 13:18:08,834 - INFO - OPENED SHORT at 2103.9 | Stop loss: 2114.4348678571428 | Take profit: 2072.3184482142856 +2025-03-10 13:18:08,855 - INFO - CLOSED short at 2100.0 | PnL: 0.19% | $0.14 +2025-03-10 13:18:08,855 - INFO - OPENED LONG at 2100.0 | Stop loss: 2089.484632142857 | Take profit: 2131.523051785714 +2025-03-10 13:18:08,877 - INFO - CLOSED long at 2102.7 | PnL: 0.13% | $0.05 +2025-03-10 13:18:08,917 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.942417857143 | Take profit: 2071.8357982142857 +2025-03-10 13:18:08,946 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.19, Avg Loss=$-0.26 +2025-03-10 13:18:08,947 - INFO - Episode 3: Reward=-71.47, Balance=$83.51, Win Rate=28.3%, Trades=127, Episode PnL=$-10.79, Total PnL=$-82.68, Max Drawdown=16.5%, Pred Accuracy=98.8% +2025-03-10 13:18:08,947 - ERROR - Error in episode 3: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:18:08,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1831, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:18:08,975 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:18:09,305 - INFO - OPENED SHORT at 2047.59 | Stop loss: 2057.8433178571427 | Take profit: 2016.8530982142856 +2025-03-10 13:18:09,485 - INFO - CLOSED short at 2051.89 | PnL: -0.21% | $-0.62 +2025-03-10 13:18:09,591 - INFO - OPENED SHORT at 2056.89 | Stop loss: 2067.1898178571428 | Take profit: 2026.0135982142856 +2025-03-10 13:18:09,638 - INFO - CLOSED short at 2060.13 | PnL: -0.16% | $-0.51 +2025-03-10 13:18:09,639 - INFO - OPENED LONG at 2060.13 | Stop loss: 2049.813982142857 | Take profit: 2091.0550017857145 +2025-03-10 13:18:09,663 - INFO - CLOSED long at 2059.7 | PnL: -0.02% | $-0.24 +2025-03-10 13:18:09,688 - INFO - OPENED LONG at 2061.49 | Stop loss: 2051.1671821428567 | Take profit: 2092.435401785714 +2025-03-10 13:18:09,714 - INFO - CLOSED long at 2063.29 | PnL: 0.09% | $-0.02 +2025-03-10 13:18:09,714 - INFO - OPENED SHORT at 2063.29 | Stop loss: 2073.621817857143 | Take profit: 2032.3175982142857 +2025-03-10 13:18:09,862 - INFO - CLOSED short at 2060.99 | PnL: 0.11% | $0.02 +2025-03-10 13:18:09,890 - INFO - OPENED SHORT at 2058.3 | Stop loss: 2068.6068678571432 | Take profit: 2027.4024482142859 +2025-03-10 13:18:09,915 - INFO - CLOSED short at 2060.0 | PnL: -0.08% | $-0.36 +2025-03-10 13:18:10,071 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.194817857143 | Take profit: 2026.9985982142855 +2025-03-10 13:18:10,126 - INFO - CLOSED short at 2058.11 | PnL: -0.01% | $-0.22 +2025-03-10 13:18:10,127 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.8040821428572 | Take profit: 2089.0047017857146 +2025-03-10 13:18:10,368 - INFO - CLOSED long at 2071.63 | PnL: 0.66% | $1.08 +2025-03-10 13:18:10,369 - INFO - OPENED SHORT at 2071.63 | Stop loss: 2082.003517857143 | Take profit: 2040.5324982142859 +2025-03-10 13:18:10,445 - INFO - CLOSED short at 2069.6 | PnL: 0.10% | $-0.00 +2025-03-10 13:18:10,445 - INFO - OPENED LONG at 2069.6 | Stop loss: 2059.236632142857 | Take profit: 2100.667051785714 +2025-03-10 13:18:10,484 - INFO - CLOSED long at 2068.65 | PnL: -0.05% | $-0.29 +2025-03-10 13:18:10,485 - INFO - OPENED SHORT at 2068.65 | Stop loss: 2079.008617857143 | Take profit: 2037.5971982142858 +2025-03-10 13:18:10,523 - INFO - CLOSED short at 2068.99 | PnL: -0.02% | $-0.23 +2025-03-10 13:18:10,523 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.629682142857 | Take profit: 2100.047901785714 +2025-03-10 13:18:10,543 - INFO - CLOSED long at 2067.9 | PnL: -0.05% | $-0.30 +2025-03-10 13:18:10,544 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.254867857143 | Take profit: 2036.858448214286 +2025-03-10 13:18:10,643 - INFO - CLOSED short at 2073.73 | PnL: -0.28% | $-0.75 +2025-03-10 13:18:10,687 - INFO - OPENED LONG at 2072.91 | Stop loss: 2062.530082142857 | Take profit: 2104.026701785714 +2025-03-10 13:18:10,770 - INFO - CLOSED long at 2071.41 | PnL: -0.07% | $-0.33 +2025-03-10 13:18:10,773 - INFO - OPENED SHORT at 2071.41 | Stop loss: 2081.7824178571427 | Take profit: 2040.3157982142855 +2025-03-10 13:18:10,812 - INFO - CLOSED short at 2069.37 | PnL: 0.10% | $-0.00 +2025-03-10 13:18:10,812 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.007782142857 | Take profit: 2100.4336017857145 +2025-03-10 13:18:10,889 - INFO - CLOSED long at 2072.8 | PnL: 0.17% | $0.13 +2025-03-10 13:18:10,921 - INFO - OPENED SHORT at 2070.79 | Stop loss: 2081.1593178571425 | Take profit: 2039.7050982142857 +2025-03-10 13:18:10,944 - INFO - CLOSED short at 2070.28 | PnL: 0.02% | $-0.15 +2025-03-10 13:18:10,944 - INFO - OPENED LONG at 2070.28 | Stop loss: 2059.9132321428574 | Take profit: 2101.3572517857147 +2025-03-10 13:18:10,961 - INFO - CLOSED long at 2068.02 | PnL: -0.11% | $-0.40 +2025-03-10 13:18:10,961 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.3754678571427 | Take profit: 2036.9766482142857 +2025-03-10 13:18:11,215 - INFO - CLOSED short at 2067.51 | PnL: 0.02% | $-0.14 +2025-03-10 13:18:11,249 - INFO - OPENED SHORT at 2069.01 | Stop loss: 2079.370417857143 | Take profit: 2037.951798214286 +2025-03-10 13:18:11,284 - INFO - CLOSED short at 2066.39 | PnL: 0.13% | $0.05 +2025-03-10 13:18:11,285 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.042682142857 | Take profit: 2097.408901785714 +2025-03-10 13:18:11,315 - INFO - CLOSED long at 2065.99 | PnL: -0.02% | $-0.23 +2025-03-10 13:18:11,336 - INFO - OPENED SHORT at 2066.19 | Stop loss: 2076.536317857143 | Take profit: 2035.1740982142856 +2025-03-10 13:18:11,424 - INFO - CLOSED short at 2068.76 | PnL: -0.12% | $-0.43 +2025-03-10 13:18:11,443 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.540132142857 | Take profit: 2099.9565517857145 +2025-03-10 13:18:11,464 - INFO - CLOSED long at 2068.51 | PnL: -0.02% | $-0.23 +2025-03-10 13:18:11,465 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.8679178571433 | Take profit: 2037.4592982142858 +2025-03-10 13:18:11,489 - INFO - CLOSED short at 2068.59 | PnL: -0.00% | $-0.20 +2025-03-10 13:18:11,489 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.231682142857 | Take profit: 2099.6419017857143 +2025-03-10 13:18:11,594 - INFO - CLOSED long at 2071.4 | PnL: 0.14% | $0.07 +2025-03-10 13:18:11,594 - INFO - OPENED SHORT at 2071.4 | Stop loss: 2081.7723678571433 | Take profit: 2040.305948214286 +2025-03-10 13:18:11,719 - INFO - CLOSED short at 2073.11 | PnL: -0.08% | $-0.35 +2025-03-10 13:18:11,719 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.7290821428574 | Take profit: 2104.2297017857145 +2025-03-10 13:18:11,738 - INFO - CLOSED long at 2072.7 | PnL: -0.02% | $-0.23 +2025-03-10 13:18:11,739 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.0788678571425 | Take profit: 2041.5864482142856 +2025-03-10 13:18:11,803 - INFO - CLOSED short at 2073.9 | PnL: -0.06% | $-0.30 +2025-03-10 13:18:11,874 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.7390821428576 | Take profit: 2102.1997017857143 +2025-03-10 13:18:11,912 - INFO - CLOSED long at 2069.35 | PnL: -0.08% | $-0.35 +2025-03-10 13:18:11,952 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.350367857143 | Take profit: 2035.9719482142857 +2025-03-10 13:18:11,982 - INFO - CLOSED short at 2067.79 | PnL: -0.04% | $-0.26 +2025-03-10 13:18:12,019 - INFO - OPENED LONG at 2067.46 | Stop loss: 2057.107332142857 | Take profit: 2098.4949517857144 +2025-03-10 13:18:12,046 - INFO - CLOSED long at 2066.8 | PnL: -0.03% | $-0.25 +2025-03-10 13:18:12,142 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.535182142857 | Take profit: 2098.931401785714 +2025-03-10 13:18:12,308 - INFO - CLOSED long at 2070.7 | PnL: 0.14% | $0.07 +2025-03-10 13:18:12,308 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.068867857143 | Take profit: 2039.6164482142856 +2025-03-10 13:18:12,429 - INFO - CLOSED short at 2067.84 | PnL: 0.14% | $0.07 +2025-03-10 13:18:12,429 - INFO - OPENED LONG at 2067.84 | Stop loss: 2057.4854321428575 | Take profit: 2098.8806517857142 +2025-03-10 13:18:12,457 - INFO - CLOSED long at 2067.11 | PnL: -0.04% | $-0.25 +2025-03-10 13:18:12,457 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.460917857143 | Take profit: 2036.0802982142857 +2025-03-10 13:18:12,585 - INFO - CLOSED short at 2064.47 | PnL: 0.13% | $0.05 +2025-03-10 13:18:12,585 - INFO - OPENED LONG at 2064.47 | Stop loss: 2054.132282142857 | Take profit: 2095.460101785714 +2025-03-10 13:18:12,654 - INFO - CLOSED long at 2068.18 | PnL: 0.18% | $0.15 +2025-03-10 13:18:12,694 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.525232142857 | Take profit: 2098.9212517857145 +2025-03-10 13:18:12,729 - INFO - CLOSED long at 2065.83 | PnL: -0.10% | $-0.37 +2025-03-10 13:18:12,764 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.601667857143 | Take profit: 2034.258048214286 +2025-03-10 13:18:12,834 - INFO - CLOSED short at 2059.59 | PnL: 0.27% | $0.32 +2025-03-10 13:18:12,856 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.621867857143 | Take profit: 2030.357448214286 +2025-03-10 13:18:12,979 - INFO - CLOSED short at 2064.45 | PnL: -0.15% | $-0.47 +2025-03-10 13:18:12,997 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.744232142857 | Take profit: 2095.064251785714 +2025-03-10 13:18:13,035 - INFO - CLOSED long at 2062.89 | PnL: -0.06% | $-0.29 +2025-03-10 13:18:13,092 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.9233678571427 | Take profit: 2030.6529482142857 +2025-03-10 13:18:13,156 - INFO - CLOSED short at 2059.3 | PnL: 0.11% | $0.02 +2025-03-10 13:18:13,265 - INFO - OPENED LONG at 2060.3 | Stop loss: 2049.9831321428574 | Take profit: 2091.2275517857147 +2025-03-10 13:18:13,286 - INFO - CLOSED long at 2061.13 | PnL: 0.04% | $-0.11 +2025-03-10 13:18:13,286 - INFO - OPENED SHORT at 2061.13 | Stop loss: 2071.451017857143 | Take profit: 2030.1899982142859 +2025-03-10 13:18:13,305 - INFO - CLOSED short at 2061.9 | PnL: -0.04% | $-0.25 +2025-03-10 13:18:13,306 - INFO - OPENED LONG at 2061.9 | Stop loss: 2051.5751321428575 | Take profit: 2092.851551785714 +2025-03-10 13:18:13,366 - INFO - CLOSED long at 2064.33 | PnL: 0.12% | $0.03 +2025-03-10 13:18:13,408 - INFO - OPENED SHORT at 2064.79 | Stop loss: 2075.1293178571427 | Take profit: 2033.7950982142856 +2025-03-10 13:18:13,497 - INFO - CLOSED short at 2061.89 | PnL: 0.14% | $0.07 +2025-03-10 13:18:13,549 - INFO - OPENED LONG at 2061.09 | Stop loss: 2050.7691821428575 | Take profit: 2092.0294017857145 +2025-03-10 13:18:13,572 - INFO - CLOSED long at 2059.61 | PnL: -0.07% | $-0.32 +2025-03-10 13:18:13,573 - INFO - OPENED SHORT at 2059.61 | Stop loss: 2069.923417857143 | Take profit: 2028.6927982142859 +2025-03-10 13:18:13,697 - INFO - CLOSED short at 2058.28 | PnL: 0.06% | $-0.07 +2025-03-10 13:18:13,720 - INFO - OPENED LONG at 2056.28 | Stop loss: 2045.9832321428573 | Take profit: 2087.1472517857146 +2025-03-10 13:18:13,900 - INFO - CLOSED long at 2061.3 | PnL: 0.24% | $0.27 +2025-03-10 13:18:13,908 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.621867857143 | Take profit: 2030.357448214286 +2025-03-10 13:18:13,987 - INFO - CLOSED short at 2066.01 | PnL: -0.23% | $-0.61 +2025-03-10 13:18:14,005 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5651321428572 | Take profit: 2094.8815517857142 +2025-03-10 13:18:14,044 - INFO - CLOSED long at 2066.33 | PnL: 0.12% | $0.03 +2025-03-10 13:18:14,045 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6770178571423 | Take profit: 2035.3119982142855 +2025-03-10 13:18:14,133 - INFO - CLOSED short at 2065.69 | PnL: 0.03% | $-0.13 +2025-03-10 13:18:14,150 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.425682142857 | Take profit: 2100.859901785714 +2025-03-10 13:18:14,184 - INFO - CLOSED long at 2074.3 | PnL: 0.22% | $0.22 +2025-03-10 13:18:14,224 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.4004178571427 | Take profit: 2043.861798214286 +2025-03-10 13:18:14,300 - INFO - CLOSED short at 2071.6 | PnL: 0.16% | $0.12 +2025-03-10 13:18:14,300 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.226632142857 | Take profit: 2102.697051785714 +2025-03-10 13:18:14,378 - INFO - CLOSED long at 2068.39 | PnL: -0.15% | $-0.47 +2025-03-10 13:18:14,436 - INFO - OPENED SHORT at 2067.44 | Stop loss: 2077.792567857143 | Take profit: 2036.4053482142858 +2025-03-10 13:18:14,608 - INFO - CLOSED short at 2063.95 | PnL: 0.17% | $0.13 +2025-03-10 13:18:14,626 - INFO - OPENED SHORT at 2063.97 | Stop loss: 2074.305217857143 | Take profit: 2032.9873982142856 +2025-03-10 13:18:14,666 - INFO - CLOSED short at 2065.3 | PnL: -0.06% | $-0.30 +2025-03-10 13:18:14,710 - INFO - OPENED LONG at 2064.31 | Stop loss: 2053.973082142857 | Take profit: 2095.2977017857143 +2025-03-10 13:18:14,877 - INFO - CLOSED long at 2071.59 | PnL: 0.35% | $0.46 +2025-03-10 13:18:14,878 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.963317857143 | Take profit: 2040.493098214286 +2025-03-10 13:18:14,924 - INFO - CLOSED short at 2071.35 | PnL: 0.01% | $-0.16 +2025-03-10 13:18:14,968 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.0538178571433 | Take profit: 2038.6215982142858 +2025-03-10 13:18:15,036 - INFO - CLOSED short at 2070.35 | PnL: -0.03% | $-0.24 +2025-03-10 13:18:15,036 - INFO - OPENED LONG at 2070.35 | Stop loss: 2059.9828821428573 | Take profit: 2101.428301785714 +2025-03-10 13:18:15,230 - INFO - CLOSED long at 2074.37 | PnL: 0.19% | $0.17 +2025-03-10 13:18:15,343 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.9280321428573 | Take profit: 2106.4728517857143 +2025-03-10 13:18:15,361 - INFO - CLOSED long at 2075.29 | PnL: -0.00% | $-0.19 +2025-03-10 13:18:15,362 - INFO - OPENED SHORT at 2075.29 | Stop loss: 2085.6818178571425 | Take profit: 2044.1375982142856 +2025-03-10 13:18:15,381 - INFO - CLOSED short at 2076.9 | PnL: -0.08% | $-0.32 +2025-03-10 13:18:15,399 - INFO - OPENED LONG at 2075.61 | Stop loss: 2065.216582142857 | Take profit: 2106.7672017857144 +2025-03-10 13:18:15,539 - INFO - CLOSED long at 2066.4 | PnL: -0.44% | $-0.99 +2025-03-10 13:18:15,540 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.7473678571428 | Take profit: 2035.3809482142858 +2025-03-10 13:18:15,617 - INFO - CLOSED short at 2068.1 | PnL: -0.08% | $-0.33 +2025-03-10 13:18:15,676 - INFO - OPENED LONG at 2070.1 | Stop loss: 2059.734132142857 | Take profit: 2101.1745517857144 +2025-03-10 13:18:15,739 - INFO - CLOSED long at 2065.7 | PnL: -0.21% | $-0.56 +2025-03-10 13:18:15,758 - INFO - OPENED SHORT at 2065.8 | Stop loss: 2076.144367857143 | Take profit: 2034.789948214286 +2025-03-10 13:18:15,892 - INFO - CLOSED short at 2065.06 | PnL: 0.04% | $-0.11 +2025-03-10 13:18:15,892 - INFO - OPENED LONG at 2065.06 | Stop loss: 2054.719332142857 | Take profit: 2096.0589517857143 +2025-03-10 13:18:15,948 - INFO - CLOSED long at 2066.33 | PnL: 0.06% | $-0.07 +2025-03-10 13:18:16,004 - INFO - OPENED LONG at 2060.2 | Stop loss: 2049.883632142857 | Take profit: 2091.126051785714 +2025-03-10 13:18:16,095 - INFO - CLOSED long at 2056.77 | PnL: -0.17% | $-0.47 +2025-03-10 13:18:16,096 - INFO - OPENED SHORT at 2056.77 | Stop loss: 2067.0692178571426 | Take profit: 2025.8953982142857 +2025-03-10 13:18:16,121 - INFO - CLOSED short at 2053.01 | PnL: 0.18% | $0.15 +2025-03-10 13:18:16,184 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.2371321428573 | Take profit: 2080.2655517857143 +2025-03-10 13:18:16,323 - INFO - CLOSED long at 2057.89 | PnL: 0.41% | $0.55 +2025-03-10 13:18:16,339 - INFO - OPENED LONG at 2062.83 | Stop loss: 2052.500482142857 | Take profit: 2093.7955017857144 +2025-03-10 13:18:16,355 - INFO - CLOSED long at 2063.9 | PnL: 0.05% | $-0.09 +2025-03-10 13:18:16,355 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.234867857143 | Take profit: 2032.9184482142857 +2025-03-10 13:18:16,515 - INFO - CLOSED short at 2064.08 | PnL: -0.01% | $-0.19 +2025-03-10 13:18:16,542 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.5314178571425 | Take profit: 2030.2687982142857 +2025-03-10 13:18:16,569 - INFO - CLOSED short at 2059.9 | PnL: 0.06% | $-0.06 +2025-03-10 13:18:16,870 - INFO - OPENED SHORT at 2071.89 | Stop loss: 2082.264817857143 | Take profit: 2040.7885982142855 +2025-03-10 13:18:16,925 - INFO - CLOSED short at 2076.08 | PnL: -0.20% | $-0.54 +2025-03-10 13:18:17,053 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.9578178571423 | Take profit: 2059.1095982142856 +2025-03-10 13:18:17,088 - INFO - STOP LOSS hit for short at 2100.9578178571423 | PnL: -0.50% | $-1.06 +2025-03-10 13:18:17,137 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.826932142857 | Take profit: 2171.6561517857144 +2025-03-10 13:18:17,160 - INFO - CLOSED long at 2131.78 | PnL: -0.36% | $-0.81 +2025-03-10 13:18:17,353 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.339682142857 | Take profit: 2158.917901785714 +2025-03-10 13:18:17,484 - INFO - CLOSED long at 2121.09 | PnL: -0.28% | $-0.65 +2025-03-10 13:18:17,485 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.710817857143 | Take profit: 2089.2505982142857 +2025-03-10 13:18:17,588 - INFO - CLOSED short at 2121.4 | PnL: -0.01% | $-0.20 +2025-03-10 13:18:17,644 - INFO - OPENED LONG at 2119.14 | Stop loss: 2108.528932142857 | Take profit: 2150.9501517857143 +2025-03-10 13:18:17,710 - INFO - STOP LOSS hit for long at 2108.528932142857 | PnL: -0.50% | $-1.03 +2025-03-10 13:18:17,735 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.0316321428572 | Take profit: 2142.282051785714 +2025-03-10 13:18:17,769 - INFO - CLOSED long at 2109.05 | PnL: -0.07% | $-0.29 +2025-03-10 13:18:18,022 - INFO - OPENED SHORT at 2110.9 | Stop loss: 2121.469867857143 | Take profit: 2079.2134482142856 +2025-03-10 13:18:18,042 - INFO - CLOSED short at 2108.71 | PnL: 0.10% | $0.01 +2025-03-10 13:18:18,065 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.942182142857 | Take profit: 2138.1104017857137 +2025-03-10 13:18:18,166 - INFO - STOP LOSS hit for long at 2095.942182142857 | PnL: -0.50% | $-1.01 +2025-03-10 13:18:18,241 - INFO - OPENED SHORT at 2098.1 | Stop loss: 2108.6058678571426 | Take profit: 2066.605448214286 +2025-03-10 13:18:18,285 - INFO - CLOSED short at 2102.19 | PnL: -0.19% | $-0.49 +2025-03-10 13:18:18,286 - INFO - OPENED LONG at 2102.19 | Stop loss: 2091.6636821428574 | Take profit: 2133.7459017857145 +2025-03-10 13:18:18,374 - INFO - CLOSED long at 2098.9 | PnL: -0.16% | $-0.42 +2025-03-10 13:18:18,374 - INFO - OPENED SHORT at 2098.9 | Stop loss: 2109.409867857143 | Take profit: 2067.393448214286 +2025-03-10 13:18:18,398 - INFO - CLOSED short at 2100.69 | PnL: -0.09% | $-0.31 +2025-03-10 13:18:18,398 - INFO - OPENED LONG at 2100.69 | Stop loss: 2090.171182142857 | Take profit: 2132.2234017857145 +2025-03-10 13:18:18,518 - INFO - CLOSED long at 2104.68 | PnL: 0.19% | $0.15 +2025-03-10 13:18:18,814 - INFO - OPENED SHORT at 2094.72 | Stop loss: 2105.2089678571424 | Take profit: 2063.2761482142855 +2025-03-10 13:18:18,904 - INFO - CLOSED short at 2088.44 | PnL: 0.30% | $0.33 +2025-03-10 13:18:18,904 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.9824321428573 | Take profit: 2119.7896517857143 +2025-03-10 13:18:18,925 - INFO - CLOSED long at 2083.97 | PnL: -0.21% | $-0.52 +2025-03-10 13:18:18,948 - INFO - OPENED SHORT at 2085.3 | Stop loss: 2095.741867857143 | Take profit: 2053.9974482142857 +2025-03-10 13:18:19,009 - INFO - CLOSED short at 2080.38 | PnL: 0.24% | $0.22 +2025-03-10 13:18:19,010 - INFO - OPENED LONG at 2080.38 | Stop loss: 2069.962732142857 | Take profit: 2111.6087517857145 +2025-03-10 13:18:19,073 - INFO - CLOSED long at 2085.09 | PnL: 0.23% | $0.21 +2025-03-10 13:18:19,168 - INFO - OPENED LONG at 2084.72 | Stop loss: 2074.281032142857 | Take profit: 2116.013851785714 +2025-03-10 13:18:19,260 - INFO - CLOSED long at 2088.32 | PnL: 0.17% | $0.12 +2025-03-10 13:18:19,278 - INFO - OPENED LONG at 2088.1 | Stop loss: 2077.644132142857 | Take profit: 2119.4445517857143 +2025-03-10 13:18:19,380 - INFO - CLOSED long at 2086.81 | PnL: -0.06% | $-0.27 +2025-03-10 13:18:19,492 - INFO - OPENED SHORT at 2091.95 | Stop loss: 2102.4251178571426 | Take profit: 2060.5476982142854 +2025-03-10 13:18:19,526 - INFO - CLOSED short at 2097.8 | PnL: -0.28% | $-0.62 +2025-03-10 13:18:19,526 - INFO - OPENED LONG at 2097.8 | Stop loss: 2087.2956321428574 | Take profit: 2129.2900517857142 +2025-03-10 13:18:19,604 - INFO - CLOSED long at 2098.49 | PnL: 0.03% | $-0.11 +2025-03-10 13:18:19,604 - INFO - OPENED SHORT at 2098.49 | Stop loss: 2108.9978178571428 | Take profit: 2066.9895982142857 +2025-03-10 13:18:19,624 - INFO - CLOSED short at 2099.89 | PnL: -0.07% | $-0.27 +2025-03-10 13:18:19,751 - INFO - OPENED LONG at 2103.07 | Stop loss: 2092.5392821428572 | Take profit: 2134.6391017857145 +2025-03-10 13:18:19,770 - INFO - CLOSED long at 2101.5 | PnL: -0.07% | $-0.28 +2025-03-10 13:18:19,801 - INFO - OPENED SHORT at 2103.64 | Stop loss: 2114.1735678571426 | Take profit: 2072.0623482142855 +2025-03-10 13:18:19,900 - INFO - CLOSED short at 2103.9 | PnL: -0.01% | $-0.18 +2025-03-10 13:18:19,900 - INFO - OPENED LONG at 2103.9 | Stop loss: 2093.365132142857 | Take profit: 2135.4815517857146 +2025-03-10 13:18:19,936 - INFO - CLOSED long at 2102.7 | PnL: -0.06% | $-0.25 +2025-03-10 13:18:19,954 - INFO - OPENED LONG at 2102.0 | Stop loss: 2091.474632142857 | Take profit: 2133.5530517857146 +2025-03-10 13:18:19,992 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.19, Avg Loss=$-0.34 +2025-03-10 13:18:19,992 - INFO - Episode 4: Reward=-55.80, Balance=$81.15, Win Rate=28.6%, Trades=98, Episode PnL=$-15.42, Total PnL=$-101.53, Max Drawdown=18.8%, Pred Accuracy=99.6% +2025-03-10 13:18:19,993 - ERROR - Error in episode 4: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:18:19,993 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1831, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:18:20,013 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:18:20,213 - INFO - OPENED LONG at 2048.13 | Stop loss: 2037.8739821428571 | Take profit: 2078.8750017857146 +2025-03-10 13:18:20,233 - INFO - CLOSED long at 2047.59 | PnL: -0.03% | $-0.25 +2025-03-10 13:18:20,233 - INFO - OPENED SHORT at 2047.59 | Stop loss: 2057.8433178571427 | Take profit: 2016.8530982142856 +2025-03-10 13:18:20,254 - INFO - CLOSED short at 2048.51 | PnL: -0.04% | $-0.29 +2025-03-10 13:18:20,295 - INFO - OPENED SHORT at 2050.24 | Stop loss: 2060.5065678571427 | Take profit: 2019.4633482142856 +2025-03-10 13:18:20,313 - INFO - CLOSED short at 2049.89 | PnL: 0.02% | $-0.16 +2025-03-10 13:18:20,361 - INFO - OPENED LONG at 2053.26 | Stop loss: 2042.9783321428572 | Take profit: 2084.0819517857144 +2025-03-10 13:18:20,381 - INFO - CLOSED long at 2051.89 | PnL: -0.07% | $-0.33 +2025-03-10 13:18:20,382 - INFO - OPENED SHORT at 2051.89 | Stop loss: 2062.1648178571427 | Take profit: 2021.0885982142856 +2025-03-10 13:18:20,425 - INFO - CLOSED short at 2055.69 | PnL: -0.19% | $-0.56 +2025-03-10 13:18:20,426 - INFO - OPENED LONG at 2055.69 | Stop loss: 2045.396182142857 | Take profit: 2086.5484017857143 +2025-03-10 13:18:20,501 - INFO - CLOSED long at 2060.13 | PnL: 0.22% | $0.23 +2025-03-10 13:18:20,501 - INFO - OPENED SHORT at 2060.13 | Stop loss: 2070.4460178571426 | Take profit: 2029.2049982142858 +2025-03-10 13:18:20,541 - INFO - CLOSED short at 2061.49 | PnL: -0.07% | $-0.33 +2025-03-10 13:18:20,541 - INFO - OPENED LONG at 2061.49 | Stop loss: 2051.1671821428567 | Take profit: 2092.435401785714 +2025-03-10 13:18:20,721 - INFO - CLOSED long at 2061.89 | PnL: 0.02% | $-0.16 +2025-03-10 13:18:20,721 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.214817857143 | Take profit: 2030.9385982142855 +2025-03-10 13:18:20,752 - INFO - CLOSED short at 2060.31 | PnL: 0.08% | $-0.05 +2025-03-10 13:18:20,752 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.993082142857 | Take profit: 2091.2377017857143 +2025-03-10 13:18:20,794 - INFO - CLOSED long at 2057.8 | PnL: -0.12% | $-0.43 +2025-03-10 13:18:20,794 - INFO - OPENED SHORT at 2057.8 | Stop loss: 2068.104367857143 | Take profit: 2026.909948214286 +2025-03-10 13:18:20,829 - INFO - CLOSED short at 2057.94 | PnL: -0.01% | $-0.21 +2025-03-10 13:18:20,920 - INFO - OPENED LONG at 2065.86 | Stop loss: 2055.515332142857 | Take profit: 2096.870951785714 +2025-03-10 13:18:20,955 - INFO - CLOSED long at 2068.11 | PnL: 0.11% | $0.02 +2025-03-10 13:18:20,977 - INFO - OPENED SHORT at 2068.29 | Stop loss: 2078.6468178571427 | Take profit: 2037.2425982142856 +2025-03-10 13:18:21,015 - INFO - CLOSED short at 2071.63 | PnL: -0.16% | $-0.51 +2025-03-10 13:18:21,035 - INFO - OPENED LONG at 2070.99 | Stop loss: 2060.619682142857 | Take profit: 2102.077901785714 +2025-03-10 13:18:21,096 - INFO - CLOSED long at 2068.99 | PnL: -0.10% | $-0.38 +2025-03-10 13:18:21,115 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.5451321428573 | Take profit: 2098.9415517857146 +2025-03-10 13:18:21,151 - INFO - CLOSED long at 2070.26 | PnL: 0.11% | $0.03 +2025-03-10 13:18:21,153 - INFO - OPENED SHORT at 2070.26 | Stop loss: 2080.6266678571433 | Take profit: 2039.183048214286 +2025-03-10 13:18:21,210 - INFO - CLOSED short at 2075.1 | PnL: -0.23% | $-0.64 +2025-03-10 13:18:21,245 - INFO - OPENED LONG at 2072.33 | Stop loss: 2061.952982142857 | Take profit: 2103.4380017857143 +2025-03-10 13:18:21,268 - INFO - CLOSED long at 2071.38 | PnL: -0.05% | $-0.28 +2025-03-10 13:18:21,480 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.331132142857 | Take profit: 2101.7835517857143 +2025-03-10 13:18:21,543 - INFO - CLOSED long at 2068.8 | PnL: -0.09% | $-0.36 +2025-03-10 13:18:21,543 - INFO - OPENED SHORT at 2068.8 | Stop loss: 2079.159367857143 | Take profit: 2037.7449482142858 +2025-03-10 13:18:21,560 - INFO - CLOSED short at 2067.6 | PnL: 0.06% | $-0.08 +2025-03-10 13:18:21,560 - INFO - OPENED LONG at 2067.6 | Stop loss: 2057.246632142857 | Take profit: 2098.6370517857144 +2025-03-10 13:18:21,604 - INFO - CLOSED long at 2069.01 | PnL: 0.07% | $-0.06 +2025-03-10 13:18:21,604 - INFO - OPENED SHORT at 2069.01 | Stop loss: 2079.370417857143 | Take profit: 2037.951798214286 +2025-03-10 13:18:21,645 - INFO - CLOSED short at 2065.99 | PnL: 0.15% | $0.09 +2025-03-10 13:18:21,645 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.644682142857 | Take profit: 2097.002901785714 +2025-03-10 13:18:21,868 - INFO - CLOSED long at 2071.4 | PnL: 0.26% | $0.31 +2025-03-10 13:18:21,868 - INFO - OPENED SHORT at 2071.4 | Stop loss: 2081.7723678571433 | Take profit: 2040.305948214286 +2025-03-10 13:18:21,990 - INFO - CLOSED short at 2074.29 | PnL: -0.14% | $-0.45 +2025-03-10 13:18:21,999 - INFO - OPENED LONG at 2074.29 | Stop loss: 2063.903182142857 | Take profit: 2105.427401785714 +2025-03-10 13:18:22,035 - INFO - CLOSED long at 2071.92 | PnL: -0.11% | $-0.40 +2025-03-10 13:18:22,234 - INFO - OPENED LONG at 2067.79 | Stop loss: 2057.435682142857 | Take profit: 2098.8299017857144 +2025-03-10 13:18:22,263 - INFO - CLOSED long at 2067.46 | PnL: -0.02% | $-0.22 +2025-03-10 13:18:22,326 - INFO - OPENED SHORT at 2065.49 | Stop loss: 2075.832817857143 | Take profit: 2034.4845982142854 +2025-03-10 13:18:22,390 - INFO - CLOSED short at 2067.89 | PnL: -0.12% | $-0.41 +2025-03-10 13:18:22,450 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9779321428573 | Take profit: 2100.4031517857143 +2025-03-10 13:18:22,709 - INFO - CLOSED long at 2068.69 | PnL: -0.03% | $-0.25 +2025-03-10 13:18:22,709 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.0488178571427 | Take profit: 2037.6365982142859 +2025-03-10 13:18:22,793 - INFO - CLOSED short at 2066.4 | PnL: 0.11% | $0.02 +2025-03-10 13:18:22,793 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.0526321428574 | Take profit: 2097.4190517857146 +2025-03-10 13:18:22,828 - INFO - CLOSED long at 2065.28 | PnL: -0.05% | $-0.29 +2025-03-10 13:18:22,829 - INFO - OPENED SHORT at 2065.28 | Stop loss: 2075.6217678571434 | Take profit: 2034.277748214286 +2025-03-10 13:18:22,890 - INFO - CLOSED short at 2070.04 | PnL: -0.23% | $-0.61 +2025-03-10 13:18:22,891 - INFO - OPENED LONG at 2070.04 | Stop loss: 2059.6744321428573 | Take profit: 2101.1136517857144 +2025-03-10 13:18:22,909 - INFO - CLOSED long at 2067.8 | PnL: -0.11% | $-0.38 +2025-03-10 13:18:22,988 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.525232142857 | Take profit: 2098.9212517857145 +2025-03-10 13:18:23,130 - INFO - CLOSED long at 2062.89 | PnL: -0.24% | $-0.63 +2025-03-10 13:18:23,130 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2198178571425 | Take profit: 2031.9235982142857 +2025-03-10 13:18:23,208 - INFO - CLOSED short at 2061.3 | PnL: 0.08% | $-0.04 +2025-03-10 13:18:23,353 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.112382142857 | Take profit: 2095.439801785714 +2025-03-10 13:18:23,612 - INFO - CLOSED long at 2060.31 | PnL: -0.20% | $-0.55 +2025-03-10 13:18:23,612 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.626917857143 | Take profit: 2029.3822982142856 +2025-03-10 13:18:23,711 - INFO - CLOSED short at 2060.3 | PnL: 0.00% | $-0.18 +2025-03-10 13:18:23,712 - INFO - OPENED LONG at 2060.3 | Stop loss: 2049.9831321428574 | Take profit: 2091.2275517857147 +2025-03-10 13:18:23,862 - INFO - CLOSED long at 2064.1 | PnL: 0.18% | $0.15 +2025-03-10 13:18:23,863 - INFO - OPENED SHORT at 2064.1 | Stop loss: 2074.4358678571425 | Take profit: 2033.1154482142856 +2025-03-10 13:18:23,948 - INFO - CLOSED short at 2063.39 | PnL: 0.03% | $-0.12 +2025-03-10 13:18:24,022 - INFO - OPENED LONG at 2063.0 | Stop loss: 2052.669632142857 | Take profit: 2093.968051785714 +2025-03-10 13:18:24,230 - INFO - CLOSED long at 2059.02 | PnL: -0.19% | $-0.53 +2025-03-10 13:18:24,231 - INFO - OPENED SHORT at 2059.02 | Stop loss: 2069.330467857143 | Take profit: 2028.1116482142857 +2025-03-10 13:18:24,338 - INFO - CLOSED short at 2059.46 | PnL: -0.02% | $-0.22 +2025-03-10 13:18:24,338 - INFO - OPENED LONG at 2059.46 | Stop loss: 2049.147332142857 | Take profit: 2090.3749517857145 +2025-03-10 13:18:24,377 - INFO - CLOSED long at 2058.28 | PnL: -0.06% | $-0.28 +2025-03-10 13:18:24,397 - INFO - OPENED SHORT at 2056.28 | Stop loss: 2066.576767857143 | Take profit: 2025.4127482142858 +2025-03-10 13:18:24,519 - INFO - CLOSED short at 2059.8 | PnL: -0.17% | $-0.49 +2025-03-10 13:18:24,648 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.621867857143 | Take profit: 2030.357448214286 +2025-03-10 13:18:24,677 - INFO - CLOSED short at 2062.69 | PnL: -0.07% | $-0.30 +2025-03-10 13:18:24,747 - INFO - OPENED LONG at 2066.01 | Stop loss: 2055.6645821428574 | Take profit: 2097.0232017857147 +2025-03-10 13:18:24,786 - INFO - CLOSED long at 2064.49 | PnL: -0.07% | $-0.31 +2025-03-10 13:18:24,805 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6770178571423 | Take profit: 2035.3119982142855 +2025-03-10 13:18:24,967 - INFO - CLOSED short at 2072.0 | PnL: -0.27% | $-0.66 +2025-03-10 13:18:24,968 - INFO - OPENED LONG at 2072.0 | Stop loss: 2061.624632142857 | Take profit: 2103.1030517857143 +2025-03-10 13:18:25,099 - INFO - CLOSED long at 2072.6 | PnL: 0.03% | $-0.12 +2025-03-10 13:18:25,099 - INFO - OPENED SHORT at 2072.6 | Stop loss: 2082.9783678571425 | Take profit: 2041.4879482142858 +2025-03-10 13:18:25,127 - INFO - CLOSED short at 2071.04 | PnL: 0.08% | $-0.04 +2025-03-10 13:18:25,127 - INFO - OPENED LONG at 2071.04 | Stop loss: 2060.669432142857 | Take profit: 2102.1286517857143 +2025-03-10 13:18:25,256 - INFO - CLOSED long at 2068.39 | PnL: -0.13% | $-0.40 +2025-03-10 13:18:25,286 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.3261821428573 | Take profit: 2100.7584017857143 +2025-03-10 13:18:25,321 - INFO - CLOSED long at 2069.03 | PnL: -0.03% | $-0.23 +2025-03-10 13:18:25,368 - INFO - OPENED LONG at 2067.44 | Stop loss: 2057.0874321428573 | Take profit: 2098.4746517857143 +2025-03-10 13:18:25,558 - INFO - CLOSED long at 2069.87 | PnL: 0.12% | $0.03 +2025-03-10 13:18:25,558 - INFO - OPENED SHORT at 2069.87 | Stop loss: 2080.234717857143 | Take profit: 2038.7988982142856 +2025-03-10 13:18:25,657 - INFO - CLOSED short at 2065.7 | PnL: 0.20% | $0.18 +2025-03-10 13:18:25,658 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.356132142857 | Take profit: 2096.708551785714 +2025-03-10 13:18:25,708 - INFO - CLOSED long at 2063.95 | PnL: -0.08% | $-0.32 +2025-03-10 13:18:25,708 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.2851178571427 | Take profit: 2032.9676982142855 +2025-03-10 13:18:25,744 - INFO - CLOSED short at 2063.97 | PnL: -0.00% | $-0.18 +2025-03-10 13:18:25,744 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.6347821428567 | Take profit: 2094.9526017857143 +2025-03-10 13:18:25,781 - INFO - CLOSED long at 2064.5 | PnL: 0.03% | $-0.13 +2025-03-10 13:18:25,781 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8378678571426 | Take profit: 2033.5094482142858 +2025-03-10 13:18:25,828 - INFO - CLOSED short at 2065.3 | PnL: -0.04% | $-0.24 +2025-03-10 13:18:25,828 - INFO - OPENED LONG at 2065.3 | Stop loss: 2054.9581321428573 | Take profit: 2096.3025517857145 +2025-03-10 13:18:25,931 - INFO - CLOSED long at 2064.31 | PnL: -0.05% | $-0.26 +2025-03-10 13:18:25,998 - INFO - OPENED LONG at 2065.29 | Stop loss: 2054.948182142857 | Take profit: 2096.2924017857144 +2025-03-10 13:18:26,085 - INFO - CLOSED long at 2068.59 | PnL: 0.16% | $0.10 +2025-03-10 13:18:26,085 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.948317857143 | Take profit: 2037.5380982142858 +2025-03-10 13:18:26,159 - INFO - CLOSED short at 2071.35 | PnL: -0.13% | $-0.40 +2025-03-10 13:18:26,235 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.331132142857 | Take profit: 2101.7835517857143 +2025-03-10 13:18:26,345 - INFO - CLOSED long at 2071.99 | PnL: 0.06% | $-0.06 +2025-03-10 13:18:26,346 - INFO - OPENED SHORT at 2071.99 | Stop loss: 2082.3653178571426 | Take profit: 2040.8870982142855 +2025-03-10 13:18:26,369 - INFO - CLOSED short at 2068.19 | PnL: 0.18% | $0.14 +2025-03-10 13:18:26,369 - INFO - OPENED LONG at 2068.19 | Stop loss: 2057.8336821428575 | Take profit: 2099.2359017857148 +2025-03-10 13:18:26,413 - INFO - CLOSED long at 2070.67 | PnL: 0.12% | $0.03 +2025-03-10 13:18:26,413 - INFO - OPENED SHORT at 2070.67 | Stop loss: 2081.0387178571427 | Take profit: 2039.5868982142858 +2025-03-10 13:18:26,498 - INFO - CLOSED short at 2075.07 | PnL: -0.21% | $-0.54 +2025-03-10 13:18:26,500 - INFO - OPENED LONG at 2075.07 | Stop loss: 2064.679282142857 | Take profit: 2106.2191017857144 +2025-03-10 13:18:26,519 - INFO - CLOSED long at 2074.35 | PnL: -0.03% | $-0.23 +2025-03-10 13:18:26,519 - INFO - OPENED SHORT at 2074.35 | Stop loss: 2084.7371178571425 | Take profit: 2043.2116982142857 +2025-03-10 13:18:26,604 - INFO - CLOSED short at 2075.32 | PnL: -0.05% | $-0.25 +2025-03-10 13:18:26,730 - INFO - OPENED SHORT at 2074.0 | Stop loss: 2084.3853678571427 | Take profit: 2042.8669482142857 +2025-03-10 13:18:26,771 - INFO - CLOSED short at 2069.97 | PnL: 0.19% | $0.16 +2025-03-10 13:18:26,771 - INFO - OPENED LONG at 2069.97 | Stop loss: 2059.604782142857 | Take profit: 2101.042601785714 +2025-03-10 13:18:26,789 - INFO - CLOSED long at 2067.7 | PnL: -0.11% | $-0.36 +2025-03-10 13:18:26,790 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.0538678571424 | Take profit: 2036.6614482142857 +2025-03-10 13:18:26,850 - INFO - CLOSED short at 2066.4 | PnL: 0.06% | $-0.06 +2025-03-10 13:18:26,851 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.0526321428574 | Take profit: 2097.4190517857146 +2025-03-10 13:18:26,930 - INFO - CLOSED long at 2068.1 | PnL: 0.08% | $-0.03 +2025-03-10 13:18:26,980 - INFO - OPENED SHORT at 2070.19 | Stop loss: 2080.556317857143 | Take profit: 2039.1140982142858 +2025-03-10 13:18:27,104 - INFO - CLOSED short at 2065.7 | PnL: 0.22% | $0.20 +2025-03-10 13:18:27,112 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.356132142857 | Take profit: 2096.708551785714 +2025-03-10 13:18:27,168 - INFO - CLOSED long at 2066.09 | PnL: 0.02% | $-0.14 +2025-03-10 13:18:27,208 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.012932142857 | Take profit: 2093.2981517857143 +2025-03-10 13:18:27,246 - INFO - CLOSED long at 2066.1 | PnL: 0.18% | $0.14 +2025-03-10 13:18:27,246 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4458678571427 | Take profit: 2035.0854482142856 +2025-03-10 13:18:27,283 - INFO - CLOSED short at 2064.11 | PnL: 0.10% | $-0.01 +2025-03-10 13:18:27,350 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.6795821428573 | Take profit: 2093.9782017857146 +2025-03-10 13:18:27,404 - INFO - CLOSED long at 2060.2 | PnL: -0.14% | $-0.40 +2025-03-10 13:18:27,404 - INFO - OPENED SHORT at 2060.2 | Stop loss: 2070.5163678571425 | Take profit: 2029.2739482142856 +2025-03-10 13:18:27,436 - INFO - CLOSED short at 2059.2 | PnL: 0.05% | $-0.09 +2025-03-10 13:18:27,591 - INFO - OPENED SHORT at 2049.5 | Stop loss: 2059.762867857143 | Take profit: 2018.7344482142857 +2025-03-10 13:18:27,638 - INFO - CLOSED short at 2058.3 | PnL: -0.43% | $-0.89 +2025-03-10 13:18:27,639 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9931321428573 | Take profit: 2089.197551785714 +2025-03-10 13:18:27,659 - INFO - CLOSED long at 2056.85 | PnL: -0.07% | $-0.28 +2025-03-10 13:18:27,659 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.149617857143 | Take profit: 2025.9741982142855 +2025-03-10 13:18:27,728 - INFO - CLOSED short at 2062.83 | PnL: -0.29% | $-0.65 +2025-03-10 13:18:27,815 - INFO - OPENED SHORT at 2065.1 | Stop loss: 2075.4408678571426 | Take profit: 2034.1004482142857 +2025-03-10 13:18:27,946 - INFO - CLOSED short at 2065.12 | PnL: -0.00% | $-0.17 +2025-03-10 13:18:27,946 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.779032142857 | Take profit: 2096.119851785714 +2025-03-10 13:18:27,972 - INFO - CLOSED long at 2068.33 | PnL: 0.16% | $0.09 +2025-03-10 13:18:27,973 - INFO - OPENED SHORT at 2068.33 | Stop loss: 2078.6870178571426 | Take profit: 2037.2819982142855 +2025-03-10 13:18:28,027 - INFO - CLOSED short at 2066.59 | PnL: 0.08% | $-0.03 +2025-03-10 13:18:28,027 - INFO - OPENED LONG at 2066.59 | Stop loss: 2056.2416821428574 | Take profit: 2097.611901785714 +2025-03-10 13:18:28,082 - INFO - CLOSED long at 2061.21 | PnL: -0.26% | $-0.59 +2025-03-10 13:18:28,082 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.5314178571425 | Take profit: 2030.2687982142857 +2025-03-10 13:18:28,244 - INFO - CLOSED short at 2061.84 | PnL: -0.03% | $-0.21 +2025-03-10 13:18:28,245 - INFO - OPENED LONG at 2061.84 | Stop loss: 2051.515432142857 | Take profit: 2092.790651785714 +2025-03-10 13:18:28,323 - INFO - CLOSED long at 2065.72 | PnL: 0.19% | $0.14 +2025-03-10 13:18:28,368 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.6065678571426 | Take profit: 2039.1633482142856 +2025-03-10 13:18:28,387 - INFO - CLOSED short at 2069.34 | PnL: 0.04% | $-0.09 +2025-03-10 13:18:28,389 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9779321428573 | Take profit: 2100.4031517857143 +2025-03-10 13:18:28,408 - INFO - CLOSED long at 2069.81 | PnL: 0.02% | $-0.13 +2025-03-10 13:18:28,408 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.174417857143 | Take profit: 2038.7397982142857 +2025-03-10 13:18:28,471 - INFO - CLOSED short at 2074.05 | PnL: -0.20% | $-0.50 +2025-03-10 13:18:28,472 - INFO - OPENED LONG at 2074.05 | Stop loss: 2063.6643821428574 | Take profit: 2105.183801785715 +2025-03-10 13:18:28,558 - INFO - CLOSED long at 2071.8 | PnL: -0.11% | $-0.34 +2025-03-10 13:18:28,559 - INFO - OPENED SHORT at 2071.8 | Stop loss: 2082.174367857143 | Take profit: 2040.699948214286 +2025-03-10 13:18:28,711 - INFO - STOP LOSS hit for short at 2082.174367857143 | PnL: -0.50% | $-0.97 +2025-03-10 13:18:28,732 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.022182142857 | Take profit: 2121.870401785714 +2025-03-10 13:18:28,768 - INFO - TAKE PROFIT hit for long at 2121.870401785714 | PnL: 1.50% | $2.23 +2025-03-10 13:18:28,795 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.253067857143 | Take profit: 2107.4238482142855 +2025-03-10 13:18:28,835 - INFO - CLOSED short at 2133.95 | PnL: 0.26% | $0.26 +2025-03-10 13:18:28,836 - INFO - OPENED LONG at 2133.95 | Stop loss: 2123.264882142857 | Take profit: 2165.982301785714 +2025-03-10 13:18:28,952 - INFO - CLOSED long at 2140.01 | PnL: 0.28% | $0.30 +2025-03-10 13:18:28,952 - INFO - OPENED SHORT at 2140.01 | Stop loss: 2150.725417857143 | Take profit: 2107.886798214286 +2025-03-10 13:18:29,035 - INFO - CLOSED short at 2126.99 | PnL: 0.61% | $0.84 +2025-03-10 13:18:29,035 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.339682142857 | Take profit: 2158.917901785714 +2025-03-10 13:18:29,119 - INFO - CLOSED long at 2128.69 | PnL: 0.08% | $-0.03 +2025-03-10 13:18:29,119 - INFO - OPENED SHORT at 2128.69 | Stop loss: 2139.348817857143 | Take profit: 2096.7365982142856 +2025-03-10 13:18:29,165 - INFO - CLOSED short at 2120.15 | PnL: 0.40% | $0.50 +2025-03-10 13:18:29,165 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.5338821428572 | Take profit: 2151.9753017857147 +2025-03-10 13:18:29,202 - INFO - CLOSED long at 2119.93 | PnL: -0.01% | $-0.19 +2025-03-10 13:18:29,241 - INFO - OPENED SHORT at 2118.52 | Stop loss: 2129.1279678571427 | Take profit: 2086.7191482142857 +2025-03-10 13:18:29,436 - INFO - CLOSED short at 2112.09 | PnL: 0.30% | $0.34 +2025-03-10 13:18:29,436 - INFO - OPENED LONG at 2112.09 | Stop loss: 2101.5141821428574 | Take profit: 2143.7944017857144 +2025-03-10 13:18:29,527 - INFO - CLOSED long at 2113.24 | PnL: 0.05% | $-0.08 +2025-03-10 13:18:29,711 - INFO - OPENED SHORT at 2103.33 | Stop loss: 2113.8620178571427 | Take profit: 2071.7569982142854 +2025-03-10 13:18:29,752 - INFO - CLOSED short at 2090.0 | PnL: 0.63% | $0.90 +2025-03-10 13:18:29,752 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.534632142857 | Take profit: 2121.3730517857143 +2025-03-10 13:18:29,822 - INFO - CLOSED long at 2098.1 | PnL: 0.39% | $0.49 +2025-03-10 13:18:29,889 - INFO - OPENED LONG at 2102.29 | Stop loss: 2091.763182142857 | Take profit: 2133.8474017857143 +2025-03-10 13:18:29,920 - INFO - CLOSED long at 2099.25 | PnL: -0.14% | $-0.42 +2025-03-10 13:18:30,130 - INFO - OPENED LONG at 2100.02 | Stop loss: 2089.504532142857 | Take profit: 2131.543351785714 +2025-03-10 13:18:30,303 - INFO - CLOSED long at 2092.46 | PnL: -0.36% | $-0.78 +2025-03-10 13:18:30,303 - INFO - OPENED SHORT at 2092.46 | Stop loss: 2102.937667857143 | Take profit: 2061.0500482142857 +2025-03-10 13:18:30,417 - INFO - CLOSED short at 2083.28 | PnL: 0.44% | $0.57 +2025-03-10 13:18:30,424 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.8482321428573 | Take profit: 2114.552251785715 +2025-03-10 13:18:30,539 - INFO - CLOSED long at 2081.49 | PnL: -0.09% | $-0.31 +2025-03-10 13:18:30,540 - INFO - OPENED SHORT at 2081.49 | Stop loss: 2091.9128178571427 | Take profit: 2050.2445982142854 +2025-03-10 13:18:30,719 - INFO - CLOSED short at 2083.41 | PnL: -0.09% | $-0.32 +2025-03-10 13:18:30,747 - INFO - OPENED SHORT at 2085.09 | Stop loss: 2095.5308178571427 | Take profit: 2053.790598214286 +2025-03-10 13:18:30,816 - INFO - CLOSED short at 2085.8 | PnL: -0.03% | $-0.23 +2025-03-10 13:18:30,816 - INFO - OPENED LONG at 2085.8 | Stop loss: 2075.3556321428573 | Take profit: 2117.1100517857144 +2025-03-10 13:18:30,970 - INFO - CLOSED long at 2089.96 | PnL: 0.20% | $0.17 +2025-03-10 13:18:31,174 - INFO - OPENED SHORT at 2085.67 | Stop loss: 2096.113717857143 | Take profit: 2054.3618982142857 +2025-03-10 13:18:31,264 - INFO - CLOSED short at 2091.95 | PnL: -0.30% | $-0.67 +2025-03-10 13:18:31,352 - INFO - OPENED LONG at 2099.99 | Stop loss: 2089.474682142857 | Take profit: 2131.512901785714 +2025-03-10 13:18:31,423 - INFO - CLOSED long at 2097.11 | PnL: -0.14% | $-0.40 +2025-03-10 13:18:31,459 - INFO - OPENED SHORT at 2098.49 | Stop loss: 2108.9978178571428 | Take profit: 2066.9895982142857 +2025-03-10 13:18:31,529 - INFO - CLOSED short at 2100.89 | PnL: -0.11% | $-0.36 +2025-03-10 13:18:31,546 - INFO - OPENED SHORT at 2099.73 | Stop loss: 2110.244017857143 | Take profit: 2068.2109982142856 +2025-03-10 13:18:31,612 - INFO - CLOSED short at 2104.93 | PnL: -0.25% | $-0.57 +2025-03-10 13:18:31,612 - INFO - OPENED LONG at 2104.93 | Stop loss: 2094.3899821428568 | Take profit: 2136.527001785714 +2025-03-10 13:18:31,814 - INFO - CLOSED long at 2103.52 | PnL: -0.07% | $-0.27 +2025-03-10 13:18:31,939 - INFO - OPENED LONG at 2100.0 | Stop loss: 2089.484632142857 | Take profit: 2131.523051785714 +2025-03-10 13:18:31,957 - INFO - CLOSED long at 2102.7 | PnL: 0.13% | $0.05 +2025-03-10 13:18:31,975 - INFO - OPENED SHORT at 2102.0 | Stop loss: 2112.525367857143 | Take profit: 2070.446948214286 +2025-03-10 13:18:32,013 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.31, Avg Loss=$-0.32 +2025-03-10 13:18:32,013 - INFO - Episode 5: Reward=-76.82, Balance=$82.36, Win Rate=25.2%, Trades=111, Episode PnL=$-11.12, Total PnL=$-119.17, Max Drawdown=19.7%, Pred Accuracy=99.4% +2025-03-10 13:18:32,013 - ERROR - Error in episode 5: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:18:32,013 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1831, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:18:32,039 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:18:32,345 - INFO - OPENED LONG at 2048.13 | Stop loss: 2037.8739821428571 | Take profit: 2078.8750017857146 +2025-03-10 13:18:32,404 - INFO - CLOSED long at 2050.0 | PnL: 0.09% | $-0.02 +2025-03-10 13:18:32,404 - INFO - OPENED SHORT at 2050.0 | Stop loss: 2060.265367857143 | Take profit: 2019.2269482142858 +2025-03-10 13:18:32,440 - INFO - CLOSED short at 2049.89 | PnL: 0.01% | $-0.19 +2025-03-10 13:18:32,440 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.625182142857 | Take profit: 2080.661401785714 +2025-03-10 13:18:32,538 - INFO - CLOSED long at 2052.3 | PnL: 0.12% | $0.03 +2025-03-10 13:18:32,538 - INFO - OPENED SHORT at 2052.3 | Stop loss: 2062.576867857143 | Take profit: 2021.492448214286 +2025-03-10 13:18:32,690 - INFO - CLOSED short at 2060.13 | PnL: -0.38% | $-0.95 +2025-03-10 13:18:32,690 - INFO - OPENED LONG at 2060.13 | Stop loss: 2049.813982142857 | Take profit: 2091.0550017857145 +2025-03-10 13:18:32,718 - INFO - CLOSED long at 2059.7 | PnL: -0.02% | $-0.24 +2025-03-10 13:18:32,719 - INFO - OPENED SHORT at 2059.7 | Stop loss: 2070.0138678571425 | Take profit: 2028.7814482142855 +2025-03-10 13:18:32,761 - INFO - CLOSED short at 2063.29 | PnL: -0.17% | $-0.54 +2025-03-10 13:18:32,762 - INFO - OPENED LONG at 2063.29 | Stop loss: 2052.9581821428574 | Take profit: 2094.2624017857142 +2025-03-10 13:18:32,782 - INFO - CLOSED long at 2064.61 | PnL: 0.06% | $-0.07 +2025-03-10 13:18:32,823 - INFO - OPENED LONG at 2061.61 | Stop loss: 2051.2865821428572 | Take profit: 2092.5572017857144 +2025-03-10 13:18:32,909 - INFO - CLOSED long at 2058.3 | PnL: -0.16% | $-0.51 +2025-03-10 13:18:32,909 - INFO - OPENED SHORT at 2058.3 | Stop loss: 2068.6068678571432 | Take profit: 2027.4024482142859 +2025-03-10 13:18:32,943 - INFO - CLOSED short at 2060.0 | PnL: -0.08% | $-0.35 +2025-03-10 13:18:33,009 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560182142857 | Take profit: 2093.8564017857143 +2025-03-10 13:18:33,078 - INFO - CLOSED long at 2059.49 | PnL: -0.16% | $-0.51 +2025-03-10 13:18:33,183 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.8040821428572 | Take profit: 2089.0047017857146 +2025-03-10 13:18:33,202 - INFO - CLOSED long at 2061.79 | PnL: 0.18% | $0.15 +2025-03-10 13:18:33,286 - INFO - OPENED LONG at 2070.58 | Stop loss: 2060.2117321428573 | Take profit: 2101.6617517857144 +2025-03-10 13:18:33,335 - INFO - CLOSED long at 2068.29 | PnL: -0.11% | $-0.40 +2025-03-10 13:18:33,335 - INFO - OPENED SHORT at 2068.29 | Stop loss: 2078.6468178571427 | Take profit: 2037.2425982142856 +2025-03-10 13:18:33,477 - INFO - CLOSED short at 2069.6 | PnL: -0.06% | $-0.31 +2025-03-10 13:18:33,477 - INFO - OPENED LONG at 2069.6 | Stop loss: 2059.236632142857 | Take profit: 2100.667051785714 +2025-03-10 13:18:33,594 - INFO - CLOSED long at 2070.26 | PnL: 0.03% | $-0.13 +2025-03-10 13:18:33,651 - INFO - OPENED LONG at 2075.1 | Stop loss: 2064.709132142857 | Take profit: 2106.249551785714 +2025-03-10 13:18:33,762 - INFO - CLOSED long at 2071.41 | PnL: -0.18% | $-0.53 +2025-03-10 13:18:33,831 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.269867857143 | Take profit: 2039.8134482142857 +2025-03-10 13:18:33,942 - INFO - CLOSED short at 2068.02 | PnL: 0.14% | $0.07 +2025-03-10 13:18:33,942 - INFO - OPENED LONG at 2068.02 | Stop loss: 2057.6645321428573 | Take profit: 2099.0633517857145 +2025-03-10 13:18:33,976 - INFO - CLOSED long at 2070.36 | PnL: 0.11% | $0.02 +2025-03-10 13:18:33,998 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.259867857143 | Take profit: 2037.843448214286 +2025-03-10 13:18:34,038 - INFO - CLOSED short at 2069.34 | PnL: -0.02% | $-0.23 +2025-03-10 13:18:34,038 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9779321428573 | Take profit: 2100.4031517857143 +2025-03-10 13:18:34,117 - INFO - CLOSED long at 2067.51 | PnL: -0.09% | $-0.36 +2025-03-10 13:18:34,151 - INFO - OPENED LONG at 2069.01 | Stop loss: 2058.6495821428575 | Take profit: 2100.0682017857143 +2025-03-10 13:18:34,359 - INFO - CLOSED long at 2068.9 | PnL: -0.01% | $-0.20 +2025-03-10 13:18:34,359 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.259867857143 | Take profit: 2037.843448214286 +2025-03-10 13:18:34,479 - INFO - CLOSED short at 2071.4 | PnL: -0.12% | $-0.42 +2025-03-10 13:18:34,617 - INFO - OPENED LONG at 2072.7 | Stop loss: 2062.321132142857 | Take profit: 2103.813551785714 +2025-03-10 13:18:34,771 - INFO - CLOSED long at 2071.11 | PnL: -0.08% | $-0.33 +2025-03-10 13:18:34,838 - INFO - OPENED SHORT at 2068.32 | Stop loss: 2078.676967857143 | Take profit: 2037.2721482142858 +2025-03-10 13:18:34,946 - INFO - CLOSED short at 2066.8 | PnL: 0.07% | $-0.05 +2025-03-10 13:18:34,946 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.450632142857 | Take profit: 2097.8250517857145 +2025-03-10 13:18:35,173 - INFO - CLOSED long at 2067.86 | PnL: 0.05% | $-0.09 +2025-03-10 13:18:35,199 - INFO - OPENED LONG at 2067.59 | Stop loss: 2057.2366821428573 | Take profit: 2098.6269017857144 +2025-03-10 13:18:35,381 - INFO - CLOSED long at 2068.5 | PnL: 0.04% | $-0.10 +2025-03-10 13:18:35,382 - INFO - OPENED SHORT at 2068.5 | Stop loss: 2078.857867857143 | Take profit: 2037.449448214286 +2025-03-10 13:18:35,665 - INFO - CLOSED short at 2070.04 | PnL: -0.07% | $-0.32 +2025-03-10 13:18:35,684 - INFO - OPENED LONG at 2067.8 | Stop loss: 2057.4456321428574 | Take profit: 2098.840051785715 +2025-03-10 13:18:35,795 - INFO - CLOSED long at 2064.99 | PnL: -0.14% | $-0.44 +2025-03-10 13:18:35,869 - INFO - OPENED SHORT at 2066.15 | Stop loss: 2076.496117857143 | Take profit: 2035.134698214286 +2025-03-10 13:18:35,908 - INFO - CLOSED short at 2065.26 | PnL: 0.04% | $-0.11 +2025-03-10 13:18:35,932 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560182142857 | Take profit: 2093.8564017857143 +2025-03-10 13:18:36,004 - INFO - CLOSED long at 2061.3 | PnL: -0.08% | $-0.33 +2025-03-10 13:18:36,004 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.621867857143 | Take profit: 2030.357448214286 +2025-03-10 13:18:36,092 - INFO - CLOSED short at 2067.1 | PnL: -0.28% | $-0.70 +2025-03-10 13:18:36,116 - INFO - OPENED SHORT at 2065.54 | Stop loss: 2075.8830678571426 | Take profit: 2034.5338482142859 +2025-03-10 13:18:36,233 - INFO - CLOSED short at 2062.71 | PnL: 0.14% | $0.07 +2025-03-10 13:18:36,233 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.3810821428574 | Take profit: 2093.673701785714 +2025-03-10 13:18:36,369 - INFO - CLOSED long at 2060.9 | PnL: -0.09% | $-0.34 +2025-03-10 13:18:36,413 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.580182142857 | Take profit: 2089.7964017857144 +2025-03-10 13:18:36,471 - INFO - CLOSED long at 2061.8 | PnL: 0.14% | $0.08 +2025-03-10 13:18:36,701 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.0178321428575 | Take profit: 2096.3634517857145 +2025-03-10 13:18:36,750 - INFO - CLOSED long at 2063.39 | PnL: -0.10% | $-0.36 +2025-03-10 13:18:36,772 - INFO - OPENED LONG at 2064.79 | Stop loss: 2054.450682142857 | Take profit: 2095.7849017857143 +2025-03-10 13:18:36,817 - INFO - CLOSED long at 2063.53 | PnL: -0.06% | $-0.29 +2025-03-10 13:18:36,817 - INFO - OPENED SHORT at 2063.53 | Stop loss: 2073.863017857143 | Take profit: 2032.553998214286 +2025-03-10 13:18:36,836 - INFO - CLOSED short at 2063.0 | PnL: 0.03% | $-0.13 +2025-03-10 13:18:36,836 - INFO - OPENED LONG at 2063.0 | Stop loss: 2052.669632142857 | Take profit: 2093.968051785714 +2025-03-10 13:18:37,142 - INFO - CLOSED long at 2059.46 | PnL: -0.17% | $-0.49 +2025-03-10 13:18:37,262 - INFO - OPENED LONG at 2054.83 | Stop loss: 2044.5404821428572 | Take profit: 2085.6755017857145 +2025-03-10 13:18:37,544 - INFO - CLOSED long at 2066.36 | PnL: 0.56% | $0.83 +2025-03-10 13:18:37,544 - INFO - OPENED SHORT at 2066.36 | Stop loss: 2076.707167857143 | Take profit: 2035.341548214286 +2025-03-10 13:18:37,584 - INFO - CLOSED short at 2063.9 | PnL: 0.12% | $0.03 +2025-03-10 13:18:37,669 - INFO - OPENED SHORT at 2066.79 | Stop loss: 2077.1393178571425 | Take profit: 2035.7650982142857 +2025-03-10 13:18:37,794 - INFO - CLOSED short at 2069.79 | PnL: -0.15% | $-0.44 +2025-03-10 13:18:37,794 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.425682142857 | Take profit: 2100.859901785714 +2025-03-10 13:18:37,829 - INFO - CLOSED long at 2072.0 | PnL: 0.11% | $0.01 +2025-03-10 13:18:37,901 - INFO - OPENED LONG at 2078.01 | Stop loss: 2067.6045821428575 | Take profit: 2109.2032017857146 +2025-03-10 13:18:37,942 - INFO - CLOSED long at 2072.6 | PnL: -0.26% | $-0.65 +2025-03-10 13:18:37,959 - INFO - OPENED LONG at 2071.04 | Stop loss: 2060.669432142857 | Take profit: 2102.1286517857143 +2025-03-10 13:18:38,000 - INFO - CLOSED long at 2071.6 | PnL: 0.03% | $-0.13 +2025-03-10 13:18:38,100 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.3261821428573 | Take profit: 2100.7584017857143 +2025-03-10 13:18:38,129 - INFO - CLOSED long at 2069.03 | PnL: -0.03% | $-0.24 +2025-03-10 13:18:38,130 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.390517857143 | Take profit: 2037.9714982142857 +2025-03-10 13:18:38,259 - INFO - CLOSED short at 2071.49 | PnL: -0.12% | $-0.39 +2025-03-10 13:18:38,367 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0438678571427 | Take profit: 2034.6914482142856 +2025-03-10 13:18:38,384 - INFO - CLOSED short at 2065.66 | PnL: 0.00% | $-0.17 +2025-03-10 13:18:38,384 - INFO - OPENED LONG at 2065.66 | Stop loss: 2055.316332142857 | Take profit: 2096.6679517857137 +2025-03-10 13:18:38,537 - INFO - CLOSED long at 2065.5 | PnL: -0.01% | $-0.19 +2025-03-10 13:18:38,537 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8428678571427 | Take profit: 2034.4944482142857 +2025-03-10 13:18:38,600 - INFO - CLOSED short at 2065.29 | PnL: 0.01% | $-0.16 +2025-03-10 13:18:38,600 - INFO - OPENED LONG at 2065.29 | Stop loss: 2054.948182142857 | Take profit: 2096.2924017857144 +2025-03-10 13:18:38,641 - INFO - CLOSED long at 2065.31 | PnL: 0.00% | $-0.17 +2025-03-10 13:18:38,641 - INFO - OPENED SHORT at 2065.31 | Stop loss: 2075.6519178571425 | Take profit: 2034.3072982142855 +2025-03-10 13:18:38,677 - INFO - CLOSED short at 2066.8 | PnL: -0.07% | $-0.30 +2025-03-10 13:18:38,711 - INFO - OPENED LONG at 2066.5 | Stop loss: 2056.152132142857 | Take profit: 2097.520551785714 +2025-03-10 13:18:38,809 - INFO - CLOSED long at 2071.35 | PnL: 0.23% | $0.24 +2025-03-10 13:18:39,166 - INFO - OPENED SHORT at 2071.61 | Stop loss: 2081.983417857143 | Take profit: 2040.5127982142858 +2025-03-10 13:18:39,194 - INFO - CLOSED short at 2074.37 | PnL: -0.13% | $-0.41 +2025-03-10 13:18:39,194 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.982782142857 | Take profit: 2105.508601785714 +2025-03-10 13:18:39,223 - INFO - CLOSED long at 2075.07 | PnL: 0.03% | $-0.12 +2025-03-10 13:18:39,223 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.460717857143 | Take profit: 2043.920898214286 +2025-03-10 13:18:39,294 - INFO - CLOSED short at 2073.99 | PnL: 0.05% | $-0.08 +2025-03-10 13:18:39,294 - INFO - OPENED LONG at 2073.99 | Stop loss: 2063.6046821428567 | Take profit: 2105.122901785714 +2025-03-10 13:18:39,457 - INFO - CLOSED long at 2074.0 | PnL: 0.00% | $-0.17 +2025-03-10 13:18:39,457 - INFO - OPENED SHORT at 2074.0 | Stop loss: 2084.3853678571427 | Take profit: 2042.8669482142857 +2025-03-10 13:18:39,571 - INFO - CLOSED short at 2067.0 | PnL: 0.34% | $0.41 +2025-03-10 13:18:39,571 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.649632142857 | Take profit: 2098.0280517857145 +2025-03-10 13:18:39,648 - INFO - CLOSED long at 2066.89 | PnL: -0.01% | $-0.18 +2025-03-10 13:18:39,649 - INFO - OPENED SHORT at 2066.89 | Stop loss: 2077.239817857143 | Take profit: 2035.8635982142857 +2025-03-10 13:18:39,690 - INFO - CLOSED short at 2065.45 | PnL: 0.07% | $-0.05 +2025-03-10 13:18:39,690 - INFO - OPENED LONG at 2065.45 | Stop loss: 2055.1073821428567 | Take profit: 2096.454801785714 +2025-03-10 13:18:39,714 - INFO - CLOSED long at 2068.1 | PnL: 0.13% | $0.05 +2025-03-10 13:18:39,715 - INFO - OPENED SHORT at 2068.1 | Stop loss: 2078.455867857143 | Take profit: 2037.0554482142857 +2025-03-10 13:18:39,819 - INFO - CLOSED short at 2070.1 | PnL: -0.10% | $-0.34 +2025-03-10 13:18:39,954 - INFO - OPENED SHORT at 2065.8 | Stop loss: 2076.144367857143 | Take profit: 2034.789948214286 +2025-03-10 13:18:40,032 - INFO - CLOSED short at 2063.39 | PnL: 0.12% | $0.03 +2025-03-10 13:18:40,088 - INFO - OPENED SHORT at 2063.98 | Stop loss: 2074.3152678571428 | Take profit: 2032.9972482142857 +2025-03-10 13:18:40,118 - INFO - CLOSED short at 2066.1 | PnL: -0.10% | $-0.35 +2025-03-10 13:18:40,499 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.7295821428572 | Take profit: 2083.8282017857146 +2025-03-10 13:18:40,772 - INFO - CLOSED long at 2062.83 | PnL: 0.48% | $0.66 +2025-03-10 13:18:40,772 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.159517857143 | Take profit: 2031.8644982142857 +2025-03-10 13:18:40,795 - INFO - CLOSED short at 2063.9 | PnL: -0.05% | $-0.27 +2025-03-10 13:18:40,839 - INFO - OPENED SHORT at 2062.43 | Stop loss: 2072.7575178571424 | Take profit: 2031.4704982142855 +2025-03-10 13:18:40,934 - INFO - CLOSED short at 2067.49 | PnL: -0.25% | $-0.60 +2025-03-10 13:18:40,934 - INFO - OPENED LONG at 2067.49 | Stop loss: 2057.137182142857 | Take profit: 2098.525401785714 +2025-03-10 13:18:40,962 - INFO - CLOSED long at 2066.59 | PnL: -0.04% | $-0.25 +2025-03-10 13:18:41,120 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.381132142857 | Take profit: 2091.6335517857137 +2025-03-10 13:18:41,187 - INFO - CLOSED long at 2065.72 | PnL: 0.24% | $0.25 +2025-03-10 13:18:41,243 - INFO - OPENED LONG at 2070.24 | Stop loss: 2059.873432142857 | Take profit: 2101.316651785714 +2025-03-10 13:18:41,265 - INFO - CLOSED long at 2069.34 | PnL: -0.04% | $-0.25 +2025-03-10 13:18:41,265 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.702067857143 | Take profit: 2038.2768482142858 +2025-03-10 13:18:41,337 - INFO - CLOSED short at 2073.49 | PnL: -0.20% | $-0.52 +2025-03-10 13:18:41,520 - INFO - OPENED LONG at 2074.9 | Stop loss: 2064.510132142857 | Take profit: 2106.046551785714 +2025-03-10 13:18:41,543 - INFO - CLOSED long at 2076.08 | PnL: 0.06% | $-0.07 +2025-03-10 13:18:41,584 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.116832142857 | Take profit: 2116.866451785714 +2025-03-10 13:18:41,638 - INFO - CLOSED long at 2130.7 | PnL: 2.16% | $3.54 +2025-03-10 13:18:41,668 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.826932142857 | Take profit: 2171.6561517857144 +2025-03-10 13:18:41,764 - INFO - CLOSED long at 2141.41 | PnL: 0.09% | $-0.02 +2025-03-10 13:18:41,788 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.021867857143 | Take profit: 2109.157448214286 +2025-03-10 13:18:41,852 - INFO - CLOSED short at 2134.78 | PnL: 0.30% | $0.36 +2025-03-10 13:18:41,852 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.090732142857 | Take profit: 2166.824751785715 +2025-03-10 13:18:41,873 - INFO - CLOSED long at 2126.99 | PnL: -0.36% | $-0.83 +2025-03-10 13:18:41,894 - INFO - OPENED SHORT at 2127.3 | Stop loss: 2137.951867857143 | Take profit: 2095.367448214286 +2025-03-10 13:18:41,917 - INFO - CLOSED short at 2128.69 | PnL: -0.07% | $-0.29 +2025-03-10 13:18:41,961 - INFO - OPENED SHORT at 2120.15 | Stop loss: 2130.766117857143 | Take profit: 2088.324698214286 +2025-03-10 13:18:42,085 - INFO - CLOSED short at 2119.07 | PnL: 0.05% | $-0.09 +2025-03-10 13:18:42,133 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.877482142857 | Take profit: 2139.064501785714 +2025-03-10 13:18:42,153 - INFO - CLOSED long at 2110.6 | PnL: 0.15% | $0.09 +2025-03-10 13:18:42,248 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.882332142857 | Take profit: 2144.169951785714 +2025-03-10 13:18:42,272 - INFO - CLOSED long at 2113.24 | PnL: 0.04% | $-0.11 +2025-03-10 13:18:42,272 - INFO - OPENED SHORT at 2113.24 | Stop loss: 2123.8215678571423 | Take profit: 2081.5183482142857 +2025-03-10 13:18:42,293 - INFO - CLOSED short at 2112.99 | PnL: 0.01% | $-0.16 +2025-03-10 13:18:42,476 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.504332142857 | Take profit: 2139.703951785714 +2025-03-10 13:18:42,551 - INFO - STOP LOSS hit for long at 2097.504332142857 | PnL: -0.50% | $-1.06 +2025-03-10 13:18:42,659 - INFO - OPENED SHORT at 2102.29 | Stop loss: 2112.8168178571427 | Take profit: 2070.7325982142856 +2025-03-10 13:18:42,687 - INFO - CLOSED short at 2099.25 | PnL: 0.14% | $0.08 +2025-03-10 13:18:42,687 - INFO - OPENED LONG at 2099.25 | Stop loss: 2088.738382142857 | Take profit: 2130.7618017857144 +2025-03-10 13:18:42,715 - INFO - CLOSED long at 2098.9 | PnL: -0.02% | $-0.20 +2025-03-10 13:18:42,739 - INFO - OPENED LONG at 2100.69 | Stop loss: 2090.171182142857 | Take profit: 2132.2234017857145 +2025-03-10 13:18:42,796 - INFO - CLOSED long at 2106.39 | PnL: 0.27% | $0.30 +2025-03-10 13:18:42,842 - INFO - OPENED SHORT at 2103.86 | Stop loss: 2114.394667857143 | Take profit: 2072.279048214286 +2025-03-10 13:18:42,870 - INFO - CLOSED short at 2104.68 | PnL: -0.04% | $-0.24 +2025-03-10 13:18:43,029 - INFO - OPENED SHORT at 2093.46 | Stop loss: 2103.9426678571426 | Take profit: 2062.035048214286 +2025-03-10 13:18:43,114 - INFO - CLOSED short at 2091.1 | PnL: 0.11% | $0.02 +2025-03-10 13:18:43,114 - INFO - OPENED LONG at 2091.1 | Stop loss: 2080.629132142857 | Take profit: 2122.489551785714 +2025-03-10 13:18:43,141 - INFO - CLOSED long at 2094.72 | PnL: 0.17% | $0.13 +2025-03-10 13:18:43,390 - INFO - OPENED LONG at 2080.38 | Stop loss: 2069.962732142857 | Take profit: 2111.6087517857145 +2025-03-10 13:18:43,452 - INFO - CLOSED long at 2083.41 | PnL: 0.15% | $0.08 +2025-03-10 13:18:43,452 - INFO - OPENED SHORT at 2083.41 | Stop loss: 2093.8424178571427 | Take profit: 2052.1357982142854 +2025-03-10 13:18:43,550 - INFO - CLOSED short at 2085.8 | PnL: -0.11% | $-0.37 +2025-03-10 13:18:43,746 - INFO - OPENED LONG at 2087.47 | Stop loss: 2077.017282142857 | Take profit: 2118.805101785714 +2025-03-10 13:18:43,786 - INFO - CLOSED long at 2086.81 | PnL: -0.03% | $-0.23 +2025-03-10 13:18:43,804 - INFO - OPENED SHORT at 2089.79 | Stop loss: 2100.2543178571427 | Take profit: 2058.4200982142856 +2025-03-10 13:18:43,827 - INFO - CLOSED short at 2085.67 | PnL: 0.20% | $0.17 +2025-03-10 13:18:43,847 - INFO - OPENED SHORT at 2089.2 | Stop loss: 2099.6613678571425 | Take profit: 2057.8389482142857 +2025-03-10 13:18:43,866 - INFO - CLOSED short at 2091.05 | PnL: -0.09% | $-0.33 +2025-03-10 13:18:43,887 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.520617857143 | Take profit: 2059.661198214286 +2025-03-10 13:18:43,904 - INFO - CLOSED short at 2091.95 | PnL: -0.04% | $-0.25 +2025-03-10 13:18:43,985 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.163567857143 | Take profit: 2070.0923482142857 +2025-03-10 13:18:44,129 - INFO - CLOSED short at 2103.48 | PnL: -0.09% | $-0.32 +2025-03-10 13:18:44,170 - INFO - OPENED SHORT at 2103.81 | Stop loss: 2114.344417857143 | Take profit: 2072.229798214286 +2025-03-10 13:18:44,245 - INFO - CLOSED short at 2103.64 | PnL: 0.01% | $-0.16 +2025-03-10 13:18:44,245 - INFO - OPENED LONG at 2103.64 | Stop loss: 2093.106432142857 | Take profit: 2135.217651785714 +2025-03-10 13:18:44,400 - INFO - CLOSED long at 2102.7 | PnL: -0.04% | $-0.25 +2025-03-10 13:18:44,400 - INFO - OPENED SHORT at 2102.7 | Stop loss: 2113.2288678571426 | Take profit: 2071.1364482142853 +2025-03-10 13:18:44,462 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.32, Avg Loss=$-0.30 +2025-03-10 13:18:44,467 - INFO - Episode 6: Reward=-61.68, Balance=$86.22, Win Rate=25.3%, Trades=95, Episode PnL=$-11.66, Total PnL=$-132.96, Max Drawdown=13.6%, Pred Accuracy=99.4% +2025-03-10 13:18:44,467 - ERROR - Error in episode 6: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:18:44,467 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1831, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:18:44,492 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:18:44,733 - INFO - OPENED SHORT at 2050.0 | Stop loss: 2060.265367857143 | Take profit: 2019.2269482142858 +2025-03-10 13:18:45,064 - INFO - STOP LOSS hit for short at 2060.265367857143 | PnL: -0.50% | $-1.19 +2025-03-10 13:18:45,190 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.923317857143 | Take profit: 2032.6130982142859 +2025-03-10 13:18:45,270 - INFO - CLOSED short at 2064.69 | PnL: -0.05% | $-0.30 +2025-03-10 13:18:45,311 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.340417857143 | Take profit: 2032.041798214286 +2025-03-10 13:18:45,538 - INFO - CLOSED short at 2057.8 | PnL: 0.25% | $0.30 +2025-03-10 13:18:45,538 - INFO - OPENED LONG at 2057.8 | Stop loss: 2047.4956321428572 | Take profit: 2088.6900517857143 +2025-03-10 13:18:45,882 - INFO - CLOSED long at 2068.29 | PnL: 0.51% | $0.80 +2025-03-10 13:18:45,924 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.244817857143 | Take profit: 2036.8485982142856 +2025-03-10 13:18:45,968 - INFO - CLOSED short at 2071.63 | PnL: -0.18% | $-0.56 +2025-03-10 13:18:46,145 - INFO - OPENED SHORT at 2068.99 | Stop loss: 2079.3503178571427 | Take profit: 2037.9320982142856 +2025-03-10 13:18:46,173 - INFO - CLOSED short at 2067.9 | PnL: 0.05% | $-0.09 +2025-03-10 13:18:46,173 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.5451321428573 | Take profit: 2098.9415517857146 +2025-03-10 13:18:46,592 - INFO - CLOSED long at 2069.37 | PnL: 0.07% | $-0.06 +2025-03-10 13:18:46,675 - INFO - OPENED SHORT at 2070.79 | Stop loss: 2081.1593178571425 | Take profit: 2039.7050982142857 +2025-03-10 13:18:46,702 - INFO - CLOSED short at 2070.28 | PnL: 0.02% | $-0.15 +2025-03-10 13:18:47,020 - INFO - OPENED SHORT at 2069.19 | Stop loss: 2079.5513178571427 | Take profit: 2038.1290982142857 +2025-03-10 13:18:47,164 - INFO - CLOSED short at 2069.01 | PnL: 0.01% | $-0.18 +2025-03-10 13:18:47,435 - INFO - OPENED LONG at 2068.76 | Stop loss: 2058.4008321428573 | Take profit: 2099.8144517857145 +2025-03-10 13:18:47,461 - INFO - CLOSED long at 2068.9 | PnL: 0.01% | $-0.18 +2025-03-10 13:18:47,461 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.259867857143 | Take profit: 2037.843448214286 +2025-03-10 13:18:47,763 - INFO - CLOSED short at 2071.39 | PnL: -0.12% | $-0.43 +2025-03-10 13:18:47,830 - INFO - OPENED LONG at 2072.75 | Stop loss: 2062.370882142857 | Take profit: 2103.8643017857144 +2025-03-10 13:18:48,120 - INFO - CLOSED long at 2071.92 | PnL: -0.04% | $-0.27 +2025-03-10 13:18:48,121 - INFO - OPENED SHORT at 2071.92 | Stop loss: 2082.294967857143 | Take profit: 2040.8181482142859 +2025-03-10 13:18:48,229 - INFO - CLOSED short at 2069.35 | PnL: 0.12% | $0.05 +2025-03-10 13:18:48,260 - INFO - OPENED LONG at 2068.32 | Stop loss: 2057.963032142857 | Take profit: 2099.3678517857143 +2025-03-10 13:18:48,494 - INFO - CLOSED long at 2066.8 | PnL: -0.07% | $-0.34 +2025-03-10 13:18:48,494 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.1493678571433 | Take profit: 2035.7749482142858 +2025-03-10 13:18:48,602 - INFO - CLOSED short at 2065.26 | PnL: 0.07% | $-0.05 +2025-03-10 13:18:48,602 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9183321428573 | Take profit: 2096.2619517857147 +2025-03-10 13:18:48,792 - INFO - CLOSED long at 2067.86 | PnL: 0.13% | $0.05 +2025-03-10 13:18:48,864 - INFO - OPENED SHORT at 2069.2 | Stop loss: 2079.5613678571426 | Take profit: 2038.1389482142854 +2025-03-10 13:18:48,901 - INFO - CLOSED short at 2070.3 | PnL: -0.05% | $-0.30 +2025-03-10 13:18:48,973 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.068867857143 | Take profit: 2039.6164482142856 +2025-03-10 13:18:49,176 - INFO - CLOSED short at 2067.11 | PnL: 0.17% | $0.14 +2025-03-10 13:18:49,376 - INFO - OPENED LONG at 2064.47 | Stop loss: 2054.132282142857 | Take profit: 2095.460101785714 +2025-03-10 13:18:49,587 - INFO - CLOSED long at 2067.88 | PnL: 0.17% | $0.13 +2025-03-10 13:18:49,707 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.601667857143 | Take profit: 2034.258048214286 +2025-03-10 13:18:49,966 - INFO - CLOSED short at 2066.24 | PnL: -0.05% | $-0.29 +2025-03-10 13:18:50,090 - INFO - OPENED SHORT at 2064.45 | Stop loss: 2074.787617857143 | Take profit: 2033.4601982142856 +2025-03-10 13:18:50,398 - INFO - CLOSED short at 2060.31 | PnL: 0.20% | $0.19 +2025-03-10 13:18:50,476 - INFO - OPENED LONG at 2062.61 | Stop loss: 2052.2815821428576 | Take profit: 2093.5722017857147 +2025-03-10 13:18:51,062 - INFO - CLOSED long at 2058.89 | PnL: -0.18% | $-0.54 +2025-03-10 13:18:51,065 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.199817857143 | Take profit: 2027.9835982142856 +2025-03-10 13:18:51,085 - INFO - CLOSED short at 2059.96 | PnL: -0.05% | $-0.29 +2025-03-10 13:18:51,232 - INFO - OPENED LONG at 2054.83 | Stop loss: 2044.5404821428572 | Take profit: 2085.6755017857145 +2025-03-10 13:18:51,286 - INFO - CLOSED long at 2058.15 | PnL: 0.16% | $0.12 +2025-03-10 13:18:51,287 - INFO - OPENED SHORT at 2058.15 | Stop loss: 2068.456117857143 | Take profit: 2027.2546982142858 +2025-03-10 13:18:51,336 - INFO - CLOSED short at 2061.66 | PnL: -0.17% | $-0.52 +2025-03-10 13:18:51,402 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.621867857143 | Take profit: 2030.357448214286 +2025-03-10 13:18:51,423 - INFO - CLOSED short at 2062.69 | PnL: -0.07% | $-0.32 +2025-03-10 13:18:51,448 - INFO - OPENED LONG at 2063.4 | Stop loss: 2053.0676321428573 | Take profit: 2094.374051785714 +2025-03-10 13:18:51,598 - INFO - CLOSED long at 2066.34 | PnL: 0.14% | $0.08 +2025-03-10 13:18:51,598 - INFO - OPENED SHORT at 2066.34 | Stop loss: 2076.687067857143 | Take profit: 2035.3218482142859 +2025-03-10 13:18:51,787 - INFO - STOP LOSS hit for short at 2076.687067857143 | PnL: -0.50% | $-1.14 +2025-03-10 13:18:51,912 - INFO - OPENED SHORT at 2071.6 | Stop loss: 2081.973367857143 | Take profit: 2040.5029482142857 +2025-03-10 13:18:51,928 - INFO - CLOSED short at 2073.23 | PnL: -0.08% | $-0.34 +2025-03-10 13:18:51,928 - INFO - OPENED LONG at 2073.23 | Stop loss: 2062.8484821428574 | Take profit: 2104.3515017857144 +2025-03-10 13:18:51,956 - INFO - CLOSED long at 2070.0 | PnL: -0.16% | $-0.48 +2025-03-10 13:18:52,091 - INFO - OPENED SHORT at 2068.79 | Stop loss: 2079.149317857143 | Take profit: 2037.7350982142857 +2025-03-10 13:18:52,245 - INFO - CLOSED short at 2065.7 | PnL: 0.15% | $0.09 +2025-03-10 13:18:52,334 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.6347821428567 | Take profit: 2094.9526017857143 +2025-03-10 13:18:52,415 - INFO - CLOSED long at 2064.4 | PnL: 0.02% | $-0.15 +2025-03-10 13:18:52,539 - INFO - OPENED SHORT at 2065.31 | Stop loss: 2075.6519178571425 | Take profit: 2034.3072982142855 +2025-03-10 13:18:52,611 - INFO - CLOSED short at 2068.59 | PnL: -0.16% | $-0.48 +2025-03-10 13:18:52,611 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.231682142857 | Take profit: 2099.6419017857143 +2025-03-10 13:18:52,800 - INFO - CLOSED long at 2070.61 | PnL: 0.10% | $-0.00 +2025-03-10 13:18:52,858 - INFO - OPENED SHORT at 2068.67 | Stop loss: 2079.028717857143 | Take profit: 2037.6168982142858 +2025-03-10 13:18:53,167 - INFO - CLOSED short at 2074.0 | PnL: -0.26% | $-0.66 +2025-03-10 13:18:53,167 - INFO - OPENED LONG at 2074.0 | Stop loss: 2063.614632142857 | Take profit: 2105.133051785714 +2025-03-10 13:18:53,203 - INFO - CLOSED long at 2072.09 | PnL: -0.09% | $-0.35 +2025-03-10 13:18:53,325 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.5451321428573 | Take profit: 2098.9415517857146 +2025-03-10 13:18:53,348 - INFO - CLOSED long at 2066.4 | PnL: -0.07% | $-0.32 +2025-03-10 13:18:53,369 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.540182142857 | Take profit: 2097.9164017857142 +2025-03-10 13:18:53,475 - INFO - CLOSED long at 2070.19 | PnL: 0.16% | $0.11 +2025-03-10 13:18:53,475 - INFO - OPENED SHORT at 2070.19 | Stop loss: 2080.556317857143 | Take profit: 2039.1140982142858 +2025-03-10 13:18:53,501 - INFO - CLOSED short at 2070.1 | PnL: 0.00% | $-0.17 +2025-03-10 13:18:53,540 - INFO - OPENED LONG at 2067.19 | Stop loss: 2056.838682142857 | Take profit: 2098.220901785714 +2025-03-10 13:18:53,588 - INFO - CLOSED long at 2065.5 | PnL: -0.08% | $-0.33 +2025-03-10 13:18:53,588 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8428678571427 | Take profit: 2034.4944482142857 +2025-03-10 13:18:53,751 - INFO - CLOSED short at 2063.39 | PnL: 0.10% | $0.00 +2025-03-10 13:18:53,751 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.057682142857 | Take profit: 2094.363901785714 +2025-03-10 13:18:53,934 - INFO - CLOSED long at 2066.33 | PnL: 0.14% | $0.08 +2025-03-10 13:18:54,112 - INFO - OPENED LONG at 2060.2 | Stop loss: 2049.883632142857 | Take profit: 2091.126051785714 +2025-03-10 13:18:54,259 - INFO - CLOSED long at 2049.21 | PnL: -0.53% | $-1.15 +2025-03-10 13:18:54,260 - INFO - OPENED SHORT at 2049.21 | Stop loss: 2059.471417857143 | Take profit: 2018.4487982142857 +2025-03-10 13:18:54,515 - INFO - STOP LOSS hit for short at 2059.471417857143 | PnL: -0.50% | $-1.08 +2025-03-10 13:18:54,552 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.759132142857 | Take profit: 2096.099551785714 +2025-03-10 13:18:54,569 - INFO - CLOSED long at 2062.43 | PnL: -0.13% | $-0.41 +2025-03-10 13:18:54,590 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.878117857143 | Take profit: 2031.5886982142858 +2025-03-10 13:18:54,609 - INFO - CLOSED short at 2065.12 | PnL: -0.12% | $-0.40 +2025-03-10 13:18:54,738 - INFO - OPENED LONG at 2061.21 | Stop loss: 2050.888582142857 | Take profit: 2092.151201785714 +2025-03-10 13:18:54,804 - INFO - CLOSED long at 2060.7 | PnL: -0.02% | $-0.22 +2025-03-10 13:18:54,804 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0188678571426 | Take profit: 2029.7664482142854 +2025-03-10 13:18:54,839 - INFO - CLOSED short at 2061.84 | PnL: -0.06% | $-0.27 +2025-03-10 13:18:54,839 - INFO - OPENED LONG at 2061.84 | Stop loss: 2051.515432142857 | Take profit: 2092.790651785714 +2025-03-10 13:18:54,981 - INFO - CLOSED long at 2069.34 | PnL: 0.36% | $0.46 +2025-03-10 13:18:54,983 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.702067857143 | Take profit: 2038.2768482142858 +2025-03-10 13:18:55,338 - INFO - CLOSED short at 2085.56 | PnL: -0.78% | $-1.55 +2025-03-10 13:18:55,338 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.116832142857 | Take profit: 2116.866451785714 +2025-03-10 13:18:55,429 - INFO - TAKE PROFIT hit for long at 2116.866451785714 | PnL: 1.50% | $2.42 +2025-03-10 13:18:55,507 - INFO - OPENED SHORT at 2133.95 | Stop loss: 2144.6351178571426 | Take profit: 2101.9176982142853 +2025-03-10 13:18:55,729 - INFO - CLOSED short at 2142.68 | PnL: -0.41% | $-0.90 +2025-03-10 13:18:55,776 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.090732142857 | Take profit: 2166.824751785715 +2025-03-10 13:18:55,868 - INFO - STOP LOSS hit for long at 2124.090732142857 | PnL: -0.50% | $-1.06 +2025-03-10 13:18:55,993 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.7776321428573 | Take profit: 2153.2440517857144 +2025-03-10 13:18:56,116 - INFO - CLOSED long at 2119.07 | PnL: -0.11% | $-0.36 +2025-03-10 13:18:56,217 - INFO - OPENED LONG at 2112.09 | Stop loss: 2101.5141821428574 | Take profit: 2143.7944017857144 +2025-03-10 13:18:56,273 - INFO - CLOSED long at 2113.24 | PnL: 0.05% | $-0.08 +2025-03-10 13:18:56,299 - INFO - OPENED SHORT at 2112.99 | Stop loss: 2123.570317857143 | Take profit: 2081.2720982142855 +2025-03-10 13:18:56,330 - INFO - CLOSED short at 2120.81 | PnL: -0.37% | $-0.81 +2025-03-10 13:18:56,331 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.190582142857 | Take profit: 2152.645201785714 +2025-03-10 13:18:56,404 - INFO - CLOSED long at 2114.8 | PnL: -0.28% | $-0.66 +2025-03-10 13:18:56,404 - INFO - OPENED SHORT at 2114.8 | Stop loss: 2125.389367857143 | Take profit: 2083.054948214286 +2025-03-10 13:18:56,477 - INFO - CLOSED short at 2108.71 | PnL: 0.29% | $0.32 +2025-03-10 13:18:56,477 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.1510821428574 | Take profit: 2140.3637017857145 +2025-03-10 13:18:56,596 - INFO - STOP LOSS hit for long at 2098.1510821428574 | PnL: -0.50% | $-1.02 +2025-03-10 13:18:56,915 - INFO - OPENED LONG at 2104.68 | Stop loss: 2094.141232142857 | Take profit: 2136.2732517857144 +2025-03-10 13:18:56,956 - INFO - CLOSED long at 2099.59 | PnL: -0.24% | $-0.58 +2025-03-10 13:18:56,994 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.8973178571428 | Take profit: 2066.8910982142856 +2025-03-10 13:18:57,089 - INFO - CLOSED short at 2091.1 | PnL: 0.35% | $0.41 +2025-03-10 13:18:57,089 - INFO - OPENED LONG at 2091.1 | Stop loss: 2080.629132142857 | Take profit: 2122.489551785714 +2025-03-10 13:18:57,256 - INFO - CLOSED long at 2088.44 | PnL: -0.13% | $-0.38 +2025-03-10 13:18:57,288 - INFO - OPENED LONG at 2083.97 | Stop loss: 2073.534782142857 | Take profit: 2115.252601785714 +2025-03-10 13:18:57,417 - INFO - CLOSED long at 2083.41 | PnL: -0.03% | $-0.21 +2025-03-10 13:18:57,417 - INFO - OPENED SHORT at 2083.41 | Stop loss: 2093.8424178571427 | Take profit: 2052.1357982142854 +2025-03-10 13:18:57,435 - INFO - CLOSED short at 2085.09 | PnL: -0.08% | $-0.30 +2025-03-10 13:18:57,452 - INFO - OPENED SHORT at 2083.59 | Stop loss: 2094.023317857143 | Take profit: 2052.3130982142857 +2025-03-10 13:18:57,728 - INFO - CLOSED short at 2087.0 | PnL: -0.16% | $-0.44 +2025-03-10 13:18:57,728 - INFO - OPENED LONG at 2087.0 | Stop loss: 2076.5496321428573 | Take profit: 2118.3280517857143 +2025-03-10 13:18:57,767 - INFO - CLOSED long at 2087.78 | PnL: 0.04% | $-0.10 +2025-03-10 13:18:57,839 - INFO - OPENED SHORT at 2089.2 | Stop loss: 2099.6613678571425 | Take profit: 2057.8389482142857 +2025-03-10 13:18:57,879 - INFO - CLOSED short at 2091.05 | PnL: -0.09% | $-0.31 +2025-03-10 13:18:57,880 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.5793821428574 | Take profit: 2122.4388017857145 +2025-03-10 13:18:57,897 - INFO - CLOSED long at 2091.95 | PnL: 0.04% | $-0.09 +2025-03-10 13:18:57,898 - INFO - OPENED SHORT at 2091.95 | Stop loss: 2102.4251178571426 | Take profit: 2060.5476982142854 +2025-03-10 13:18:57,943 - INFO - CLOSED short at 2097.8 | PnL: -0.28% | $-0.62 +2025-03-10 13:18:58,214 - INFO - OPENED SHORT at 2104.93 | Stop loss: 2115.4700178571425 | Take profit: 2073.3329982142855 +2025-03-10 13:18:58,254 - INFO - CLOSED short at 2103.07 | PnL: 0.09% | $-0.02 +2025-03-10 13:18:58,254 - INFO - OPENED LONG at 2103.07 | Stop loss: 2092.5392821428572 | Take profit: 2134.6391017857145 +2025-03-10 13:18:58,272 - INFO - CLOSED long at 2101.5 | PnL: -0.07% | $-0.29 +2025-03-10 13:18:58,272 - INFO - OPENED SHORT at 2101.5 | Stop loss: 2112.0228678571425 | Take profit: 2069.9544482142855 +2025-03-10 13:18:58,411 - INFO - CLOSED short at 2104.4 | PnL: -0.14% | $-0.39 +2025-03-10 13:18:58,411 - INFO - OPENED LONG at 2104.4 | Stop loss: 2093.8626321428574 | Take profit: 2135.9890517857148 +2025-03-10 13:18:58,567 - INFO - CLOSED long at 2103.41 | PnL: -0.05% | $-0.24 +2025-03-10 13:18:58,567 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.942417857143 | Take profit: 2071.8357982142857 +2025-03-10 13:18:58,592 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.34, Avg Loss=$-0.44 +2025-03-10 13:18:58,593 - INFO - Episode 7: Reward=41.20, Balance=$81.32, Win Rate=23.3%, Trades=73, Episode PnL=$-14.92, Total PnL=$-151.63, Max Drawdown=17.7%, Pred Accuracy=99.6% +2025-03-10 13:18:58,593 - ERROR - Error in episode 7: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:18:58,594 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1831, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:18:58,613 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:18:58,930 - INFO - OPENED SHORT at 2048.13 | Stop loss: 2058.3860178571426 | Take profit: 2017.3849982142858 +2025-03-10 13:18:58,954 - INFO - CLOSED short at 2047.59 | PnL: 0.03% | $-0.15 +2025-03-10 13:18:58,954 - INFO - OPENED LONG at 2047.59 | Stop loss: 2037.336682142857 | Take profit: 2078.326901785714 +2025-03-10 13:18:59,036 - INFO - CLOSED long at 2049.89 | PnL: 0.11% | $0.02 +2025-03-10 13:18:59,101 - INFO - OPENED SHORT at 2051.89 | Stop loss: 2062.1648178571427 | Take profit: 2021.0885982142856 +2025-03-10 13:18:59,135 - INFO - CLOSED short at 2052.3 | PnL: -0.02% | $-0.24 +2025-03-10 13:18:59,135 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.0231321428573 | Take profit: 2083.1075517857143 +2025-03-10 13:18:59,326 - INFO - CLOSED long at 2059.7 | PnL: 0.36% | $0.52 +2025-03-10 13:18:59,538 - INFO - OPENED SHORT at 2060.0 | Stop loss: 2070.315367857143 | Take profit: 2029.0769482142857 +2025-03-10 13:18:59,638 - INFO - CLOSED short at 2060.31 | PnL: -0.02% | $-0.23 +2025-03-10 13:18:59,755 - INFO - OPENED LONG at 2057.94 | Stop loss: 2047.634932142857 | Take profit: 2088.8321517857144 +2025-03-10 13:18:59,774 - INFO - CLOSED long at 2058.11 | PnL: 0.01% | $-0.18 +2025-03-10 13:18:59,775 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.415917857143 | Take profit: 2027.215298214286 +2025-03-10 13:18:59,872 - INFO - STOP LOSS hit for short at 2068.415917857143 | PnL: -0.50% | $-1.19 +2025-03-10 13:18:59,898 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.465917857143 | Take profit: 2037.0652982142858 +2025-03-10 13:18:59,988 - INFO - CLOSED short at 2071.63 | PnL: -0.17% | $-0.53 +2025-03-10 13:19:00,172 - INFO - OPENED SHORT at 2073.73 | Stop loss: 2084.1140178571427 | Take profit: 2042.600998214286 +2025-03-10 13:19:00,191 - INFO - CLOSED short at 2075.1 | PnL: -0.07% | $-0.32 +2025-03-10 13:19:00,214 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.289917857143 | Take profit: 2041.7932982142856 +2025-03-10 13:19:00,255 - INFO - CLOSED short at 2071.38 | PnL: 0.07% | $-0.05 +2025-03-10 13:19:00,255 - INFO - OPENED LONG at 2071.38 | Stop loss: 2061.0077321428575 | Take profit: 2102.4737517857143 +2025-03-10 13:19:00,359 - INFO - CLOSED long at 2072.8 | PnL: 0.07% | $-0.06 +2025-03-10 13:19:00,438 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.3754678571427 | Take profit: 2036.9766482142857 +2025-03-10 13:19:00,796 - INFO - CLOSED short at 2066.18 | PnL: 0.09% | $-0.02 +2025-03-10 13:19:00,917 - INFO - OPENED SHORT at 2069.7 | Stop loss: 2080.0638678571427 | Take profit: 2038.6314482142857 +2025-03-10 13:19:00,939 - INFO - CLOSED short at 2070.4 | PnL: -0.03% | $-0.26 +2025-03-10 13:19:00,983 - INFO - OPENED SHORT at 2071.4 | Stop loss: 2081.7723678571433 | Take profit: 2040.305948214286 +2025-03-10 13:19:01,058 - INFO - CLOSED short at 2072.75 | PnL: -0.07% | $-0.32 +2025-03-10 13:19:01,058 - INFO - OPENED LONG at 2072.75 | Stop loss: 2062.370882142857 | Take profit: 2103.8643017857144 +2025-03-10 13:19:01,085 - INFO - CLOSED long at 2073.11 | PnL: 0.02% | $-0.16 +2025-03-10 13:19:01,085 - INFO - OPENED SHORT at 2073.11 | Stop loss: 2083.490917857143 | Take profit: 2041.9902982142858 +2025-03-10 13:19:01,207 - INFO - CLOSED short at 2071.92 | PnL: 0.06% | $-0.08 +2025-03-10 13:19:01,207 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.545032142857 | Take profit: 2103.0218517857147 +2025-03-10 13:19:01,342 - INFO - CLOSED long at 2068.32 | PnL: -0.17% | $-0.53 +2025-03-10 13:19:01,415 - INFO - OPENED LONG at 2067.46 | Stop loss: 2057.107332142857 | Take profit: 2098.4949517857144 +2025-03-10 13:19:01,440 - INFO - CLOSED long at 2066.8 | PnL: -0.03% | $-0.25 +2025-03-10 13:19:01,440 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.1493678571433 | Take profit: 2035.7749482142858 +2025-03-10 13:19:01,467 - INFO - CLOSED short at 2065.49 | PnL: 0.06% | $-0.07 +2025-03-10 13:19:01,725 - INFO - OPENED LONG at 2070.3 | Stop loss: 2059.933132142857 | Take profit: 2101.3775517857143 +2025-03-10 13:19:01,941 - INFO - CLOSED long at 2067.86 | PnL: -0.12% | $-0.41 +2025-03-10 13:19:01,941 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.214667857143 | Take profit: 2036.8190482142859 +2025-03-10 13:19:01,986 - INFO - CLOSED short at 2066.1 | PnL: 0.09% | $-0.03 +2025-03-10 13:19:01,986 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.754132142857 | Take profit: 2097.1145517857144 +2025-03-10 13:19:02,014 - INFO - CLOSED long at 2065.28 | PnL: -0.04% | $-0.26 +2025-03-10 13:19:02,015 - INFO - OPENED SHORT at 2065.28 | Stop loss: 2075.6217678571434 | Take profit: 2034.277748214286 +2025-03-10 13:19:02,036 - INFO - CLOSED short at 2066.39 | PnL: -0.05% | $-0.29 +2025-03-10 13:19:02,145 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.033817857143 | Take profit: 2034.6815982142857 +2025-03-10 13:19:02,197 - INFO - CLOSED short at 2064.99 | PnL: 0.03% | $-0.12 +2025-03-10 13:19:02,197 - INFO - OPENED LONG at 2064.99 | Stop loss: 2054.649682142857 | Take profit: 2095.9879017857143 +2025-03-10 13:19:02,251 - INFO - CLOSED long at 2066.15 | PnL: 0.06% | $-0.08 +2025-03-10 13:19:02,350 - INFO - OPENED SHORT at 2061.78 | Stop loss: 2072.1042678571434 | Take profit: 2030.830248214286 +2025-03-10 13:19:02,430 - INFO - CLOSED short at 2063.59 | PnL: -0.09% | $-0.35 +2025-03-10 13:19:02,573 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.7441821428574 | Take profit: 2097.1044017857143 +2025-03-10 13:19:02,629 - INFO - CLOSED long at 2064.08 | PnL: -0.10% | $-0.37 +2025-03-10 13:19:02,748 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.276632142857 | Take profit: 2092.5470517857143 +2025-03-10 13:19:02,885 - INFO - CLOSED long at 2061.8 | PnL: 0.01% | $-0.17 +2025-03-10 13:19:02,886 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.1243678571427 | Take profit: 2030.8499482142859 +2025-03-10 13:19:02,907 - INFO - CLOSED short at 2064.7 | PnL: -0.14% | $-0.45 +2025-03-10 13:19:03,137 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.057682142857 | Take profit: 2094.363901785714 +2025-03-10 13:19:03,386 - INFO - CLOSED long at 2060.7 | PnL: -0.13% | $-0.43 +2025-03-10 13:19:03,409 - INFO - OPENED SHORT at 2061.09 | Stop loss: 2071.410817857143 | Take profit: 2030.1505982142858 +2025-03-10 13:19:03,480 - INFO - CLOSED short at 2059.02 | PnL: 0.10% | $0.00 +2025-03-10 13:19:03,480 - INFO - OPENED LONG at 2059.02 | Stop loss: 2048.7095321428574 | Take profit: 2089.9283517857143 +2025-03-10 13:19:03,537 - INFO - CLOSED long at 2059.96 | PnL: 0.05% | $-0.10 +2025-03-10 13:19:03,876 - INFO - OPENED SHORT at 2061.5 | Stop loss: 2071.8228678571427 | Take profit: 2030.5544482142857 +2025-03-10 13:19:03,939 - INFO - CLOSED short at 2062.69 | PnL: -0.06% | $-0.29 +2025-03-10 13:19:04,103 - INFO - OPENED SHORT at 2064.49 | Stop loss: 2074.8278178571427 | Take profit: 2033.4995982142855 +2025-03-10 13:19:04,375 - INFO - CLOSED short at 2078.01 | PnL: -0.65% | $-1.39 +2025-03-10 13:19:04,416 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.4004178571427 | Take profit: 2043.861798214286 +2025-03-10 13:19:04,505 - INFO - CLOSED short at 2071.04 | PnL: 0.19% | $0.17 +2025-03-10 13:19:04,564 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.226632142857 | Take profit: 2102.697051785714 +2025-03-10 13:19:04,597 - INFO - CLOSED long at 2073.23 | PnL: 0.08% | $-0.04 +2025-03-10 13:19:04,627 - INFO - OPENED LONG at 2070.0 | Stop loss: 2059.634632142857 | Take profit: 2101.0730517857146 +2025-03-10 13:19:04,917 - INFO - CLOSED long at 2067.33 | PnL: -0.13% | $-0.41 +2025-03-10 13:19:04,918 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.682017857143 | Take profit: 2036.2969982142856 +2025-03-10 13:19:05,036 - INFO - CLOSED short at 2065.66 | PnL: 0.08% | $-0.03 +2025-03-10 13:19:05,036 - INFO - OPENED LONG at 2065.66 | Stop loss: 2055.316332142857 | Take profit: 2096.6679517857137 +2025-03-10 13:19:05,162 - INFO - CLOSED long at 2065.3 | PnL: -0.02% | $-0.21 +2025-03-10 13:19:05,204 - INFO - OPENED LONG at 2064.31 | Stop loss: 2053.973082142857 | Take profit: 2095.2977017857143 +2025-03-10 13:19:05,228 - INFO - CLOSED long at 2065.5 | PnL: 0.06% | $-0.08 +2025-03-10 13:19:05,228 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8428678571427 | Take profit: 2034.4944482142857 +2025-03-10 13:19:05,253 - INFO - CLOSED short at 2067.53 | PnL: -0.10% | $-0.36 +2025-03-10 13:19:05,254 - INFO - OPENED LONG at 2067.53 | Stop loss: 2057.1769821428575 | Take profit: 2098.566001785715 +2025-03-10 13:19:05,516 - INFO - CLOSED long at 2071.59 | PnL: 0.20% | $0.17 +2025-03-10 13:19:05,564 - INFO - OPENED SHORT at 2071.35 | Stop loss: 2081.7221178571426 | Take profit: 2040.2566982142855 +2025-03-10 13:19:05,586 - INFO - CLOSED short at 2070.9 | PnL: 0.02% | $-0.14 +2025-03-10 13:19:05,652 - INFO - OPENED LONG at 2070.8 | Stop loss: 2060.430632142857 | Take profit: 2101.8850517857145 +2025-03-10 13:19:05,736 - INFO - CLOSED long at 2071.99 | PnL: 0.06% | $-0.08 +2025-03-10 13:19:05,954 - INFO - OPENED SHORT at 2071.61 | Stop loss: 2081.983417857143 | Take profit: 2040.5127982142858 +2025-03-10 13:19:05,983 - INFO - CLOSED short at 2074.37 | PnL: -0.13% | $-0.42 +2025-03-10 13:19:05,983 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.982782142857 | Take profit: 2105.508601785714 +2025-03-10 13:19:06,005 - INFO - CLOSED long at 2075.07 | PnL: 0.03% | $-0.12 +2025-03-10 13:19:06,005 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.460717857143 | Take profit: 2043.920898214286 +2025-03-10 13:19:06,202 - INFO - CLOSED short at 2075.61 | PnL: -0.03% | $-0.22 +2025-03-10 13:19:06,202 - INFO - OPENED LONG at 2075.61 | Stop loss: 2065.216582142857 | Take profit: 2106.7672017857144 +2025-03-10 13:19:06,275 - INFO - CLOSED long at 2072.09 | PnL: -0.17% | $-0.48 +2025-03-10 13:19:06,275 - INFO - OPENED SHORT at 2072.09 | Stop loss: 2082.465817857143 | Take profit: 2040.985598214286 +2025-03-10 13:19:06,340 - INFO - CLOSED short at 2067.7 | PnL: 0.21% | $0.20 +2025-03-10 13:19:06,340 - INFO - OPENED LONG at 2067.7 | Stop loss: 2057.3461321428567 | Take profit: 2098.738551785714 +2025-03-10 13:19:06,367 - INFO - CLOSED long at 2067.0 | PnL: -0.03% | $-0.24 +2025-03-10 13:19:06,367 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.350367857143 | Take profit: 2035.9719482142857 +2025-03-10 13:19:06,427 - INFO - CLOSED short at 2066.4 | PnL: 0.03% | $-0.13 +2025-03-10 13:19:06,428 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.0526321428574 | Take profit: 2097.4190517857146 +2025-03-10 13:19:06,503 - INFO - CLOSED long at 2065.45 | PnL: -0.05% | $-0.26 +2025-03-10 13:19:06,503 - INFO - OPENED SHORT at 2065.45 | Stop loss: 2075.792617857143 | Take profit: 2034.4451982142855 +2025-03-10 13:19:06,526 - INFO - CLOSED short at 2068.1 | PnL: -0.13% | $-0.40 +2025-03-10 13:19:06,528 - INFO - OPENED LONG at 2068.1 | Stop loss: 2057.744132142857 | Take profit: 2099.1445517857146 +2025-03-10 13:19:06,582 - INFO - CLOSED long at 2069.0 | PnL: 0.04% | $-0.10 +2025-03-10 13:19:06,700 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.541317857143 | Take profit: 2036.1590982142857 +2025-03-10 13:19:06,744 - INFO - CLOSED short at 2065.7 | PnL: 0.07% | $-0.05 +2025-03-10 13:19:06,744 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.356132142857 | Take profit: 2096.708551785714 +2025-03-10 13:19:06,868 - INFO - CLOSED long at 2063.98 | PnL: -0.08% | $-0.32 +2025-03-10 13:19:06,868 - INFO - OPENED SHORT at 2063.98 | Stop loss: 2074.3152678571428 | Take profit: 2032.9972482142857 +2025-03-10 13:19:07,000 - INFO - CLOSED short at 2066.33 | PnL: -0.11% | $-0.37 +2025-03-10 13:19:07,000 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.982982142857 | Take profit: 2097.348001785714 +2025-03-10 13:19:07,215 - INFO - STOP LOSS hit for long at 2055.982982142857 | PnL: -0.50% | $-1.04 +2025-03-10 13:19:07,251 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.2371321428573 | Take profit: 2080.2655517857143 +2025-03-10 13:19:07,300 - INFO - CLOSED long at 2058.3 | PnL: 0.43% | $0.56 +2025-03-10 13:19:07,361 - INFO - OPENED SHORT at 2057.11 | Stop loss: 2067.410917857143 | Take profit: 2026.2302982142858 +2025-03-10 13:19:07,459 - INFO - CLOSED short at 2063.9 | PnL: -0.33% | $-0.74 +2025-03-10 13:19:07,529 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.878117857143 | Take profit: 2031.5886982142858 +2025-03-10 13:19:07,550 - INFO - CLOSED short at 2065.12 | PnL: -0.12% | $-0.38 +2025-03-10 13:19:07,550 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.779032142857 | Take profit: 2096.119851785714 +2025-03-10 13:19:07,608 - INFO - CLOSED long at 2066.59 | PnL: 0.07% | $-0.05 +2025-03-10 13:19:07,713 - INFO - OPENED LONG at 2061.84 | Stop loss: 2051.515432142857 | Take profit: 2092.790651785714 +2025-03-10 13:19:07,779 - INFO - CLOSED long at 2065.72 | PnL: 0.19% | $0.15 +2025-03-10 13:19:07,811 - INFO - OPENED LONG at 2070.31 | Stop loss: 2059.943082142857 | Take profit: 2101.3877017857144 +2025-03-10 13:19:07,955 - INFO - CLOSED long at 2074.05 | PnL: 0.18% | $0.14 +2025-03-10 13:19:07,998 - INFO - OPENED SHORT at 2071.89 | Stop loss: 2082.264817857143 | Take profit: 2040.7885982142855 +2025-03-10 13:19:08,095 - INFO - STOP LOSS hit for short at 2082.264817857143 | PnL: -0.50% | $-1.02 +2025-03-10 13:19:08,148 - INFO - OPENED LONG at 2103.02 | Stop loss: 2092.489532142857 | Take profit: 2134.588351785714 +2025-03-10 13:19:08,208 - INFO - TAKE PROFIT hit for long at 2134.588351785714 | PnL: 1.50% | $2.36 +2025-03-10 13:19:08,293 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.293317857143 | Take profit: 2105.5030982142857 +2025-03-10 13:19:08,413 - INFO - CLOSED short at 2134.78 | PnL: 0.13% | $0.05 +2025-03-10 13:19:08,454 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.6481321428573 | Take profit: 2159.2325517857143 +2025-03-10 13:19:08,511 - INFO - CLOSED long at 2120.15 | PnL: -0.34% | $-0.76 +2025-03-10 13:19:08,511 - INFO - OPENED SHORT at 2120.15 | Stop loss: 2130.766117857143 | Take profit: 2088.324698214286 +2025-03-10 13:19:08,761 - INFO - CLOSED short at 2110.6 | PnL: 0.45% | $0.60 +2025-03-10 13:19:09,204 - INFO - OPENED LONG at 2102.29 | Stop loss: 2091.763182142857 | Take profit: 2133.8474017857143 +2025-03-10 13:19:09,244 - INFO - CLOSED long at 2098.9 | PnL: -0.16% | $-0.45 +2025-03-10 13:19:09,244 - INFO - OPENED SHORT at 2098.9 | Stop loss: 2109.409867857143 | Take profit: 2067.393448214286 +2025-03-10 13:19:09,286 - INFO - CLOSED short at 2104.83 | PnL: -0.28% | $-0.66 +2025-03-10 13:19:09,325 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.2209321428572 | Take profit: 2132.2741517857144 +2025-03-10 13:19:09,349 - INFO - CLOSED long at 2103.86 | PnL: 0.15% | $0.08 +2025-03-10 13:19:09,428 - INFO - OPENED SHORT at 2101.51 | Stop loss: 2112.0329178571433 | Take profit: 2069.964298214286 +2025-03-10 13:19:09,513 - INFO - CLOSED short at 2098.39 | PnL: 0.15% | $0.08 +2025-03-10 13:19:09,513 - INFO - OPENED LONG at 2098.39 | Stop loss: 2087.882682142857 | Take profit: 2129.8889017857146 +2025-03-10 13:19:09,561 - INFO - CLOSED long at 2093.46 | PnL: -0.23% | $-0.57 +2025-03-10 13:19:09,584 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.8479821428573 | Take profit: 2124.7530017857143 +2025-03-10 13:19:09,601 - INFO - CLOSED long at 2092.46 | PnL: -0.04% | $-0.24 +2025-03-10 13:19:09,624 - INFO - OPENED LONG at 2091.1 | Stop loss: 2080.629132142857 | Take profit: 2122.489551785714 +2025-03-10 13:19:09,884 - INFO - CLOSED long at 2081.49 | PnL: -0.46% | $-0.95 +2025-03-10 13:19:09,974 - INFO - OPENED SHORT at 2085.09 | Stop loss: 2095.5308178571427 | Take profit: 2053.790598214286 +2025-03-10 13:19:09,993 - INFO - CLOSED short at 2083.59 | PnL: 0.07% | $-0.05 +2025-03-10 13:19:10,092 - INFO - OPENED SHORT at 2085.85 | Stop loss: 2096.294617857143 | Take profit: 2054.5391982142855 +2025-03-10 13:19:10,236 - INFO - CLOSED short at 2087.0 | PnL: -0.06% | $-0.26 +2025-03-10 13:19:10,236 - INFO - OPENED LONG at 2087.0 | Stop loss: 2076.5496321428573 | Take profit: 2118.3280517857143 +2025-03-10 13:19:10,269 - INFO - CLOSED long at 2087.47 | PnL: 0.02% | $-0.13 +2025-03-10 13:19:10,350 - INFO - OPENED SHORT at 2089.79 | Stop loss: 2100.2543178571427 | Take profit: 2058.4200982142856 +2025-03-10 13:19:10,369 - INFO - CLOSED short at 2085.67 | PnL: 0.20% | $0.16 +2025-03-10 13:19:10,369 - INFO - OPENED LONG at 2085.67 | Stop loss: 2075.226282142857 | Take profit: 2116.9781017857144 +2025-03-10 13:19:10,418 - INFO - CLOSED long at 2091.05 | PnL: 0.26% | $0.26 +2025-03-10 13:19:10,419 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.520617857143 | Take profit: 2059.661198214286 +2025-03-10 13:19:10,461 - INFO - CLOSED short at 2091.95 | PnL: -0.04% | $-0.24 +2025-03-10 13:19:10,461 - INFO - OPENED LONG at 2091.95 | Stop loss: 2081.474882142857 | Take profit: 2123.352301785714 +2025-03-10 13:19:10,537 - INFO - CLOSED long at 2099.99 | PnL: 0.38% | $0.48 +2025-03-10 13:19:10,537 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.505317857143 | Take profit: 2068.4670982142857 +2025-03-10 13:19:10,763 - INFO - CLOSED short at 2103.48 | PnL: -0.17% | $-0.45 +2025-03-10 13:19:10,763 - INFO - OPENED LONG at 2103.48 | Stop loss: 2092.947232142857 | Take profit: 2135.055251785714 +2025-03-10 13:19:10,932 - INFO - CLOSED long at 2103.52 | PnL: 0.00% | $-0.16 +2025-03-10 13:19:10,932 - INFO - OPENED SHORT at 2103.52 | Stop loss: 2114.052967857143 | Take profit: 2071.9441482142856 +2025-03-10 13:19:10,966 - INFO - CLOSED short at 2104.4 | PnL: -0.04% | $-0.24 +2025-03-10 13:19:11,002 - INFO - OPENED SHORT at 2105.21 | Stop loss: 2115.7514178571428 | Take profit: 2073.608798214286 +2025-03-10 13:19:11,146 - INFO - CLOSED short at 2103.41 | PnL: 0.09% | $-0.02 +2025-03-10 13:19:11,146 - INFO - OPENED LONG at 2103.41 | Stop loss: 2092.877582142857 | Take profit: 2134.984201785714 +2025-03-10 13:19:11,169 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.35, Avg Loss=$-0.32 +2025-03-10 13:19:11,170 - INFO - Episode 8: Reward=25.60, Balance=$83.76, Win Rate=19.5%, Trades=87, Episode PnL=$-12.26, Total PnL=$-167.87, Max Drawdown=16.3%, Pred Accuracy=99.6% +2025-03-10 13:19:11,170 - ERROR - Error in episode 8: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:19:11,171 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1831, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:19:11,194 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:19:11,564 - INFO - OPENED SHORT at 2049.89 | Stop loss: 2060.1548178571425 | Take profit: 2019.1185982142856 +2025-03-10 13:19:11,657 - INFO - CLOSED short at 2055.69 | PnL: -0.28% | $-0.76 +2025-03-10 13:19:11,724 - INFO - OPENED LONG at 2058.39 | Stop loss: 2048.0826821428573 | Take profit: 2089.288901785714 +2025-03-10 13:19:11,855 - INFO - CLOSED long at 2063.29 | PnL: 0.24% | $0.27 +2025-03-10 13:19:11,855 - INFO - OPENED SHORT at 2063.29 | Stop loss: 2073.621817857143 | Take profit: 2032.3175982142857 +2025-03-10 13:19:11,895 - INFO - CLOSED short at 2064.61 | PnL: -0.06% | $-0.32 +2025-03-10 13:19:11,938 - INFO - OPENED LONG at 2061.61 | Stop loss: 2051.2865821428572 | Take profit: 2092.5572017857144 +2025-03-10 13:19:12,007 - INFO - CLOSED long at 2060.99 | PnL: -0.03% | $-0.26 +2025-03-10 13:19:12,049 - INFO - OPENED LONG at 2060.0 | Stop loss: 2049.684632142857 | Take profit: 2090.923051785714 +2025-03-10 13:19:12,334 - INFO - CLOSED long at 2061.18 | PnL: 0.06% | $-0.08 +2025-03-10 13:19:12,540 - INFO - OPENED SHORT at 2068.65 | Stop loss: 2079.008617857143 | Take profit: 2037.5971982142858 +2025-03-10 13:19:12,606 - INFO - CLOSED short at 2067.9 | PnL: 0.04% | $-0.13 +2025-03-10 13:19:12,606 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.5451321428573 | Take profit: 2098.9415517857146 +2025-03-10 13:19:12,727 - INFO - CLOSED long at 2073.73 | PnL: 0.28% | $0.36 +2025-03-10 13:19:12,727 - INFO - OPENED SHORT at 2073.73 | Stop loss: 2084.1140178571427 | Take profit: 2042.600998214286 +2025-03-10 13:19:12,790 - INFO - CLOSED short at 2072.33 | PnL: 0.07% | $-0.06 +2025-03-10 13:19:12,875 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.5301321428574 | Take profit: 2101.9865517857143 +2025-03-10 13:19:12,965 - INFO - CLOSED long at 2068.02 | PnL: -0.14% | $-0.47 +2025-03-10 13:19:12,965 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.3754678571427 | Take profit: 2036.9766482142857 +2025-03-10 13:19:13,219 - INFO - CLOSED short at 2069.01 | PnL: -0.05% | $-0.29 +2025-03-10 13:19:13,219 - INFO - OPENED LONG at 2069.01 | Stop loss: 2058.6495821428575 | Take profit: 2100.0682017857143 +2025-03-10 13:19:13,356 - INFO - CLOSED long at 2066.18 | PnL: -0.14% | $-0.46 +2025-03-10 13:19:13,356 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.5262678571426 | Take profit: 2035.1642482142856 +2025-03-10 13:19:13,464 - INFO - CLOSED short at 2068.51 | PnL: -0.11% | $-0.41 +2025-03-10 13:19:13,464 - INFO - OPENED LONG at 2068.51 | Stop loss: 2058.152082142857 | Take profit: 2099.5607017857146 +2025-03-10 13:19:13,611 - INFO - CLOSED long at 2071.39 | PnL: 0.14% | $0.08 +2025-03-10 13:19:13,611 - INFO - OPENED SHORT at 2071.39 | Stop loss: 2081.7623178571425 | Take profit: 2040.2960982142856 +2025-03-10 13:19:13,654 - INFO - CLOSED short at 2072.75 | PnL: -0.07% | $-0.32 +2025-03-10 13:19:13,719 - INFO - OPENED SHORT at 2072.15 | Stop loss: 2082.5261178571427 | Take profit: 2041.0446982142857 +2025-03-10 13:19:13,816 - INFO - CLOSED short at 2071.92 | PnL: 0.01% | $-0.17 +2025-03-10 13:19:13,816 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.545032142857 | Take profit: 2103.0218517857147 +2025-03-10 13:19:13,976 - INFO - CLOSED long at 2067.0 | PnL: -0.24% | $-0.65 +2025-03-10 13:19:13,976 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.350367857143 | Take profit: 2035.9719482142857 +2025-03-10 13:19:14,166 - INFO - CLOSED short at 2068.8 | PnL: -0.09% | $-0.36 +2025-03-10 13:19:14,205 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.702067857143 | Take profit: 2038.2768482142858 +2025-03-10 13:19:14,359 - INFO - CLOSED short at 2070.7 | PnL: -0.07% | $-0.32 +2025-03-10 13:19:14,381 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.032632142857 | Take profit: 2101.4790517857145 +2025-03-10 13:19:14,468 - INFO - CLOSED long at 2067.84 | PnL: -0.12% | $-0.42 +2025-03-10 13:19:14,758 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.3461821428573 | Take profit: 2096.6984017857144 +2025-03-10 13:19:14,816 - INFO - CLOSED long at 2065.83 | PnL: 0.01% | $-0.18 +2025-03-10 13:19:14,886 - INFO - OPENED SHORT at 2062.65 | Stop loss: 2072.978617857143 | Take profit: 2031.6871982142857 +2025-03-10 13:19:14,911 - INFO - CLOSED short at 2061.78 | PnL: 0.04% | $-0.11 +2025-03-10 13:19:15,001 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.923317857143 | Take profit: 2032.6130982142859 +2025-03-10 13:19:15,253 - INFO - CLOSED short at 2063.5 | PnL: 0.00% | $-0.18 +2025-03-10 13:19:15,253 - INFO - OPENED LONG at 2063.5 | Stop loss: 2053.167132142857 | Take profit: 2094.4755517857143 +2025-03-10 13:19:15,491 - INFO - CLOSED long at 2062.61 | PnL: -0.04% | $-0.27 +2025-03-10 13:19:15,491 - INFO - OPENED SHORT at 2062.61 | Stop loss: 2072.9384178571427 | Take profit: 2031.6477982142858 +2025-03-10 13:19:15,537 - INFO - CLOSED short at 2060.3 | PnL: 0.11% | $0.02 +2025-03-10 13:19:15,593 - INFO - OPENED SHORT at 2064.1 | Stop loss: 2074.4358678571425 | Take profit: 2033.1154482142856 +2025-03-10 13:19:15,616 - INFO - CLOSED short at 2065.36 | PnL: -0.06% | $-0.30 +2025-03-10 13:19:15,616 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.0178321428575 | Take profit: 2096.3634517857145 +2025-03-10 13:19:15,636 - INFO - CLOSED long at 2064.33 | PnL: -0.05% | $-0.28 +2025-03-10 13:19:15,636 - INFO - OPENED SHORT at 2064.33 | Stop loss: 2074.6670178571426 | Take profit: 2033.3419982142857 +2025-03-10 13:19:15,718 - INFO - CLOSED short at 2063.53 | PnL: 0.04% | $-0.11 +2025-03-10 13:19:15,753 - INFO - OPENED LONG at 2063.0 | Stop loss: 2052.669632142857 | Take profit: 2093.968051785714 +2025-03-10 13:19:15,784 - INFO - CLOSED long at 2062.6 | PnL: -0.02% | $-0.22 +2025-03-10 13:19:15,784 - INFO - OPENED SHORT at 2062.6 | Stop loss: 2072.928367857143 | Take profit: 2031.6379482142856 +2025-03-10 13:19:16,008 - INFO - CLOSED short at 2059.96 | PnL: 0.13% | $0.05 +2025-03-10 13:19:16,084 - INFO - OPENED LONG at 2056.28 | Stop loss: 2045.9832321428573 | Take profit: 2087.1472517857146 +2025-03-10 13:19:16,157 - INFO - CLOSED long at 2054.83 | PnL: -0.07% | $-0.32 +2025-03-10 13:19:16,244 - INFO - OPENED LONG at 2059.8 | Stop loss: 2049.4856321428574 | Take profit: 2090.7200517857145 +2025-03-10 13:19:16,300 - INFO - CLOSED long at 2061.5 | PnL: 0.08% | $-0.03 +2025-03-10 13:19:16,300 - INFO - OPENED SHORT at 2061.5 | Stop loss: 2071.8228678571427 | Take profit: 2030.5544482142857 +2025-03-10 13:19:16,325 - INFO - CLOSED short at 2061.6 | PnL: -0.00% | $-0.19 +2025-03-10 13:19:16,325 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.276632142857 | Take profit: 2092.5470517857143 +2025-03-10 13:19:16,391 - INFO - CLOSED long at 2063.4 | PnL: 0.09% | $-0.02 +2025-03-10 13:19:16,415 - INFO - OPENED SHORT at 2066.36 | Stop loss: 2076.707167857143 | Take profit: 2035.341548214286 +2025-03-10 13:19:16,476 - INFO - CLOSED short at 2064.49 | PnL: 0.09% | $-0.02 +2025-03-10 13:19:16,476 - INFO - OPENED LONG at 2064.49 | Stop loss: 2054.152182142857 | Take profit: 2095.480401785714 +2025-03-10 13:19:16,683 - INFO - CLOSED long at 2069.79 | PnL: 0.26% | $0.29 +2025-03-10 13:19:16,691 - INFO - OPENED SHORT at 2069.79 | Stop loss: 2080.154317857143 | Take profit: 2038.7200982142858 +2025-03-10 13:19:16,711 - INFO - CLOSED short at 2072.0 | PnL: -0.11% | $-0.38 +2025-03-10 13:19:16,711 - INFO - OPENED LONG at 2072.0 | Stop loss: 2061.624632142857 | Take profit: 2103.1030517857143 +2025-03-10 13:19:16,791 - INFO - CLOSED long at 2072.6 | PnL: 0.03% | $-0.13 +2025-03-10 13:19:16,884 - INFO - OPENED LONG at 2070.0 | Stop loss: 2059.634632142857 | Take profit: 2101.0730517857146 +2025-03-10 13:19:16,905 - INFO - CLOSED long at 2068.15 | PnL: -0.09% | $-0.35 +2025-03-10 13:19:16,906 - INFO - OPENED SHORT at 2068.15 | Stop loss: 2078.5061178571427 | Take profit: 2037.1046982142857 +2025-03-10 13:19:16,925 - INFO - CLOSED short at 2068.39 | PnL: -0.01% | $-0.20 +2025-03-10 13:19:17,546 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.231682142857 | Take profit: 2099.6419017857143 +2025-03-10 13:19:17,647 - INFO - CLOSED long at 2069.69 | PnL: 0.05% | $-0.09 +2025-03-10 13:19:17,689 - INFO - OPENED SHORT at 2070.8 | Stop loss: 2081.1693678571432 | Take profit: 2039.714948214286 +2025-03-10 13:19:17,731 - INFO - CLOSED short at 2070.61 | PnL: 0.01% | $-0.17 +2025-03-10 13:19:17,801 - INFO - OPENED LONG at 2068.19 | Stop loss: 2057.8336821428575 | Take profit: 2099.2359017857148 +2025-03-10 13:19:17,942 - INFO - CLOSED long at 2074.37 | PnL: 0.30% | $0.36 +2025-03-10 13:19:18,121 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2086.0034178571427 | Take profit: 2044.4527982142858 +2025-03-10 13:19:18,453 - INFO - CLOSED short at 2065.45 | PnL: 0.49% | $0.71 +2025-03-10 13:19:18,505 - INFO - OPENED SHORT at 2069.0 | Stop loss: 2079.360367857143 | Take profit: 2037.9419482142857 +2025-03-10 13:19:18,595 - INFO - CLOSED short at 2067.19 | PnL: 0.09% | $-0.02 +2025-03-10 13:19:18,596 - INFO - OPENED LONG at 2067.19 | Stop loss: 2056.838682142857 | Take profit: 2098.220901785714 +2025-03-10 13:19:18,835 - INFO - CLOSED long at 2064.11 | PnL: -0.15% | $-0.46 +2025-03-10 13:19:19,001 - INFO - OPENED SHORT at 2058.65 | Stop loss: 2068.958617857143 | Take profit: 2027.7471982142856 +2025-03-10 13:19:19,028 - INFO - CLOSED short at 2056.77 | PnL: 0.09% | $-0.02 +2025-03-10 13:19:19,046 - INFO - OPENED SHORT at 2053.01 | Stop loss: 2063.290417857143 | Take profit: 2022.191798214286 +2025-03-10 13:19:19,207 - INFO - CLOSED short at 2062.83 | PnL: -0.48% | $-1.06 +2025-03-10 13:19:19,283 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.878117857143 | Take profit: 2031.5886982142858 +2025-03-10 13:19:19,307 - INFO - CLOSED short at 2065.12 | PnL: -0.12% | $-0.41 +2025-03-10 13:19:19,638 - INFO - OPENED LONG at 2070.41 | Stop loss: 2060.042582142857 | Take profit: 2101.489201785714 +2025-03-10 13:19:19,679 - INFO - CLOSED long at 2074.05 | PnL: 0.18% | $0.14 +2025-03-10 13:19:19,680 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4356178571434 | Take profit: 2042.916198214286 +2025-03-10 13:19:19,834 - INFO - STOP LOSS hit for short at 2084.4356178571434 | PnL: -0.50% | $-1.09 +2025-03-10 13:19:19,891 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.031132142857 | Take profit: 2162.683551785714 +2025-03-10 13:19:19,970 - INFO - CLOSED long at 2137.59 | PnL: 0.32% | $0.40 +2025-03-10 13:19:20,012 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.021867857143 | Take profit: 2109.157448214286 +2025-03-10 13:19:20,163 - INFO - CLOSED short at 2120.15 | PnL: 0.99% | $1.60 +2025-03-10 13:19:20,164 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.5338821428572 | Take profit: 2151.9753017857147 +2025-03-10 13:19:20,243 - INFO - CLOSED long at 2118.52 | PnL: -0.08% | $-0.32 +2025-03-10 13:19:20,243 - INFO - OPENED SHORT at 2118.52 | Stop loss: 2129.1279678571427 | Take profit: 2086.7191482142857 +2025-03-10 13:19:20,551 - INFO - CLOSED short at 2120.81 | PnL: -0.11% | $-0.38 +2025-03-10 13:19:20,553 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.190582142857 | Take profit: 2152.645201785714 +2025-03-10 13:19:20,575 - INFO - CLOSED long at 2116.48 | PnL: -0.20% | $-0.55 +2025-03-10 13:19:20,575 - INFO - OPENED SHORT at 2116.48 | Stop loss: 2127.077767857143 | Take profit: 2084.709748214286 +2025-03-10 13:19:20,593 - INFO - CLOSED short at 2114.8 | PnL: 0.08% | $-0.04 +2025-03-10 13:19:20,593 - INFO - OPENED LONG at 2114.8 | Stop loss: 2104.2106321428573 | Take profit: 2146.545051785715 +2025-03-10 13:19:20,693 - INFO - CLOSED long at 2108.06 | PnL: -0.32% | $-0.76 +2025-03-10 13:19:20,693 - INFO - OPENED SHORT at 2108.06 | Stop loss: 2118.615667857143 | Take profit: 2076.4160482142856 +2025-03-10 13:19:20,717 - INFO - CLOSED short at 2103.33 | PnL: 0.22% | $0.22 +2025-03-10 13:19:20,762 - INFO - OPENED SHORT at 2090.0 | Stop loss: 2100.465367857143 | Take profit: 2058.6269482142857 +2025-03-10 13:19:20,838 - INFO - STOP LOSS hit for short at 2100.465367857143 | PnL: -0.50% | $-1.08 +2025-03-10 13:19:20,863 - INFO - OPENED LONG at 2102.29 | Stop loss: 2091.763182142857 | Take profit: 2133.8474017857143 +2025-03-10 13:19:20,985 - INFO - CLOSED long at 2100.74 | PnL: -0.07% | $-0.31 +2025-03-10 13:19:20,985 - INFO - OPENED SHORT at 2100.74 | Stop loss: 2111.259067857143 | Take profit: 2069.205848214285 +2025-03-10 13:19:21,028 - INFO - CLOSED short at 2104.68 | PnL: -0.19% | $-0.51 +2025-03-10 13:19:21,028 - INFO - OPENED LONG at 2104.68 | Stop loss: 2094.141232142857 | Take profit: 2136.2732517857144 +2025-03-10 13:19:21,070 - INFO - CLOSED long at 2099.59 | PnL: -0.24% | $-0.60 +2025-03-10 13:19:21,070 - INFO - OPENED SHORT at 2099.59 | Stop loss: 2110.1033178571433 | Take profit: 2068.073098214286 +2025-03-10 13:19:21,322 - INFO - CLOSED short at 2088.35 | PnL: 0.54% | $0.76 +2025-03-10 13:19:21,341 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.8482321428573 | Take profit: 2114.552251785715 +2025-03-10 13:19:21,367 - INFO - CLOSED long at 2088.44 | PnL: 0.25% | $0.26 +2025-03-10 13:19:21,367 - INFO - OPENED SHORT at 2088.44 | Stop loss: 2098.8975678571433 | Take profit: 2057.0903482142858 +2025-03-10 13:19:21,436 - INFO - CLOSED short at 2082.44 | PnL: 0.29% | $0.33 +2025-03-10 13:19:21,436 - INFO - OPENED LONG at 2082.44 | Stop loss: 2072.012432142857 | Take profit: 2113.6996517857147 +2025-03-10 13:19:21,755 - INFO - CLOSED long at 2088.1 | PnL: 0.27% | $0.30 +2025-03-10 13:19:21,755 - INFO - OPENED SHORT at 2088.1 | Stop loss: 2098.555867857143 | Take profit: 2056.7554482142855 +2025-03-10 13:19:21,838 - INFO - CLOSED short at 2087.47 | PnL: 0.03% | $-0.12 +2025-03-10 13:19:21,838 - INFO - OPENED LONG at 2087.47 | Stop loss: 2077.017282142857 | Take profit: 2118.805101785714 +2025-03-10 13:19:21,883 - INFO - CLOSED long at 2086.81 | PnL: -0.03% | $-0.23 +2025-03-10 13:19:22,185 - INFO - OPENED SHORT at 2098.49 | Stop loss: 2108.9978178571428 | Take profit: 2066.9895982142857 +2025-03-10 13:19:22,217 - INFO - CLOSED short at 2099.89 | PnL: -0.07% | $-0.30 +2025-03-10 13:19:22,217 - INFO - OPENED LONG at 2099.89 | Stop loss: 2089.375182142857 | Take profit: 2131.411401785714 +2025-03-10 13:19:22,272 - INFO - CLOSED long at 2099.73 | PnL: -0.01% | $-0.19 +2025-03-10 13:19:22,490 - INFO - OPENED LONG at 2103.52 | Stop loss: 2092.987032142857 | Take profit: 2135.0958517857143 +2025-03-10 13:19:22,511 - INFO - CLOSED long at 2104.4 | PnL: 0.04% | $-0.10 +2025-03-10 13:19:22,570 - INFO - OPENED LONG at 2103.9 | Stop loss: 2093.365132142857 | Take profit: 2135.4815517857146 +2025-03-10 13:19:22,609 - INFO - CLOSED long at 2100.0 | PnL: -0.19% | $-0.50 +2025-03-10 13:19:22,609 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.5153678571432 | Take profit: 2068.4769482142856 +2025-03-10 13:19:22,719 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.38, Avg Loss=$-0.32 +2025-03-10 13:19:22,727 - INFO - Episode 9: Reward=42.62, Balance=$88.06, Win Rate=22.2%, Trades=72, Episode PnL=$-7.86, Total PnL=$-179.81, Max Drawdown=11.4%, Pred Accuracy=99.8% +2025-03-10 13:19:22,727 - ERROR - Error in episode 9: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:19:22,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1831, in train_agent + if episode_reward > best_reward: + ^^^^^^^^^^^ +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:19:22,747 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:19:23,314 - INFO - OPENED SHORT at 2061.49 | Stop loss: 2071.812817857143 | Take profit: 2030.5445982142855 +2025-03-10 13:19:23,333 - INFO - CLOSED short at 2063.29 | PnL: -0.09% | $-0.37 +2025-03-10 13:19:23,334 - INFO - OPENED LONG at 2063.29 | Stop loss: 2052.9581821428574 | Take profit: 2094.2624017857142 +2025-03-10 13:19:23,370 - INFO - CLOSED long at 2063.59 | PnL: 0.01% | $-0.17 +2025-03-10 13:19:23,452 - INFO - OPENED SHORT at 2060.99 | Stop loss: 2071.3103178571428 | Take profit: 2030.0520982142855 +2025-03-10 13:19:23,527 - INFO - CLOSED short at 2062.89 | PnL: -0.09% | $-0.38 +2025-03-10 13:19:23,527 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560182142857 | Take profit: 2093.8564017857143 +2025-03-10 13:19:23,637 - INFO - CLOSED long at 2057.89 | PnL: -0.24% | $-0.67 +2025-03-10 13:19:23,699 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.8040821428572 | Take profit: 2089.0047017857146 +2025-03-10 13:19:23,734 - INFO - CLOSED long at 2061.18 | PnL: 0.15% | $0.10 +2025-03-10 13:19:23,734 - INFO - OPENED SHORT at 2061.18 | Stop loss: 2071.501267857143 | Take profit: 2030.2392482142857 +2025-03-10 13:19:23,811 - INFO - CLOSED short at 2068.11 | PnL: -0.34% | $-0.85 +2025-03-10 13:19:23,884 - INFO - OPENED LONG at 2070.99 | Stop loss: 2060.619682142857 | Take profit: 2102.077901785714 +2025-03-10 13:19:24,059 - INFO - CLOSED long at 2070.26 | PnL: -0.04% | $-0.26 +2025-03-10 13:19:24,246 - INFO - OPENED SHORT at 2069.37 | Stop loss: 2079.7322178571426 | Take profit: 2038.3063982142858 +2025-03-10 13:19:24,532 - INFO - CLOSED short at 2068.9 | PnL: 0.02% | $-0.15 +2025-03-10 13:19:24,532 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.540132142857 | Take profit: 2099.9565517857145 +2025-03-10 13:19:24,752 - INFO - CLOSED long at 2065.99 | PnL: -0.14% | $-0.46 +2025-03-10 13:19:24,928 - INFO - OPENED SHORT at 2068.76 | Stop loss: 2079.119167857143 | Take profit: 2037.705548214286 +2025-03-10 13:19:24,983 - INFO - CLOSED short at 2068.9 | PnL: -0.01% | $-0.21 +2025-03-10 13:19:24,983 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.540132142857 | Take profit: 2099.9565517857145 +2025-03-10 13:19:25,272 - INFO - CLOSED long at 2072.7 | PnL: 0.18% | $0.16 +2025-03-10 13:19:25,272 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.0788678571425 | Take profit: 2041.5864482142856 +2025-03-10 13:19:25,521 - INFO - CLOSED short at 2068.32 | PnL: 0.21% | $0.21 +2025-03-10 13:19:25,674 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.244817857143 | Take profit: 2036.8485982142856 +2025-03-10 13:19:25,693 - INFO - CLOSED short at 2068.58 | PnL: -0.03% | $-0.26 +2025-03-10 13:19:25,736 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9779321428573 | Take profit: 2100.4031517857143 +2025-03-10 13:19:25,968 - INFO - CLOSED long at 2068.5 | PnL: -0.04% | $-0.27 +2025-03-10 13:19:26,020 - INFO - OPENED LONG at 2067.11 | Stop loss: 2056.7590821428576 | Take profit: 2098.1397017857144 +2025-03-10 13:19:26,232 - INFO - CLOSED long at 2067.8 | PnL: 0.03% | $-0.13 +2025-03-10 13:19:26,306 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.3461821428573 | Take profit: 2096.6984017857144 +2025-03-10 13:19:26,356 - INFO - CLOSED long at 2064.99 | PnL: -0.03% | $-0.26 +2025-03-10 13:19:26,356 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.3303178571427 | Take profit: 2033.9920982142855 +2025-03-10 13:19:26,401 - INFO - CLOSED short at 2066.15 | PnL: -0.06% | $-0.30 +2025-03-10 13:19:26,425 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.601667857143 | Take profit: 2034.258048214286 +2025-03-10 13:19:26,585 - INFO - CLOSED short at 2063.59 | PnL: 0.08% | $-0.04 +2025-03-10 13:19:26,585 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.2566821428572 | Take profit: 2094.5669017857144 +2025-03-10 13:19:26,953 - INFO - CLOSED long at 2059.3 | PnL: -0.21% | $-0.58 +2025-03-10 13:19:26,953 - INFO - OPENED SHORT at 2059.3 | Stop loss: 2069.611867857143 | Take profit: 2028.3874482142858 +2025-03-10 13:19:27,089 - INFO - CLOSED short at 2060.91 | PnL: -0.08% | $-0.34 +2025-03-10 13:19:27,167 - INFO - OPENED SHORT at 2064.1 | Stop loss: 2074.4358678571425 | Take profit: 2033.1154482142856 +2025-03-10 13:19:27,405 - INFO - CLOSED short at 2060.7 | PnL: 0.16% | $0.12 +2025-03-10 13:19:27,405 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.381132142857 | Take profit: 2091.6335517857137 +2025-03-10 13:19:27,629 - INFO - CLOSED long at 2056.28 | PnL: -0.21% | $-0.59 +2025-03-10 13:19:27,652 - INFO - OPENED LONG at 2055.6 | Stop loss: 2045.306632142857 | Take profit: 2086.457051785714 +2025-03-10 13:19:27,913 - INFO - CLOSED long at 2062.69 | PnL: 0.34% | $0.46 +2025-03-10 13:19:27,913 - INFO - OPENED SHORT at 2062.69 | Stop loss: 2073.018817857143 | Take profit: 2031.7265982142858 +2025-03-10 13:19:28,091 - INFO - CLOSED short at 2067.33 | PnL: -0.22% | $-0.61 +2025-03-10 13:19:28,113 - INFO - OPENED LONG at 2067.01 | Stop loss: 2056.6595821428573 | Take profit: 2098.0382017857146 +2025-03-10 13:19:28,151 - INFO - CLOSED long at 2065.69 | PnL: -0.06% | $-0.31 +2025-03-10 13:19:28,152 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.033817857143 | Take profit: 2034.6815982142857 +2025-03-10 13:19:28,300 - INFO - STOP LOSS hit for short at 2076.033817857143 | PnL: -0.50% | $-1.12 +2025-03-10 13:19:28,460 - INFO - OPENED SHORT at 2070.0 | Stop loss: 2080.3653678571427 | Take profit: 2038.9269482142859 +2025-03-10 13:19:28,504 - INFO - CLOSED short at 2068.39 | PnL: 0.08% | $-0.04 +2025-03-10 13:19:28,504 - INFO - OPENED LONG at 2068.39 | Stop loss: 2058.032682142857 | Take profit: 2099.4389017857143 +2025-03-10 13:19:29,170 - INFO - CLOSED long at 2070.2 | PnL: 0.09% | $-0.02 +2025-03-10 13:19:29,329 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.614682142857 | Take profit: 2103.0929017857143 +2025-03-10 13:19:29,355 - INFO - CLOSED long at 2068.19 | PnL: -0.18% | $-0.52 +2025-03-10 13:19:29,655 - INFO - OPENED SHORT at 2075.29 | Stop loss: 2085.6818178571425 | Take profit: 2044.1375982142856 +2025-03-10 13:19:30,228 - INFO - CLOSED short at 2070.19 | PnL: 0.25% | $0.27 +2025-03-10 13:19:30,309 - INFO - OPENED LONG at 2067.19 | Stop loss: 2056.838682142857 | Take profit: 2098.220901785714 +2025-03-10 13:19:30,553 - INFO - CLOSED long at 2065.06 | PnL: -0.10% | $-0.37 +2025-03-10 13:19:30,553 - INFO - OPENED SHORT at 2065.06 | Stop loss: 2075.400667857143 | Take profit: 2034.0610482142858 +2025-03-10 13:19:30,758 - INFO - CLOSED short at 2060.2 | PnL: 0.24% | $0.25 +2025-03-10 13:19:30,758 - INFO - OPENED LONG at 2060.2 | Stop loss: 2049.883632142857 | Take profit: 2091.126051785714 +2025-03-10 13:19:30,889 - INFO - STOP LOSS hit for long at 2049.883632142857 | PnL: -0.50% | $-1.10 +2025-03-10 13:19:30,950 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.714682142857 | Take profit: 2082.792901785714 +2025-03-10 13:19:30,984 - INFO - CLOSED long at 2058.3 | PnL: 0.31% | $0.38 +2025-03-10 13:19:30,984 - INFO - OPENED SHORT at 2058.3 | Stop loss: 2068.6068678571432 | Take profit: 2027.4024482142859 +2025-03-10 13:19:31,028 - INFO - CLOSED short at 2056.85 | PnL: 0.07% | $-0.05 +2025-03-10 13:19:31,067 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.8090821428573 | Take profit: 2087.9897017857147 +2025-03-10 13:19:31,174 - INFO - CLOSED long at 2065.1 | PnL: 0.39% | $0.52 +2025-03-10 13:19:31,174 - INFO - OPENED SHORT at 2065.1 | Stop loss: 2075.4408678571426 | Take profit: 2034.1004482142857 +2025-03-10 13:19:31,217 - INFO - CLOSED short at 2062.55 | PnL: 0.12% | $0.04 +2025-03-10 13:19:31,600 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.174417857143 | Take profit: 2038.7397982142857 +2025-03-10 13:19:31,708 - INFO - CLOSED short at 2071.89 | PnL: -0.10% | $-0.37 +2025-03-10 13:19:31,795 - INFO - OPENED LONG at 2076.08 | Stop loss: 2065.684232142857 | Take profit: 2107.2442517857144 +2025-03-10 13:19:31,825 - INFO - CLOSED long at 2077.61 | PnL: 0.07% | $-0.05 +2025-03-10 13:19:31,945 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.253067857143 | Take profit: 2107.4238482142855 +2025-03-10 13:19:32,079 - INFO - CLOSED short at 2140.01 | PnL: -0.02% | $-0.22 +2025-03-10 13:19:32,098 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.090732142857 | Take profit: 2166.824751785715 +2025-03-10 13:19:32,226 - INFO - STOP LOSS hit for long at 2124.090732142857 | PnL: -0.50% | $-1.09 +2025-03-10 13:19:32,261 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.5338821428572 | Take profit: 2151.9753017857147 +2025-03-10 13:19:32,405 - INFO - CLOSED long at 2119.07 | PnL: -0.05% | $-0.27 +2025-03-10 13:19:32,405 - INFO - OPENED SHORT at 2119.07 | Stop loss: 2129.680717857143 | Take profit: 2087.260898214286 +2025-03-10 13:19:32,827 - INFO - CLOSED short at 2108.06 | PnL: 0.52% | $0.75 +2025-03-10 13:19:32,827 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.504332142857 | Take profit: 2139.703951785714 +2025-03-10 13:19:32,895 - INFO - STOP LOSS hit for long at 2097.504332142857 | PnL: -0.50% | $-1.08 +2025-03-10 13:19:32,925 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.043017857143 | Take profit: 2068.013998214286 +2025-03-10 13:19:33,107 - INFO - CLOSED short at 2100.69 | PnL: -0.06% | $-0.28 +2025-03-10 13:19:33,159 - INFO - OPENED SHORT at 2100.74 | Stop loss: 2111.259067857143 | Take profit: 2069.205848214285 +2025-03-10 13:19:33,219 - INFO - CLOSED short at 2101.51 | PnL: -0.04% | $-0.24 +2025-03-10 13:19:33,219 - INFO - OPENED LONG at 2101.51 | Stop loss: 2090.987082142857 | Take profit: 2133.0557017857145 +2025-03-10 13:19:33,347 - INFO - CLOSED long at 2093.33 | PnL: -0.39% | $-0.87 +2025-03-10 13:19:33,347 - INFO - OPENED SHORT at 2093.33 | Stop loss: 2103.8120178571426 | Take profit: 2061.9069982142855 +2025-03-10 13:19:33,376 - INFO - CLOSED short at 2092.46 | PnL: 0.04% | $-0.10 +2025-03-10 13:19:33,376 - INFO - OPENED LONG at 2092.46 | Stop loss: 2081.982332142857 | Take profit: 2123.8699517857144 +2025-03-10 13:19:33,493 - INFO - CLOSED long at 2088.35 | PnL: -0.20% | $-0.52 +2025-03-10 13:19:33,493 - INFO - OPENED SHORT at 2088.35 | Stop loss: 2098.8071178571427 | Take profit: 2057.0016982142856 +2025-03-10 13:19:33,693 - INFO - CLOSED short at 2083.41 | PnL: 0.24% | $0.24 +2025-03-10 13:19:33,754 - INFO - OPENED SHORT at 2083.59 | Stop loss: 2094.023317857143 | Take profit: 2052.3130982142857 +2025-03-10 13:19:33,882 - INFO - CLOSED short at 2085.83 | PnL: -0.11% | $-0.36 +2025-03-10 13:19:33,884 - INFO - OPENED LONG at 2085.83 | Stop loss: 2075.385482142857 | Take profit: 2117.1405017857146 +2025-03-10 13:19:34,065 - INFO - CLOSED long at 2086.81 | PnL: 0.05% | $-0.09 +2025-03-10 13:19:34,268 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.520617857143 | Take profit: 2059.661198214286 +2025-03-10 13:19:34,377 - INFO - STOP LOSS hit for short at 2101.520617857143 | PnL: -0.50% | $-1.04 +2025-03-10 13:19:34,425 - INFO - OPENED LONG at 2098.49 | Stop loss: 2087.982182142857 | Take profit: 2129.9904017857143 +2025-03-10 13:19:34,490 - INFO - CLOSED long at 2099.73 | PnL: 0.06% | $-0.07 +2025-03-10 13:19:34,749 - INFO - OPENED LONG at 2105.83 | Stop loss: 2095.285482142857 | Take profit: 2137.4405017857143 +2025-03-10 13:19:34,893 - INFO - CLOSED long at 2100.0 | PnL: -0.28% | $-0.65 +2025-03-10 13:19:34,968 - INFO - OPENED SHORT at 2102.0 | Stop loss: 2112.525367857143 | Take profit: 2070.446948214286 +2025-03-10 13:19:35,037 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.29, Avg Loss=$-0.41 +2025-03-10 13:19:35,037 - INFO - Episode 10: Reward=56.48, Balance=$85.76, Win Rate=21.8%, Trades=55, Episode PnL=$-12.68, Total PnL=$-194.05, Max Drawdown=14.2%, Pred Accuracy=99.8% +2025-03-10 13:19:35,046 - ERROR - Error in episode 10: cannot access local variable 'best_reward' where it is not associated with a value +2025-03-10 13:19:35,046 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1831, in train_agent +UnboundLocalError: cannot access local variable 'best_reward' where it is not associated with a value + +2025-03-10 13:19:35,069 - INFO - Identified 26 optimal buy points and 29 optimal sell points +2025-03-10 13:19:35,416 - INFO - OPENED SHORT at 2049.89 | Stop loss: 2060.1548178571425 | Take profit: 2019.1185982142856 +2025-03-10 13:19:35,574 - INFO - CLOSED short at 2057.01 | PnL: -0.35% | $-0.89 +2025-03-10 13:20:23,522 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 13:20:23,543 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 13:20:23,544 - INFO - Fetching initial data for ETH/USDT +2025-03-10 13:20:27,261 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 13:20:27,281 - INFO - Initialized environment with 500 candles +2025-03-10 13:20:30,231 - INFO - Starting training for 1000 episodes... +2025-03-10 13:20:30,231 - INFO - Starting training on device: cuda +2025-03-10 13:20:30,232 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 13:20:30,232 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 13:20:30,485 - INFO - Model loaded successfully with weights_only=True +2025-03-10 13:20:30,485 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $-10.07, Win Rate: 30.9% +2025-03-10 13:20:30,492 - ERROR - Error in episode 0: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,497 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,498 - ERROR - Error in episode 1: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,501 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,502 - ERROR - Error in episode 2: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,503 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,503 - ERROR - Error in episode 3: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,506 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,506 - ERROR - Error in episode 4: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,507 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,507 - ERROR - Error in episode 5: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,511 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,512 - ERROR - Error in episode 6: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,513 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,513 - ERROR - Error in episode 7: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,513 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,513 - ERROR - Error in episode 8: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,519 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,520 - ERROR - Error in episode 9: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,522 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,522 - ERROR - Error in episode 10: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,524 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,525 - ERROR - Error in episode 11: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,527 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,527 - ERROR - Error in episode 12: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,530 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,530 - ERROR - Error in episode 13: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,532 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,533 - ERROR - Error in episode 14: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,535 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,535 - ERROR - Error in episode 15: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,537 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,537 - ERROR - Error in episode 16: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,539 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,540 - ERROR - Error in episode 17: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,542 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,543 - ERROR - Error in episode 18: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,544 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,544 - ERROR - Error in episode 19: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,547 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,547 - ERROR - Error in episode 20: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,549 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,550 - ERROR - Error in episode 21: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,552 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,552 - ERROR - Error in episode 22: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,552 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,552 - ERROR - Error in episode 23: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,552 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,552 - ERROR - Error in episode 24: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,559 - ERROR - Error in episode 25: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,561 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,562 - ERROR - Error in episode 26: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,563 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,564 - ERROR - Error in episode 27: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,565 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,566 - ERROR - Error in episode 28: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,568 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,569 - ERROR - Error in episode 29: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,571 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,571 - ERROR - Error in episode 30: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,573 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,573 - ERROR - Error in episode 31: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,575 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,575 - ERROR - Error in episode 32: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,578 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,578 - ERROR - Error in episode 33: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,581 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,582 - ERROR - Error in episode 34: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,583 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,584 - ERROR - Error in episode 35: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,585 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,585 - ERROR - Error in episode 36: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,588 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,589 - ERROR - Error in episode 37: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,591 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,591 - ERROR - Error in episode 38: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,593 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,593 - ERROR - Error in episode 39: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,594 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,594 - ERROR - Error in episode 40: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,598 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,598 - ERROR - Error in episode 41: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,600 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,600 - ERROR - Error in episode 42: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,602 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,602 - ERROR - Error in episode 43: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,604 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,605 - ERROR - Error in episode 44: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,607 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,607 - ERROR - Error in episode 45: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,608 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,610 - ERROR - Error in episode 46: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,610 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,610 - ERROR - Error in episode 47: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,614 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,614 - ERROR - Error in episode 48: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,616 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,617 - ERROR - Error in episode 49: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,619 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,619 - ERROR - Error in episode 50: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,621 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,621 - ERROR - Error in episode 51: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,624 - ERROR - Error in episode 52: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,625 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,626 - ERROR - Error in episode 53: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,629 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,629 - ERROR - Error in episode 54: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,631 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,631 - ERROR - Error in episode 55: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,633 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,633 - ERROR - Error in episode 56: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,635 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,635 - ERROR - Error in episode 57: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,638 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,638 - ERROR - Error in episode 58: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,640 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,641 - ERROR - Error in episode 59: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,642 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,642 - ERROR - Error in episode 60: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,644 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,646 - ERROR - Error in episode 61: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,648 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,648 - ERROR - Error in episode 62: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,650 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,651 - ERROR - Error in episode 63: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,652 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,652 - ERROR - Error in episode 64: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,654 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,655 - ERROR - Error in episode 65: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,656 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,657 - ERROR - Error in episode 66: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,658 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,659 - ERROR - Error in episode 67: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,660 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,662 - ERROR - Error in episode 68: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,663 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,663 - ERROR - Error in episode 69: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,666 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,666 - ERROR - Error in episode 70: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,666 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,668 - ERROR - Error in episode 71: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,669 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,669 - ERROR - Error in episode 72: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,672 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,672 - ERROR - Error in episode 73: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,674 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,675 - ERROR - Error in episode 74: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,677 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,677 - ERROR - Error in episode 75: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,680 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,680 - ERROR - Error in episode 76: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,682 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,682 - ERROR - Error in episode 77: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,684 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,684 - ERROR - Error in episode 78: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,685 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,685 - ERROR - Error in episode 79: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,688 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,689 - ERROR - Error in episode 80: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,690 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,691 - ERROR - Error in episode 81: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,693 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,693 - ERROR - Error in episode 82: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,695 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,696 - ERROR - Error in episode 83: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,697 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,698 - ERROR - Error in episode 84: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,700 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,700 - ERROR - Error in episode 85: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,702 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,702 - ERROR - Error in episode 86: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,705 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,705 - ERROR - Error in episode 87: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,705 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,705 - ERROR - Error in episode 88: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,705 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,705 - ERROR - Error in episode 89: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,710 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,710 - ERROR - Error in episode 90: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,713 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,713 - ERROR - Error in episode 91: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,715 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,715 - ERROR - Error in episode 92: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,717 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,717 - ERROR - Error in episode 93: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,720 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,720 - ERROR - Error in episode 94: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,721 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,721 - ERROR - Error in episode 95: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,723 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,723 - ERROR - Error in episode 96: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,726 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,727 - ERROR - Error in episode 97: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,728 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,729 - ERROR - Error in episode 98: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,731 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,731 - ERROR - Error in episode 99: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,733 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,733 - INFO - Moving to curriculum stage 2: risk_factor=0.75, exploration=0.2 +2025-03-10 13:20:30,733 - ERROR - Error in episode 100: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,736 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,736 - ERROR - Error in episode 101: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,738 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,739 - ERROR - Error in episode 102: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,741 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,741 - ERROR - Error in episode 103: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,742 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,742 - ERROR - Error in episode 104: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,744 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,745 - ERROR - Error in episode 105: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,745 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,745 - ERROR - Error in episode 106: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,749 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,750 - ERROR - Error in episode 107: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,752 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,752 - ERROR - Error in episode 108: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,755 - ERROR - Error in episode 109: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,756 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,756 - ERROR - Error in episode 110: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,758 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,758 - ERROR - Error in episode 111: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,760 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,762 - ERROR - Error in episode 112: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,763 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,763 - ERROR - Error in episode 113: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,765 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,765 - ERROR - Error in episode 114: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,765 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,768 - ERROR - Error in episode 115: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,769 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,769 - ERROR - Error in episode 116: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,772 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,772 - ERROR - Error in episode 117: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,775 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,775 - ERROR - Error in episode 118: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,777 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,778 - ERROR - Error in episode 119: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,779 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,780 - ERROR - Error in episode 120: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,782 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,782 - ERROR - Error in episode 121: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,783 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,784 - ERROR - Error in episode 122: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,786 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,787 - ERROR - Error in episode 123: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,789 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,789 - ERROR - Error in episode 124: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,791 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,791 - ERROR - Error in episode 125: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,793 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,794 - ERROR - Error in episode 126: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,795 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,796 - ERROR - Error in episode 127: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,797 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,798 - ERROR - Error in episode 128: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,799 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,800 - ERROR - Error in episode 129: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,802 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,802 - ERROR - Error in episode 130: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,804 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,804 - ERROR - Error in episode 131: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,806 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,806 - ERROR - Error in episode 132: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,806 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,806 - ERROR - Error in episode 133: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,810 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,810 - ERROR - Error in episode 134: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,813 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,813 - ERROR - Error in episode 135: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,815 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,816 - ERROR - Error in episode 136: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,817 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,817 - ERROR - Error in episode 137: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,819 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,819 - ERROR - Error in episode 138: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,819 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,819 - ERROR - Error in episode 139: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,824 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,825 - ERROR - Error in episode 140: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,827 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,827 - ERROR - Error in episode 141: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,830 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,830 - ERROR - Error in episode 142: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,832 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,832 - ERROR - Error in episode 143: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,834 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,835 - ERROR - Error in episode 144: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,837 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,837 - ERROR - Error in episode 145: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,839 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,839 - ERROR - Error in episode 146: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,841 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,841 - ERROR - Error in episode 147: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,843 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,844 - ERROR - Error in episode 148: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,844 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,844 - ERROR - Error in episode 149: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,848 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,849 - ERROR - Error in episode 150: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,851 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,851 - ERROR - Error in episode 151: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,852 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,852 - ERROR - Error in episode 152: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,852 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,852 - ERROR - Error in episode 153: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,858 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,858 - ERROR - Error in episode 154: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,860 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,861 - ERROR - Error in episode 155: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,863 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,863 - ERROR - Error in episode 156: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,864 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,865 - ERROR - Error in episode 157: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,867 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,868 - ERROR - Error in episode 158: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,869 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,869 - ERROR - Error in episode 159: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,871 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,872 - ERROR - Error in episode 160: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,875 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,875 - ERROR - Error in episode 161: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,877 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,878 - ERROR - Error in episode 162: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,879 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,880 - ERROR - Error in episode 163: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,881 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,881 - ERROR - Error in episode 164: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,881 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,881 - ERROR - Error in episode 165: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,885 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,885 - ERROR - Error in episode 166: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,889 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,889 - ERROR - Error in episode 167: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,891 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,892 - ERROR - Error in episode 168: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,894 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,894 - ERROR - Error in episode 169: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,896 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,897 - ERROR - Error in episode 170: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,898 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,898 - ERROR - Error in episode 171: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,901 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,901 - ERROR - Error in episode 172: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,903 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,903 - ERROR - Error in episode 173: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,905 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,905 - ERROR - Error in episode 174: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,907 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,908 - ERROR - Error in episode 175: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,909 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,909 - ERROR - Error in episode 176: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,912 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,912 - ERROR - Error in episode 177: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,914 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,915 - ERROR - Error in episode 178: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,915 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,915 - ERROR - Error in episode 179: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,918 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,918 - ERROR - Error in episode 180: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,921 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,921 - ERROR - Error in episode 181: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,923 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,925 - ERROR - Error in episode 182: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,926 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,926 - ERROR - Error in episode 183: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,929 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,930 - ERROR - Error in episode 184: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,932 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,932 - ERROR - Error in episode 185: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,934 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,934 - ERROR - Error in episode 186: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,936 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,936 - ERROR - Error in episode 187: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,938 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,939 - ERROR - Error in episode 188: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,940 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,940 - ERROR - Error in episode 189: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,943 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,943 - ERROR - Error in episode 190: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,946 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,947 - ERROR - Error in episode 191: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,949 - ERROR - Error in episode 192: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,949 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,949 - ERROR - Error in episode 193: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,953 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,953 - ERROR - Error in episode 194: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,956 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,956 - ERROR - Error in episode 195: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,957 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,958 - ERROR - Error in episode 196: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,960 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,960 - ERROR - Error in episode 197: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,963 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,963 - ERROR - Error in episode 198: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,965 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,965 - ERROR - Error in episode 199: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,967 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,967 - INFO - Moving to curriculum stage 3: risk_factor=1.0, exploration=0.1 +2025-03-10 13:20:30,967 - ERROR - Error in episode 200: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,971 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,971 - ERROR - Error in episode 201: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,973 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,973 - ERROR - Error in episode 202: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,975 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,975 - ERROR - Error in episode 203: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,977 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,977 - ERROR - Error in episode 204: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,980 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,981 - ERROR - Error in episode 205: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,982 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,983 - ERROR - Error in episode 206: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,984 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,984 - ERROR - Error in episode 207: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,987 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,988 - ERROR - Error in episode 208: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,990 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,990 - ERROR - Error in episode 209: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,993 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,993 - ERROR - Error in episode 210: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,993 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,993 - ERROR - Error in episode 211: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,997 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:30,998 - ERROR - Error in episode 212: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:30,999 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,000 - ERROR - Error in episode 213: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,002 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,002 - ERROR - Error in episode 214: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,004 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,005 - ERROR - Error in episode 215: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,007 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,008 - ERROR - Error in episode 216: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,009 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,011 - ERROR - Error in episode 217: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,011 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,011 - ERROR - Error in episode 218: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,015 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,016 - ERROR - Error in episode 219: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,017 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,017 - ERROR - Error in episode 220: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,019 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,019 - ERROR - Error in episode 221: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,019 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,023 - ERROR - Error in episode 222: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,025 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,025 - ERROR - Error in episode 223: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,025 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,025 - ERROR - Error in episode 224: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,029 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,031 - ERROR - Error in episode 225: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,033 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,034 - ERROR - Error in episode 226: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,035 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,035 - ERROR - Error in episode 227: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,038 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,038 - ERROR - Error in episode 228: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,040 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,040 - ERROR - Error in episode 229: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,040 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,040 - ERROR - Error in episode 230: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,044 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,046 - ERROR - Error in episode 231: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,047 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,048 - ERROR - Error in episode 232: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,050 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,050 - ERROR - Error in episode 233: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,052 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,052 - ERROR - Error in episode 234: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,055 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,056 - ERROR - Error in episode 235: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,058 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,058 - ERROR - Error in episode 236: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,060 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,060 - ERROR - Error in episode 237: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,063 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,063 - ERROR - Error in episode 238: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,065 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,067 - ERROR - Error in episode 239: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,068 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,068 - ERROR - Error in episode 240: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,071 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,071 - ERROR - Error in episode 241: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,073 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,073 - ERROR - Error in episode 242: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,075 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,075 - ERROR - Error in episode 243: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,075 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,075 - ERROR - Error in episode 244: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,082 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,082 - ERROR - Error in episode 245: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,084 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,085 - ERROR - Error in episode 246: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,087 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,087 - ERROR - Error in episode 247: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,088 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,088 - ERROR - Error in episode 248: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,090 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,090 - ERROR - Error in episode 249: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,095 - ERROR - Error in episode 250: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,097 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,097 - ERROR - Error in episode 251: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,098 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,098 - ERROR - Error in episode 252: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,101 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,101 - ERROR - Error in episode 253: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,104 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,104 - ERROR - Error in episode 254: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,107 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,107 - ERROR - Error in episode 255: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,109 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,110 - ERROR - Error in episode 256: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,111 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,111 - ERROR - Error in episode 257: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,115 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,115 - ERROR - Error in episode 258: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,117 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,118 - ERROR - Error in episode 259: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,119 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,120 - ERROR - Error in episode 260: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,121 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,122 - ERROR - Error in episode 261: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,124 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,124 - ERROR - Error in episode 262: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,126 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,126 - ERROR - Error in episode 263: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,128 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,129 - ERROR - Error in episode 264: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,132 - ERROR - Error in episode 265: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,133 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,134 - ERROR - Error in episode 266: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,134 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,137 - ERROR - Error in episode 267: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,139 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,139 - ERROR - Error in episode 268: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,142 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,142 - ERROR - Error in episode 269: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,142 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,142 - ERROR - Error in episode 270: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,146 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,147 - ERROR - Error in episode 271: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,148 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,149 - ERROR - Error in episode 272: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,150 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,150 - ERROR - Error in episode 273: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,153 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,154 - ERROR - Error in episode 274: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,156 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,156 - ERROR - Error in episode 275: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,158 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,159 - ERROR - Error in episode 276: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,161 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,162 - ERROR - Error in episode 277: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,163 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,163 - ERROR - Error in episode 278: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,165 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,165 - ERROR - Error in episode 279: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,168 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,168 - ERROR - Error in episode 280: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,170 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,170 - ERROR - Error in episode 281: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,172 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,173 - ERROR - Error in episode 282: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,175 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,175 - ERROR - Error in episode 283: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,178 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,178 - ERROR - Error in episode 284: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,179 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,179 - ERROR - Error in episode 285: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,183 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,183 - ERROR - Error in episode 286: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,184 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,186 - ERROR - Error in episode 287: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,186 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,188 - ERROR - Error in episode 288: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,189 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,189 - ERROR - Error in episode 289: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,192 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,192 - ERROR - Error in episode 290: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,193 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,195 - ERROR - Error in episode 291: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,196 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,196 - ERROR - Error in episode 292: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,199 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,199 - ERROR - Error in episode 293: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,201 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,201 - ERROR - Error in episode 294: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,203 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,204 - ERROR - Error in episode 295: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,207 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,207 - ERROR - Error in episode 296: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,209 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,209 - ERROR - Error in episode 297: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,211 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,211 - ERROR - Error in episode 298: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,213 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,213 - ERROR - Error in episode 299: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,213 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,213 - INFO - Moving to curriculum stage 4: risk_factor=1.25, exploration=0.05 +2025-03-10 13:20:31,213 - ERROR - Error in episode 300: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,219 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,219 - ERROR - Error in episode 301: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,221 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,221 - ERROR - Error in episode 302: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,223 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,223 - ERROR - Error in episode 303: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,225 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,225 - ERROR - Error in episode 304: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,228 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,228 - ERROR - Error in episode 305: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,228 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,231 - ERROR - Error in episode 306: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,233 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,233 - ERROR - Error in episode 307: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,234 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,236 - ERROR - Error in episode 308: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,237 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,239 - ERROR - Error in episode 309: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,240 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,240 - ERROR - Error in episode 310: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,244 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,244 - ERROR - Error in episode 311: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,246 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,246 - ERROR - Error in episode 312: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,249 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,249 - ERROR - Error in episode 313: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,251 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,251 - ERROR - Error in episode 314: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,253 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,253 - ERROR - Error in episode 315: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,256 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,257 - ERROR - Error in episode 316: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,258 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,259 - ERROR - Error in episode 317: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,261 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,261 - ERROR - Error in episode 318: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,263 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,264 - ERROR - Error in episode 319: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,266 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,267 - ERROR - Error in episode 320: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,268 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,269 - ERROR - Error in episode 321: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,270 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,270 - ERROR - Error in episode 322: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,273 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,273 - ERROR - Error in episode 323: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,275 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,275 - ERROR - Error in episode 324: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,277 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,278 - ERROR - Error in episode 325: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,280 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,281 - ERROR - Error in episode 326: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,283 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,283 - ERROR - Error in episode 327: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,285 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,286 - ERROR - Error in episode 328: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,288 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,288 - ERROR - Error in episode 329: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,290 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,290 - ERROR - Error in episode 330: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,292 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,292 - ERROR - Error in episode 331: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,295 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,295 - ERROR - Error in episode 332: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,297 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,298 - ERROR - Error in episode 333: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,300 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,300 - ERROR - Error in episode 334: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,302 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,303 - ERROR - Error in episode 335: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,304 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,304 - ERROR - Error in episode 336: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,308 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,308 - ERROR - Error in episode 337: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,310 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,311 - ERROR - Error in episode 338: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,311 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,313 - ERROR - Error in episode 339: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,314 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,314 - ERROR - Error in episode 340: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,317 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,317 - ERROR - Error in episode 341: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,319 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,320 - ERROR - Error in episode 342: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,322 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,322 - ERROR - Error in episode 343: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,324 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,325 - ERROR - Error in episode 344: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,326 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,326 - ERROR - Error in episode 345: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,328 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,329 - ERROR - Error in episode 346: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,330 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,330 - ERROR - Error in episode 347: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,332 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,332 - ERROR - Error in episode 348: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,335 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,336 - ERROR - Error in episode 349: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,338 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,338 - ERROR - Error in episode 350: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,340 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,340 - ERROR - Error in episode 351: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,342 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,342 - ERROR - Error in episode 352: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,343 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,345 - ERROR - Error in episode 353: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,347 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,347 - ERROR - Error in episode 354: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,349 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,350 - ERROR - Error in episode 355: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,352 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,352 - ERROR - Error in episode 356: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,354 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,355 - ERROR - Error in episode 357: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,357 - ERROR - Error in episode 358: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,360 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,360 - ERROR - Error in episode 359: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,362 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,362 - ERROR - Error in episode 360: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,364 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,364 - ERROR - Error in episode 361: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,366 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,366 - ERROR - Error in episode 362: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,368 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,369 - ERROR - Error in episode 363: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,371 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,371 - ERROR - Error in episode 364: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,373 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,373 - ERROR - Error in episode 365: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,375 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,375 - ERROR - Error in episode 366: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,378 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,378 - ERROR - Error in episode 367: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,378 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,378 - ERROR - Error in episode 368: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,382 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,383 - ERROR - Error in episode 369: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,384 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,385 - ERROR - Error in episode 370: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,387 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,387 - ERROR - Error in episode 371: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,390 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,390 - ERROR - Error in episode 372: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,392 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,392 - ERROR - Error in episode 373: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,394 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,394 - ERROR - Error in episode 374: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,396 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,396 - ERROR - Error in episode 375: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,397 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,399 - ERROR - Error in episode 376: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,400 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,400 - ERROR - Error in episode 377: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,403 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,403 - ERROR - Error in episode 378: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,406 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,406 - ERROR - Error in episode 379: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,408 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,409 - ERROR - Error in episode 380: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,410 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,411 - ERROR - Error in episode 381: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,412 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,412 - ERROR - Error in episode 382: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,414 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,414 - ERROR - Error in episode 383: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,417 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,418 - ERROR - Error in episode 384: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,420 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,420 - ERROR - Error in episode 385: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,423 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,423 - ERROR - Error in episode 386: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,425 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,425 - ERROR - Error in episode 387: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,427 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,427 - ERROR - Error in episode 388: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,429 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,429 - ERROR - Error in episode 389: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,431 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,432 - ERROR - Error in episode 390: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,433 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,434 - ERROR - Error in episode 391: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,436 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,437 - ERROR - Error in episode 392: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,438 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,439 - ERROR - Error in episode 393: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,440 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,440 - ERROR - Error in episode 394: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,443 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,443 - ERROR - Error in episode 395: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,444 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,446 - ERROR - Error in episode 396: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,446 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,447 - ERROR - Error in episode 397: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,449 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,450 - ERROR - Error in episode 398: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,451 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,451 - ERROR - Error in episode 399: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,453 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,453 - ERROR - Error in episode 400: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,455 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,456 - ERROR - Error in episode 401: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,457 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,458 - ERROR - Error in episode 402: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,459 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,459 - ERROR - Error in episode 403: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,461 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,463 - ERROR - Error in episode 404: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,465 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,465 - ERROR - Error in episode 405: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,467 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,467 - ERROR - Error in episode 406: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,469 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,470 - ERROR - Error in episode 407: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,472 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,472 - ERROR - Error in episode 408: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,474 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,474 - ERROR - Error in episode 409: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,476 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,477 - ERROR - Error in episode 410: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,478 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,479 - ERROR - Error in episode 411: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,480 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,480 - ERROR - Error in episode 412: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,480 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,480 - ERROR - Error in episode 413: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,484 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,484 - ERROR - Error in episode 414: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,488 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,488 - ERROR - Error in episode 415: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,490 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,490 - ERROR - Error in episode 416: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,492 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,492 - ERROR - Error in episode 417: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,494 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,495 - ERROR - Error in episode 418: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,496 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,497 - ERROR - Error in episode 419: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,499 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,499 - ERROR - Error in episode 420: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,501 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,502 - ERROR - Error in episode 421: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,503 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,503 - ERROR - Error in episode 422: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,505 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,507 - ERROR - Error in episode 423: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,509 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,509 - ERROR - Error in episode 424: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,511 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,511 - ERROR - Error in episode 425: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,513 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,513 - ERROR - Error in episode 426: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,515 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,515 - ERROR - Error in episode 427: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,517 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,519 - ERROR - Error in episode 428: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,521 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,521 - ERROR - Error in episode 429: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,523 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,524 - ERROR - Error in episode 430: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,525 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,525 - ERROR - Error in episode 431: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,528 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,528 - ERROR - Error in episode 432: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,530 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,531 - ERROR - Error in episode 433: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,532 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,532 - ERROR - Error in episode 434: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,535 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,535 - ERROR - Error in episode 435: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,537 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,537 - ERROR - Error in episode 436: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,539 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,539 - ERROR - Error in episode 437: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,541 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,542 - ERROR - Error in episode 438: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,543 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,543 - ERROR - Error in episode 439: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,543 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,543 - ERROR - Error in episode 440: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,543 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,543 - ERROR - Error in episode 441: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,550 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,550 - ERROR - Error in episode 442: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,552 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,553 - ERROR - Error in episode 443: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,555 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,555 - ERROR - Error in episode 444: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,557 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,558 - ERROR - Error in episode 445: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,559 - ERROR - Error in episode 446: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,561 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,562 - ERROR - Error in episode 447: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,564 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,564 - ERROR - Error in episode 448: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,566 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,567 - ERROR - Error in episode 449: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,568 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,569 - ERROR - Error in episode 450: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,569 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,569 - ERROR - Error in episode 451: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,573 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,574 - ERROR - Error in episode 452: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,575 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,576 - ERROR - Error in episode 453: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,578 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,578 - ERROR - Error in episode 454: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,580 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,580 - ERROR - Error in episode 455: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,582 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,583 - ERROR - Error in episode 456: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,584 - ERROR - Error in episode 457: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,586 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,587 - ERROR - Error in episode 458: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,589 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,590 - ERROR - Error in episode 459: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,592 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,592 - ERROR - Error in episode 460: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,594 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,595 - ERROR - Error in episode 461: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,596 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,597 - ERROR - Error in episode 462: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,599 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,599 - ERROR - Error in episode 463: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,601 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,601 - ERROR - Error in episode 464: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,604 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,604 - ERROR - Error in episode 465: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,605 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,606 - ERROR - Error in episode 466: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,609 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,609 - ERROR - Error in episode 467: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,611 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,611 - ERROR - Error in episode 468: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,613 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,614 - ERROR - Error in episode 469: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,616 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,616 - ERROR - Error in episode 470: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,618 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,618 - ERROR - Error in episode 471: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,618 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,618 - ERROR - Error in episode 472: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,622 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,624 - ERROR - Error in episode 473: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,624 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,626 - ERROR - Error in episode 474: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,628 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,628 - ERROR - Error in episode 475: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,631 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,631 - ERROR - Error in episode 476: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,632 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,632 - ERROR - Error in episode 477: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,634 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,634 - ERROR - Error in episode 478: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,636 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,636 - ERROR - Error in episode 479: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,639 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,641 - ERROR - Error in episode 480: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,641 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,643 - ERROR - Error in episode 481: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,645 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,645 - ERROR - Error in episode 482: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,647 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,647 - ERROR - Error in episode 483: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,649 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,649 - ERROR - Error in episode 484: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,651 - ERROR - Error in episode 485: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,653 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,655 - ERROR - Error in episode 486: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,657 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,657 - ERROR - Error in episode 487: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,659 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,659 - ERROR - Error in episode 488: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,661 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,661 - ERROR - Error in episode 489: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,664 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,665 - ERROR - Error in episode 490: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,666 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,666 - ERROR - Error in episode 491: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,668 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,670 - ERROR - Error in episode 492: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,671 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,673 - ERROR - Error in episode 493: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,674 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,674 - ERROR - Error in episode 494: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,676 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,676 - ERROR - Error in episode 495: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,678 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,678 - ERROR - Error in episode 496: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,681 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,682 - ERROR - Error in episode 497: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,682 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,682 - ERROR - Error in episode 498: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,684 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,687 - ERROR - Error in episode 499: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,688 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,689 - ERROR - Error in episode 500: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,691 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,691 - ERROR - Error in episode 501: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,693 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,693 - ERROR - Error in episode 502: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,695 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,695 - ERROR - Error in episode 503: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,698 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,698 - ERROR - Error in episode 504: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,700 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,700 - ERROR - Error in episode 505: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,702 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,703 - ERROR - Error in episode 506: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,705 - ERROR - Error in episode 507: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,707 - ERROR - Error in episode 508: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,710 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,710 - ERROR - Error in episode 509: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,712 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,713 - ERROR - Error in episode 510: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,714 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,715 - ERROR - Error in episode 511: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,716 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,716 - ERROR - Error in episode 512: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,719 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,719 - ERROR - Error in episode 513: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,721 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,722 - ERROR - Error in episode 514: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,724 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,724 - ERROR - Error in episode 515: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,726 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,726 - ERROR - Error in episode 516: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,728 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,729 - ERROR - Error in episode 517: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,732 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,732 - ERROR - Error in episode 518: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,734 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,734 - ERROR - Error in episode 519: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,736 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,737 - ERROR - Error in episode 520: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,740 - ERROR - Error in episode 521: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,741 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,741 - ERROR - Error in episode 522: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,743 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,744 - ERROR - Error in episode 523: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,745 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,746 - ERROR - Error in episode 524: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,748 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,749 - ERROR - Error in episode 525: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,750 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,750 - ERROR - Error in episode 526: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,750 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,750 - ERROR - Error in episode 527: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,754 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,756 - ERROR - Error in episode 528: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,757 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,757 - ERROR - Error in episode 529: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,760 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,760 - ERROR - Error in episode 530: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,762 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,763 - ERROR - Error in episode 531: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,765 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,765 - ERROR - Error in episode 532: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,767 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,767 - ERROR - Error in episode 533: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,769 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,770 - ERROR - Error in episode 534: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,772 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,772 - ERROR - Error in episode 535: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,774 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,775 - ERROR - Error in episode 536: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,776 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,777 - ERROR - Error in episode 537: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,778 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,778 - ERROR - Error in episode 538: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,781 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,781 - ERROR - Error in episode 539: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,782 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,782 - ERROR - Error in episode 540: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,786 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,787 - ERROR - Error in episode 541: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,788 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,789 - ERROR - Error in episode 542: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,791 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,792 - ERROR - Error in episode 543: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,793 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,794 - ERROR - Error in episode 544: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,796 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,796 - ERROR - Error in episode 545: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,796 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,796 - ERROR - Error in episode 546: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,800 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,800 - ERROR - Error in episode 547: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,804 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,805 - ERROR - Error in episode 548: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,806 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,807 - ERROR - Error in episode 549: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,809 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,810 - ERROR - Error in episode 550: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,812 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,812 - ERROR - Error in episode 551: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,814 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,815 - ERROR - Error in episode 552: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,817 - ERROR - Error in episode 553: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,818 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,819 - ERROR - Error in episode 554: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,820 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,822 - ERROR - Error in episode 555: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,823 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,824 - ERROR - Error in episode 556: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,826 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,827 - ERROR - Error in episode 557: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,829 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,829 - ERROR - Error in episode 558: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,831 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,831 - ERROR - Error in episode 559: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,833 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,834 - ERROR - Error in episode 560: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,836 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,836 - ERROR - Error in episode 561: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,837 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,837 - ERROR - Error in episode 562: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,840 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,840 - ERROR - Error in episode 563: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,842 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,843 - ERROR - Error in episode 564: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,845 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,845 - ERROR - Error in episode 565: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,847 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,848 - ERROR - Error in episode 566: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,850 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,850 - ERROR - Error in episode 567: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,850 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,850 - ERROR - Error in episode 568: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,853 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,853 - ERROR - Error in episode 569: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,857 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,857 - ERROR - Error in episode 570: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,859 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,859 - ERROR - Error in episode 571: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,861 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,862 - ERROR - Error in episode 572: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,862 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,865 - ERROR - Error in episode 573: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,866 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,866 - ERROR - Error in episode 574: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,868 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,869 - ERROR - Error in episode 575: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,870 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,870 - ERROR - Error in episode 576: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,873 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,874 - ERROR - Error in episode 577: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,876 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,876 - ERROR - Error in episode 578: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,878 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,878 - ERROR - Error in episode 579: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,881 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,882 - ERROR - Error in episode 580: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,883 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,884 - ERROR - Error in episode 581: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,886 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,886 - ERROR - Error in episode 582: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,888 - ERROR - Error in episode 583: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,890 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,890 - ERROR - Error in episode 584: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,892 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,893 - ERROR - Error in episode 585: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,895 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,895 - ERROR - Error in episode 586: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,898 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,898 - ERROR - Error in episode 587: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,900 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,901 - ERROR - Error in episode 588: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,902 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,902 - ERROR - Error in episode 589: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,904 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,905 - ERROR - Error in episode 590: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,907 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,907 - ERROR - Error in episode 591: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,909 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,909 - ERROR - Error in episode 592: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,911 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,912 - ERROR - Error in episode 593: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,914 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,914 - ERROR - Error in episode 594: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,916 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,916 - ERROR - Error in episode 595: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,918 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,919 - ERROR - Error in episode 596: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,920 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,920 - ERROR - Error in episode 597: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,923 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,923 - ERROR - Error in episode 598: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,925 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,925 - ERROR - Error in episode 599: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,927 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,928 - ERROR - Error in episode 600: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,928 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,928 - ERROR - Error in episode 601: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,932 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,932 - ERROR - Error in episode 602: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,934 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,936 - ERROR - Error in episode 603: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,937 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,937 - ERROR - Error in episode 604: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,939 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,939 - ERROR - Error in episode 605: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,941 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,941 - ERROR - Error in episode 606: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,941 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,941 - ERROR - Error in episode 607: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,946 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,946 - ERROR - Error in episode 608: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,948 - ERROR - Error in episode 609: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,950 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,952 - ERROR - Error in episode 610: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,953 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,954 - ERROR - Error in episode 611: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,954 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,956 - ERROR - Error in episode 612: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,956 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,958 - ERROR - Error in episode 613: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,960 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,960 - ERROR - Error in episode 614: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,961 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,961 - ERROR - Error in episode 615: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,963 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,965 - ERROR - Error in episode 616: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,967 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,967 - ERROR - Error in episode 617: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,969 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,970 - ERROR - Error in episode 618: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,971 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,971 - ERROR - Error in episode 619: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,975 - ERROR - Error in episode 620: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,976 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,976 - ERROR - Error in episode 621: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,978 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,978 - ERROR - Error in episode 622: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,978 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,978 - ERROR - Error in episode 623: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,983 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,984 - ERROR - Error in episode 624: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,986 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,986 - ERROR - Error in episode 625: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,988 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,988 - ERROR - Error in episode 626: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,990 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,991 - ERROR - Error in episode 627: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,992 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,993 - ERROR - Error in episode 628: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,995 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,995 - ERROR - Error in episode 629: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,997 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,997 - ERROR - Error in episode 630: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:31,999 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:31,999 - ERROR - Error in episode 631: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,001 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,002 - ERROR - Error in episode 632: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,003 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,003 - ERROR - Error in episode 633: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,005 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,007 - ERROR - Error in episode 634: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,008 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,008 - ERROR - Error in episode 635: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,010 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,010 - ERROR - Error in episode 636: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,013 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,014 - ERROR - Error in episode 637: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,015 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,016 - ERROR - Error in episode 638: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,018 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,018 - ERROR - Error in episode 639: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,020 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,020 - ERROR - Error in episode 640: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,022 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,023 - ERROR - Error in episode 641: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,025 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,025 - ERROR - Error in episode 642: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,027 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,027 - ERROR - Error in episode 643: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,028 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,030 - ERROR - Error in episode 644: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,031 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,032 - ERROR - Error in episode 645: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,033 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,034 - ERROR - Error in episode 646: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,035 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,036 - ERROR - Error in episode 647: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,037 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,037 - ERROR - Error in episode 648: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,037 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,037 - ERROR - Error in episode 649: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,037 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,037 - ERROR - Error in episode 650: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,044 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,045 - ERROR - Error in episode 651: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,045 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,047 - ERROR - Error in episode 652: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,048 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,048 - ERROR - Error in episode 653: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,050 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,050 - ERROR - Error in episode 654: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,052 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,053 - ERROR - Error in episode 655: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,055 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,056 - ERROR - Error in episode 656: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,058 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,058 - ERROR - Error in episode 657: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,060 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,060 - ERROR - Error in episode 658: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,060 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,060 - ERROR - Error in episode 659: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,063 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,063 - ERROR - Error in episode 660: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,066 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,066 - ERROR - Error in episode 661: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,068 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,068 - ERROR - Error in episode 662: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,071 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,072 - ERROR - Error in episode 663: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,073 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,074 - ERROR - Error in episode 664: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,075 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,075 - ERROR - Error in episode 665: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,077 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,077 - ERROR - Error in episode 666: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,081 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,081 - ERROR - Error in episode 667: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,083 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,083 - ERROR - Error in episode 668: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,085 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,086 - ERROR - Error in episode 669: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,087 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,087 - ERROR - Error in episode 670: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,090 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,090 - ERROR - Error in episode 671: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,092 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,093 - ERROR - Error in episode 672: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,095 - ERROR - Error in episode 673: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,097 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,097 - ERROR - Error in episode 674: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,099 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,099 - ERROR - Error in episode 675: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,101 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,102 - ERROR - Error in episode 676: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,103 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,104 - ERROR - Error in episode 677: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,106 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,107 - ERROR - Error in episode 678: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,109 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,109 - ERROR - Error in episode 679: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,111 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,112 - ERROR - Error in episode 680: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,112 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,112 - ERROR - Error in episode 681: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,112 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,112 - ERROR - Error in episode 682: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,118 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,118 - ERROR - Error in episode 683: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,120 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,121 - ERROR - Error in episode 684: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,124 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,124 - ERROR - Error in episode 685: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,127 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,127 - ERROR - Error in episode 686: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,129 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,129 - ERROR - Error in episode 687: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,131 - ERROR - Error in episode 688: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,134 - ERROR - Error in episode 689: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,135 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,136 - ERROR - Error in episode 690: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,138 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,139 - ERROR - Error in episode 691: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,141 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,142 - ERROR - Error in episode 692: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,143 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,145 - ERROR - Error in episode 693: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,145 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,145 - ERROR - Error in episode 694: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,148 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,148 - ERROR - Error in episode 695: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,151 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,152 - ERROR - Error in episode 696: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,154 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,154 - ERROR - Error in episode 697: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,155 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,157 - ERROR - Error in episode 698: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,159 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,159 - ERROR - Error in episode 699: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,161 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,161 - ERROR - Error in episode 700: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,163 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,164 - ERROR - Error in episode 701: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,167 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,167 - ERROR - Error in episode 702: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,169 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,169 - ERROR - Error in episode 703: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,171 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,171 - ERROR - Error in episode 704: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,174 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,174 - ERROR - Error in episode 705: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,176 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,176 - ERROR - Error in episode 706: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,179 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,180 - ERROR - Error in episode 707: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,182 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,182 - ERROR - Error in episode 708: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,184 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,185 - ERROR - Error in episode 709: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,187 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,187 - ERROR - Error in episode 710: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,189 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,190 - ERROR - Error in episode 711: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,192 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,192 - ERROR - Error in episode 712: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,194 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,195 - ERROR - Error in episode 713: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,196 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,197 - ERROR - Error in episode 714: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,200 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,200 - ERROR - Error in episode 715: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,202 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,202 - ERROR - Error in episode 716: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,204 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,204 - ERROR - Error in episode 717: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,206 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,207 - ERROR - Error in episode 718: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,210 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,210 - ERROR - Error in episode 719: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,212 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,212 - ERROR - Error in episode 720: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,214 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,215 - ERROR - Error in episode 721: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,217 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,217 - ERROR - Error in episode 722: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,219 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,220 - ERROR - Error in episode 723: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,222 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,222 - ERROR - Error in episode 724: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,224 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,225 - ERROR - Error in episode 725: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,227 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,227 - ERROR - Error in episode 726: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,229 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,229 - ERROR - Error in episode 727: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,231 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,232 - ERROR - Error in episode 728: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,234 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,234 - ERROR - Error in episode 729: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,236 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,237 - ERROR - Error in episode 730: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,239 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,240 - ERROR - Error in episode 731: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,242 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,242 - ERROR - Error in episode 732: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,244 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,244 - ERROR - Error in episode 733: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,245 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,246 - ERROR - Error in episode 734: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,248 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,248 - ERROR - Error in episode 735: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,251 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,251 - ERROR - Error in episode 736: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,254 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,254 - ERROR - Error in episode 737: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,255 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,256 - ERROR - Error in episode 738: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,259 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,259 - ERROR - Error in episode 739: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,261 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,262 - ERROR - Error in episode 740: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,263 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,264 - ERROR - Error in episode 741: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,266 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,266 - ERROR - Error in episode 742: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,268 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,268 - ERROR - Error in episode 743: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,270 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,272 - ERROR - Error in episode 744: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,273 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,273 - ERROR - Error in episode 745: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,276 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,276 - ERROR - Error in episode 746: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,278 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,279 - ERROR - Error in episode 747: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,280 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,280 - ERROR - Error in episode 748: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,282 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,282 - ERROR - Error in episode 749: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,284 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,284 - ERROR - Error in episode 750: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,287 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,287 - ERROR - Error in episode 751: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,290 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,291 - ERROR - Error in episode 752: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,292 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,292 - ERROR - Error in episode 753: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,294 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,295 - ERROR - Error in episode 754: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,297 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,297 - ERROR - Error in episode 755: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,298 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,298 - ERROR - Error in episode 756: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,301 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,301 - ERROR - Error in episode 757: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,303 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,304 - ERROR - Error in episode 758: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,305 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,306 - ERROR - Error in episode 759: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,307 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,308 - ERROR - Error in episode 760: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,310 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,310 - ERROR - Error in episode 761: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,312 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,312 - ERROR - Error in episode 762: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,315 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,315 - ERROR - Error in episode 763: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,317 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,317 - ERROR - Error in episode 764: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,320 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,320 - ERROR - Error in episode 765: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,322 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,323 - ERROR - Error in episode 766: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,324 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,324 - ERROR - Error in episode 767: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,326 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,326 - ERROR - Error in episode 768: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,329 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,330 - ERROR - Error in episode 769: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,331 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,332 - ERROR - Error in episode 770: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,334 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,334 - ERROR - Error in episode 771: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,336 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,337 - ERROR - Error in episode 772: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,339 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,340 - ERROR - Error in episode 773: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,341 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,342 - ERROR - Error in episode 774: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,343 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,344 - ERROR - Error in episode 775: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,346 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,346 - ERROR - Error in episode 776: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,349 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,350 - ERROR - Error in episode 777: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,351 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,352 - ERROR - Error in episode 778: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,354 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,354 - ERROR - Error in episode 779: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,356 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,356 - ERROR - Error in episode 780: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,359 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,359 - ERROR - Error in episode 781: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,361 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,361 - ERROR - Error in episode 782: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,364 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,364 - ERROR - Error in episode 783: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,365 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,366 - ERROR - Error in episode 784: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,367 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,368 - ERROR - Error in episode 785: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,370 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,370 - ERROR - Error in episode 786: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,373 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,373 - ERROR - Error in episode 787: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,375 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,376 - ERROR - Error in episode 788: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,377 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,377 - ERROR - Error in episode 789: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,379 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,379 - ERROR - Error in episode 790: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,382 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,382 - ERROR - Error in episode 791: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,383 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,385 - ERROR - Error in episode 792: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,386 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,387 - ERROR - Error in episode 793: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,387 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,387 - ERROR - Error in episode 794: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,390 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,390 - ERROR - Error in episode 795: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,393 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,394 - ERROR - Error in episode 796: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,396 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,396 - ERROR - Error in episode 797: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,397 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,398 - ERROR - Error in episode 798: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,400 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,401 - ERROR - Error in episode 799: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,403 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,403 - ERROR - Error in episode 800: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,405 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,405 - ERROR - Error in episode 801: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,407 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,408 - ERROR - Error in episode 802: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,409 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,409 - ERROR - Error in episode 803: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,409 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,409 - ERROR - Error in episode 804: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,414 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,416 - ERROR - Error in episode 805: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,418 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,418 - ERROR - Error in episode 806: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,419 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,419 - ERROR - Error in episode 807: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,422 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,422 - ERROR - Error in episode 808: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,425 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,425 - ERROR - Error in episode 809: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,426 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,426 - ERROR - Error in episode 810: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,426 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,426 - ERROR - Error in episode 811: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,426 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,431 - ERROR - Error in episode 812: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,433 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,433 - ERROR - Error in episode 813: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,434 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,434 - ERROR - Error in episode 814: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,434 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,438 - ERROR - Error in episode 815: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,439 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,441 - ERROR - Error in episode 816: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,442 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,443 - ERROR - Error in episode 817: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,444 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,444 - ERROR - Error in episode 818: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,447 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,447 - ERROR - Error in episode 819: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,449 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,450 - ERROR - Error in episode 820: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,451 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,451 - ERROR - Error in episode 821: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,453 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,455 - ERROR - Error in episode 822: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,456 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,457 - ERROR - Error in episode 823: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,458 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,458 - ERROR - Error in episode 824: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,460 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,460 - ERROR - Error in episode 825: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,460 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,460 - ERROR - Error in episode 826: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,464 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,466 - ERROR - Error in episode 827: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,468 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,468 - ERROR - Error in episode 828: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,470 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,470 - ERROR - Error in episode 829: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,472 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,472 - ERROR - Error in episode 830: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,475 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,475 - ERROR - Error in episode 831: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,476 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,476 - ERROR - Error in episode 832: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,479 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,479 - ERROR - Error in episode 833: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,481 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,482 - ERROR - Error in episode 834: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,483 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,483 - ERROR - Error in episode 835: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,486 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,486 - ERROR - Error in episode 836: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,488 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,489 - ERROR - Error in episode 837: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,490 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,492 - ERROR - Error in episode 838: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,493 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,494 - ERROR - Error in episode 839: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,496 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,497 - ERROR - Error in episode 840: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,498 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,499 - ERROR - Error in episode 841: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,500 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,500 - ERROR - Error in episode 842: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,502 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,503 - ERROR - Error in episode 843: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,505 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,505 - ERROR - Error in episode 844: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,507 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,508 - ERROR - Error in episode 845: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,508 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,508 - ERROR - Error in episode 846: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,508 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,508 - ERROR - Error in episode 847: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,514 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,515 - ERROR - Error in episode 848: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,517 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,517 - ERROR - Error in episode 849: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,517 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,517 - ERROR - Error in episode 850: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,521 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,521 - ERROR - Error in episode 851: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,523 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,524 - ERROR - Error in episode 852: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,526 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,527 - ERROR - Error in episode 853: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,529 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,529 - ERROR - Error in episode 854: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,529 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,529 - ERROR - Error in episode 855: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,534 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,534 - ERROR - Error in episode 856: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,536 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,536 - ERROR - Error in episode 857: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,538 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,538 - ERROR - Error in episode 858: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,541 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,541 - ERROR - Error in episode 859: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,543 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,543 - ERROR - Error in episode 860: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,545 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,545 - ERROR - Error in episode 861: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,547 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,547 - ERROR - Error in episode 862: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,549 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,550 - ERROR - Error in episode 863: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,551 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,551 - ERROR - Error in episode 864: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,554 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,555 - ERROR - Error in episode 865: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,556 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,557 - ERROR - Error in episode 866: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,558 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,558 - ERROR - Error in episode 867: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,560 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,560 - ERROR - Error in episode 868: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,562 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,562 - ERROR - Error in episode 869: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,565 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,565 - ERROR - Error in episode 870: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,567 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,567 - ERROR - Error in episode 871: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,568 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,570 - ERROR - Error in episode 872: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,571 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,572 - ERROR - Error in episode 873: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,574 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,574 - ERROR - Error in episode 874: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,577 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,577 - ERROR - Error in episode 875: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,578 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,579 - ERROR - Error in episode 876: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,580 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,581 - ERROR - Error in episode 877: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,583 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,583 - ERROR - Error in episode 878: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,585 - ERROR - Error in episode 879: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,587 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,587 - ERROR - Error in episode 880: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,589 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,589 - ERROR - Error in episode 881: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,592 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,592 - ERROR - Error in episode 882: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,594 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,594 - ERROR - Error in episode 883: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,596 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,597 - ERROR - Error in episode 884: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,598 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,599 - ERROR - Error in episode 885: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,600 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,600 - ERROR - Error in episode 886: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,603 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,604 - ERROR - Error in episode 887: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,606 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,606 - ERROR - Error in episode 888: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,607 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,607 - ERROR - Error in episode 889: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,610 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,610 - ERROR - Error in episode 890: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,611 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,611 - ERROR - Error in episode 891: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,614 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,614 - ERROR - Error in episode 892: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,616 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,617 - ERROR - Error in episode 893: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,618 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,619 - ERROR - Error in episode 894: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,620 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,621 - ERROR - Error in episode 895: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,622 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,622 - ERROR - Error in episode 896: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,625 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,626 - ERROR - Error in episode 897: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,627 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,627 - ERROR - Error in episode 898: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,630 - ERROR - Error in episode 899: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,632 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,632 - ERROR - Error in episode 900: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,634 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,634 - ERROR - Error in episode 901: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,636 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,636 - ERROR - Error in episode 902: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,638 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,639 - ERROR - Error in episode 903: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,640 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,641 - ERROR - Error in episode 904: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,642 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,642 - ERROR - Error in episode 905: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,645 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,645 - ERROR - Error in episode 906: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,647 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,647 - ERROR - Error in episode 907: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,650 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,650 - ERROR - Error in episode 908: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,652 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,652 - ERROR - Error in episode 909: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,654 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,655 - ERROR - Error in episode 910: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,656 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,656 - ERROR - Error in episode 911: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,658 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,659 - ERROR - Error in episode 912: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,660 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,661 - ERROR - Error in episode 913: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,663 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,663 - ERROR - Error in episode 914: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,666 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,666 - ERROR - Error in episode 915: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,667 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,668 - ERROR - Error in episode 916: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,669 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,670 - ERROR - Error in episode 917: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,672 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,672 - ERROR - Error in episode 918: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,674 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,675 - ERROR - Error in episode 919: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,676 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,676 - ERROR - Error in episode 920: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,676 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,676 - ERROR - Error in episode 921: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,676 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,676 - ERROR - Error in episode 922: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,683 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,684 - ERROR - Error in episode 923: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,685 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,686 - ERROR - Error in episode 924: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,687 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,688 - ERROR - Error in episode 925: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,689 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,690 - ERROR - Error in episode 926: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,691 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,692 - ERROR - Error in episode 927: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,694 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,694 - ERROR - Error in episode 928: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,696 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,697 - ERROR - Error in episode 929: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,698 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,699 - ERROR - Error in episode 930: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,700 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,700 - ERROR - Error in episode 931: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,702 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,702 - ERROR - Error in episode 932: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,704 - ERROR - Error in episode 933: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,707 - ERROR - Error in episode 934: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,710 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,710 - ERROR - Error in episode 935: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,711 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,711 - ERROR - Error in episode 936: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,714 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,714 - ERROR - Error in episode 937: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,716 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,717 - ERROR - Error in episode 938: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,718 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,719 - ERROR - Error in episode 939: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,720 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,721 - ERROR - Error in episode 940: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,723 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,723 - ERROR - Error in episode 941: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,725 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,725 - ERROR - Error in episode 942: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,727 - ERROR - Error in episode 943: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,727 - ERROR - Error in episode 944: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,727 - ERROR - Error in episode 945: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,734 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,734 - ERROR - Error in episode 946: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,737 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,737 - ERROR - Error in episode 947: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,739 - ERROR - Error in episode 948: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,741 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,742 - ERROR - Error in episode 949: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,743 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,744 - ERROR - Error in episode 950: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,746 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,747 - ERROR - Error in episode 951: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,748 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,748 - ERROR - Error in episode 952: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,751 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,752 - ERROR - Error in episode 953: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,754 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,754 - ERROR - Error in episode 954: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,755 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,756 - ERROR - Error in episode 955: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,758 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,759 - ERROR - Error in episode 956: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,760 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,761 - ERROR - Error in episode 957: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,762 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,763 - ERROR - Error in episode 958: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,765 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,765 - ERROR - Error in episode 959: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,767 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,767 - ERROR - Error in episode 960: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,769 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,769 - ERROR - Error in episode 961: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,771 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,772 - ERROR - Error in episode 962: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,773 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,774 - ERROR - Error in episode 963: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,775 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,775 - ERROR - Error in episode 964: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,777 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,777 - ERROR - Error in episode 965: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,781 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,781 - ERROR - Error in episode 966: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,782 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,783 - ERROR - Error in episode 967: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,783 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,783 - ERROR - Error in episode 968: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,788 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,788 - ERROR - Error in episode 969: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,790 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,790 - ERROR - Error in episode 970: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,792 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,792 - ERROR - Error in episode 971: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,794 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,794 - ERROR - Error in episode 972: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,796 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,797 - ERROR - Error in episode 973: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,799 - ERROR - Error in episode 974: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,801 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,802 - ERROR - Error in episode 975: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,803 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,804 - ERROR - Error in episode 976: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,806 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,806 - ERROR - Error in episode 977: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,808 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,808 - ERROR - Error in episode 978: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,810 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,811 - ERROR - Error in episode 979: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,812 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,813 - ERROR - Error in episode 980: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,814 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,814 - ERROR - Error in episode 981: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,818 - ERROR - Error in episode 982: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,819 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,819 - ERROR - Error in episode 983: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,821 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,821 - ERROR - Error in episode 984: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,822 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,822 - ERROR - Error in episode 985: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,825 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,825 - ERROR - Error in episode 986: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,828 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,828 - ERROR - Error in episode 987: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,830 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,830 - ERROR - Error in episode 988: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,830 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,830 - ERROR - Error in episode 989: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,834 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,836 - ERROR - Error in episode 990: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,836 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,837 - ERROR - Error in episode 991: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,839 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,839 - ERROR - Error in episode 992: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,841 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,841 - ERROR - Error in episode 993: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,843 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,844 - ERROR - Error in episode 994: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,846 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,846 - ERROR - Error in episode 995: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,846 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,846 - ERROR - Error in episode 996: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,846 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,851 - ERROR - Error in episode 997: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,853 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,853 - ERROR - Error in episode 998: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,856 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,856 - ERROR - Error in episode 999: 'NoneType' object has no attribute 'train_on_new_data' +2025-03-10 13:20:32,857 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1790, in train_agent + prediction_loss = env.train_price_predictor() + ^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "main.py", line 1247, in train_price_predictor + loss = self.price_predictor.train_on_new_data( + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'NoneType' object has no attribute 'train_on_new_data' + +2025-03-10 13:20:32,988 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 13:20:33,198 - ERROR - Training failed: 'episode_pnls' +2025-03-10 13:20:33,198 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1928, in train_agent + plot_training_results(stats) + File "main.py", line 1970, in plot_training_results + plt.plot(stats['episode_pnls']) + ~~~~~^^^^^^^^^^^^^^^^ +KeyError: 'episode_pnls' + +2025-03-10 13:20:33,323 - INFO - Model saved to models/trading_agent_emergency.pt +2025-03-10 13:20:33,323 - INFO - Emergency model saved due to training failure +2025-03-10 13:20:33,323 - INFO - Exchange connection closed +2025-03-10 13:21:59,698 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 13:21:59,719 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 13:21:59,720 - INFO - Fetching initial data for ETH/USDT +2025-03-10 13:22:03,540 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 13:22:03,563 - INFO - Initialized environment with 500 candles +2025-03-10 13:22:06,180 - INFO - Starting training for 1000 episodes... +2025-03-10 13:22:06,180 - INFO - Starting training on device: cuda +2025-03-10 13:22:06,181 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 13:22:06,181 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 13:22:06,347 - INFO - Model loaded successfully with weights_only=True +2025-03-10 13:22:06,347 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $-10.07, Win Rate: 30.9% +2025-03-10 13:22:06,634 - INFO - OPENED SHORT at 2049.89 | Stop loss: 2060.153732142857 | Take profit: 2019.120226785714 +2025-03-10 13:22:06,664 - INFO - STOP LOSS hit for short at 2060.153732142857 | PnL: -0.50% | $-1.19 +2025-03-10 13:22:06,672 - INFO - OPENED SHORT at 2063.29 | Stop loss: 2073.620732142857 | Take profit: 2032.3192267857144 +2025-03-10 13:22:06,673 - INFO - CLOSED short at 2064.61 | PnL: -0.06% | $-0.32 +2025-03-10 13:22:06,673 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.9222321428574 | Take profit: 2032.6147267857143 +2025-03-10 13:22:06,704 - INFO - CLOSED short at 2057.8 | PnL: 0.28% | $0.35 +2025-03-10 13:22:06,704 - INFO - OPENED LONG at 2057.8 | Stop loss: 2047.496717857143 | Take profit: 2088.688423214286 +2025-03-10 13:22:06,708 - INFO - CLOSED long at 2057.89 | PnL: 0.00% | $-0.19 +2025-03-10 13:22:06,708 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1937321428572 | Take profit: 2027.0002267857142 +2025-03-10 13:22:06,725 - INFO - STOP LOSS hit for short at 2068.1937321428572 | PnL: -0.50% | $-1.18 +2025-03-10 13:22:06,728 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.464832142857 | Take profit: 2037.0669267857145 +2025-03-10 13:22:06,739 - INFO - CLOSED short at 2069.6 | PnL: -0.07% | $-0.33 +2025-03-10 13:22:06,739 - INFO - OPENED SHORT at 2068.65 | Stop loss: 2079.007532142857 | Take profit: 2037.5988267857144 +2025-03-10 13:22:06,756 - INFO - CLOSED short at 2073.73 | PnL: -0.25% | $-0.67 +2025-03-10 13:22:06,763 - INFO - OPENED SHORT at 2075.1 | Stop loss: 2085.489782142857 | Take profit: 2043.952076785714 +2025-03-10 13:22:06,800 - INFO - CLOSED short at 2070.7 | PnL: 0.21% | $0.21 +2025-03-10 13:22:06,800 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3322178571425 | Take profit: 2101.7819232142856 +2025-03-10 13:22:06,804 - INFO - CLOSED long at 2069.34 | PnL: -0.07% | $-0.32 +2025-03-10 13:22:06,804 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.7009821428574 | Take profit: 2038.2784767857145 +2025-03-10 13:22:07,013 - INFO - CLOSED short at 2065.99 | PnL: 0.16% | $0.12 +2025-03-10 13:22:07,038 - INFO - OPENED LONG at 2066.19 | Stop loss: 2055.844767857143 | Take profit: 2097.204273214286 +2025-03-10 13:22:07,157 - INFO - CLOSED long at 2068.51 | PnL: 0.11% | $0.02 +2025-03-10 13:22:07,157 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.8668321428577 | Take profit: 2037.4609267857145 +2025-03-10 13:22:07,589 - INFO - CLOSED short at 2067.0 | PnL: 0.07% | $-0.05 +2025-03-10 13:22:07,589 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.650717857143 | Take profit: 2098.026423214286 +2025-03-10 13:22:07,643 - INFO - CLOSED long at 2067.46 | PnL: 0.02% | $-0.15 +2025-03-10 13:22:07,643 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.8115821428573 | Take profit: 2036.4266767857143 +2025-03-10 13:22:07,668 - INFO - CLOSED short at 2066.8 | PnL: 0.03% | $-0.13 +2025-03-10 13:22:07,668 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.451717857143 | Take profit: 2097.823423214286 +2025-03-10 13:22:07,907 - INFO - CLOSED long at 2070.3 | PnL: 0.17% | $0.13 +2025-03-10 13:22:07,937 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.217767857143 | Take profit: 2102.6852732142856 +2025-03-10 13:22:08,448 - INFO - CLOSED long at 2066.15 | PnL: -0.26% | $-0.69 +2025-03-10 13:22:08,474 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.919417857143 | Take profit: 2096.2603232142856 +2025-03-10 13:22:08,706 - INFO - CLOSED long at 2065.54 | PnL: 0.01% | $-0.16 +2025-03-10 13:22:08,737 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.745267857143 | Take profit: 2097.102773214286 +2025-03-10 13:22:08,758 - INFO - CLOSED long at 2064.45 | PnL: -0.08% | $-0.34 +2025-03-10 13:22:08,779 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.7453178571427 | Take profit: 2095.0626232142854 +2025-03-10 13:22:08,802 - INFO - CLOSED long at 2062.71 | PnL: -0.07% | $-0.31 +2025-03-10 13:22:08,825 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.561267857143 | Take profit: 2093.8547732142856 +2025-03-10 13:22:08,913 - INFO - CLOSED long at 2060.9 | PnL: -0.10% | $-0.37 +2025-03-10 13:22:08,913 - INFO - OPENED SHORT at 2060.9 | Stop loss: 2071.218782142857 | Take profit: 2029.9650767857142 +2025-03-10 13:22:08,960 - INFO - CLOSED short at 2058.89 | PnL: 0.10% | $-0.00 +2025-03-10 13:22:08,961 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.581267857143 | Take profit: 2089.7947732142857 +2025-03-10 13:22:09,173 - INFO - CLOSED long at 2064.1 | PnL: 0.25% | $0.29 +2025-03-10 13:22:09,173 - INFO - OPENED SHORT at 2064.1 | Stop loss: 2074.4347821428573 | Take profit: 2033.117076785714 +2025-03-10 13:22:09,205 - INFO - CLOSED short at 2065.36 | PnL: -0.06% | $-0.30 +2025-03-10 13:22:09,206 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.018917857143 | Take profit: 2096.361823214286 +2025-03-10 13:22:09,231 - INFO - CLOSED long at 2064.33 | PnL: -0.05% | $-0.28 +2025-03-10 13:22:09,256 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.058767857143 | Take profit: 2094.3622732142853 +2025-03-10 13:22:09,300 - INFO - CLOSED long at 2065.89 | PnL: 0.12% | $0.04 +2025-03-10 13:22:09,325 - INFO - OPENED LONG at 2063.53 | Stop loss: 2053.198067857143 | Take profit: 2094.504373214286 +2025-03-10 13:22:09,446 - INFO - CLOSED long at 2060.7 | PnL: -0.14% | $-0.44 +2025-03-10 13:22:09,488 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.297667857143 | Take profit: 2090.5255732142855 +2025-03-10 13:22:09,573 - INFO - CLOSED long at 2059.96 | PnL: 0.02% | $-0.15 +2025-03-10 13:22:09,573 - INFO - OPENED SHORT at 2059.96 | Stop loss: 2070.2740821428574 | Take profit: 2029.0391767857143 +2025-03-10 13:22:09,603 - INFO - CLOSED short at 2059.46 | PnL: 0.02% | $-0.14 +2025-03-10 13:22:09,603 - INFO - OPENED LONG at 2059.46 | Stop loss: 2049.1484178571427 | Take profit: 2090.3733232142854 +2025-03-10 13:22:09,917 - INFO - CLOSED long at 2063.4 | PnL: 0.19% | $0.17 +2025-03-10 13:22:09,938 - INFO - OPENED LONG at 2066.36 | Stop loss: 2056.013917857143 | Take profit: 2097.3768232142857 +2025-03-10 13:22:10,104 - INFO - CLOSED long at 2067.01 | PnL: 0.03% | $-0.13 +2025-03-10 13:22:10,134 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.347267857143 | Take profit: 2096.6967732142857 +2025-03-10 13:22:10,197 - INFO - CLOSED long at 2072.0 | PnL: 0.31% | $0.38 +2025-03-10 13:22:10,238 - INFO - OPENED LONG at 2074.3 | Stop loss: 2063.9142178571433 | Take profit: 2105.435923214286 +2025-03-10 13:22:10,518 - INFO - CLOSED long at 2070.0 | PnL: -0.21% | $-0.57 +2025-03-10 13:22:10,518 - INFO - OPENED SHORT at 2070.0 | Stop loss: 2080.364282142857 | Take profit: 2038.9285767857143 +2025-03-10 13:22:10,542 - INFO - CLOSED short at 2068.15 | PnL: 0.09% | $-0.02 +2025-03-10 13:22:10,542 - INFO - OPENED LONG at 2068.15 | Stop loss: 2057.794967857143 | Take profit: 2099.193673214286 +2025-03-10 13:22:11,256 - INFO - CLOSED long at 2071.59 | PnL: 0.17% | $0.12 +2025-03-10 13:22:11,286 - INFO - OPENED LONG at 2070.2 | Stop loss: 2059.834717857143 | Take profit: 2101.274423214286 +2025-03-10 13:22:11,503 - INFO - CLOSED long at 2068.19 | PnL: -0.10% | $-0.37 +2025-03-10 13:22:11,546 - INFO - OPENED LONG at 2068.67 | Stop loss: 2058.312367857143 | Take profit: 2099.7214732142857 +2025-03-10 13:22:11,655 - INFO - CLOSED long at 2071.61 | PnL: 0.14% | $0.08 +2025-03-10 13:22:11,656 - INFO - OPENED SHORT at 2071.61 | Stop loss: 2081.9823321428576 | Take profit: 2040.5144267857145 +2025-03-10 13:22:11,680 - INFO - CLOSED short at 2074.37 | PnL: -0.13% | $-0.43 +2025-03-10 13:22:11,680 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.9838678571427 | Take profit: 2105.5069732142856 +2025-03-10 13:22:11,848 - INFO - CLOSED long at 2075.61 | PnL: 0.06% | $-0.07 +2025-03-10 13:22:11,889 - INFO - OPENED LONG at 2074.0 | Stop loss: 2063.615717857143 | Take profit: 2105.131423214286 +2025-03-10 13:22:12,232 - INFO - CLOSED long at 2067.19 | PnL: -0.33% | $-0.79 +2025-03-10 13:22:12,232 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.5402321428573 | Take profit: 2036.1607267857144 +2025-03-10 13:22:12,258 - INFO - CLOSED short at 2065.5 | PnL: 0.08% | $-0.03 +2025-03-10 13:22:12,259 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.158217857143 | Take profit: 2096.503923214286 +2025-03-10 13:22:12,512 - INFO - CLOSED long at 2065.06 | PnL: -0.02% | $-0.22 +2025-03-10 13:22:12,533 - INFO - OPENED SHORT at 2064.11 | Stop loss: 2074.444832142857 | Take profit: 2033.1269267857144 +2025-03-10 13:22:12,558 - INFO - CLOSED short at 2064.5 | PnL: -0.02% | $-0.22 +2025-03-10 13:22:12,558 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.163217857143 | Take profit: 2095.488923214286 +2025-03-10 13:22:12,639 - INFO - CLOSED long at 2060.2 | PnL: -0.21% | $-0.56 +2025-03-10 13:22:12,680 - INFO - OPENED LONG at 2059.2 | Stop loss: 2048.889717857143 | Take profit: 2090.1094232142855 +2025-03-10 13:22:13,631 - INFO - CLOSED long at 2070.41 | PnL: 0.54% | $0.80 +2025-03-10 13:22:13,657 - INFO - OPENED LONG at 2073.49 | Stop loss: 2063.1082678571424 | Take profit: 2104.6137732142856 +2025-03-10 13:22:14,058 - INFO - TAKE PROFIT hit for long at 2104.6137732142856 | PnL: 1.50% | $2.55 +2025-03-10 13:22:14,080 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8280178571426 | Take profit: 2171.6545232142857 +2025-03-10 13:22:14,304 - INFO - STOP LOSS hit for long at 2128.8280178571426 | PnL: -0.50% | $-1.12 +2025-03-10 13:22:14,355 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.649217857143 | Take profit: 2159.230923214286 +2025-03-10 13:22:14,444 - INFO - CLOSED long at 2121.09 | PnL: -0.29% | $-0.72 +2025-03-10 13:22:14,445 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.7097321428573 | Take profit: 2089.2522267857144 +2025-03-10 13:22:14,464 - INFO - CLOSED short at 2120.15 | PnL: 0.04% | $-0.10 +2025-03-10 13:22:14,464 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.534967857143 | Take profit: 2151.9736732142856 +2025-03-10 13:22:14,572 - INFO - CLOSED long at 2119.14 | PnL: -0.05% | $-0.27 +2025-03-10 13:22:14,599 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.460367857143 | Take profit: 2150.8774732142856 +2025-03-10 13:22:14,657 - INFO - STOP LOSS hit for long at 2108.460367857143 | PnL: -0.50% | $-1.10 +2025-03-10 13:22:14,712 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032717857143 | Take profit: 2142.2804232142853 +2025-03-10 13:22:14,834 - INFO - CLOSED long at 2112.95 | PnL: 0.11% | $0.02 +2025-03-10 13:22:14,863 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.883417857143 | Take profit: 2144.168323214286 +2025-03-10 13:22:15,182 - INFO - STOP LOSS hit for long at 2101.883417857143 | PnL: -0.50% | $-1.08 +2025-03-10 13:22:15,252 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0180678571433 | Take profit: 2131.044373214286 +2025-03-10 13:22:15,806 - INFO - CLOSED long at 2094.08 | PnL: -0.26% | $-0.64 +2025-03-10 13:22:15,806 - INFO - OPENED SHORT at 2094.08 | Stop loss: 2104.5646821428572 | Take profit: 2062.647376785714 +2025-03-10 13:22:15,834 - INFO - CLOSED short at 2088.35 | PnL: 0.27% | $0.31 +2025-03-10 13:22:15,834 - INFO - OPENED LONG at 2088.35 | Stop loss: 2077.893967857143 | Take profit: 2119.6966732142855 +2025-03-10 13:22:16,259 - INFO - CLOSED long at 2084.72 | PnL: -0.17% | $-0.49 +2025-03-10 13:22:16,259 - INFO - OPENED SHORT at 2084.72 | Stop loss: 2095.1578821428566 | Take profit: 2053.427776785714 +2025-03-10 13:22:16,283 - INFO - CLOSED short at 2085.83 | PnL: -0.05% | $-0.27 +2025-03-10 13:22:16,283 - INFO - OPENED LONG at 2085.83 | Stop loss: 2075.386567857143 | Take profit: 2117.138873214286 +2025-03-10 13:22:16,745 - INFO - CLOSED long at 2097.11 | PnL: 0.54% | $0.78 +2025-03-10 13:22:16,772 - INFO - OPENED LONG at 2098.49 | Stop loss: 2087.9832678571424 | Take profit: 2129.9887732142856 +2025-03-10 13:22:16,838 - INFO - CLOSED long at 2099.73 | PnL: 0.06% | $-0.07 +2025-03-10 13:22:16,838 - INFO - OPENED SHORT at 2099.73 | Stop loss: 2110.2429321428567 | Take profit: 2068.2126267857143 +2025-03-10 13:22:16,864 - INFO - CLOSED short at 2106.15 | PnL: -0.31% | $-0.72 +2025-03-10 13:22:16,864 - INFO - OPENED LONG at 2106.15 | Stop loss: 2095.604967857143 | Take profit: 2137.763673214286 +2025-03-10 13:22:17,079 - INFO - CLOSED long at 2104.4 | PnL: -0.08% | $-0.32 +2025-03-10 13:22:17,105 - INFO - OPENED LONG at 2105.21 | Stop loss: 2094.669667857143 | Take profit: 2136.8095732142856 +2025-03-10 13:22:17,295 - INFO - CLOSED long at 2108.0 | PnL: 0.13% | $0.06 +2025-03-10 13:22:17,316 - INFO - OPENED LONG at 2112.28 | Stop loss: 2101.704317857143 | Take profit: 2143.985623214286 +2025-03-10 13:22:17,344 - INFO - Trade Analysis: Win Rate=19.0% in uptrends, 0.0% in downtrends | Avg Win=$0.38, Avg Loss=$-0.41 +2025-03-10 13:22:17,345 - INFO - Episode 0: Reward=-85.99, Balance=$88.37, Win Rate=27.9%, Trades=61, Episode PnL=$-7.55, Total PnL=$-11.63, Max Drawdown=11.7%, Pred Accuracy=97.1% +2025-03-10 13:22:17,495 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 13:22:17,495 - INFO - New best PnL model saved: $-7.55 +2025-03-10 13:22:17,644 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 13:22:17,646 - INFO - Checkpoint saved at episode 0 +2025-03-10 13:22:17,794 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 13:22:17,803 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2402, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 13:22:18,012 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.840167857143 | Take profit: 2081.898073214286 +2025-03-10 13:22:18,225 - INFO - CLOSED long at 2059.7 | PnL: 0.42% | $0.63 +2025-03-10 13:22:18,235 - INFO - OPENED SHORT at 2059.7 | Stop loss: 2070.012782142857 | Take profit: 2028.7830767857142 +2025-03-10 13:22:18,259 - INFO - CLOSED short at 2061.49 | PnL: -0.09% | $-0.37 +2025-03-10 13:22:18,259 - INFO - OPENED LONG at 2061.49 | Stop loss: 2051.168267857143 | Take profit: 2092.4337732142853 +2025-03-10 13:22:18,354 - INFO - CLOSED long at 2061.61 | PnL: 0.01% | $-0.19 +2025-03-10 13:22:18,354 - INFO - OPENED SHORT at 2061.61 | Stop loss: 2071.932332142857 | Take profit: 2030.6644267857146 +2025-03-10 13:22:18,382 - INFO - CLOSED short at 2064.69 | PnL: -0.15% | $-0.50 +2025-03-10 13:22:18,383 - INFO - OPENED LONG at 2064.69 | Stop loss: 2054.352267857143 | Take profit: 2095.681773214286 +2025-03-10 13:22:18,721 - INFO - CLOSED long at 2061.79 | PnL: -0.14% | $-0.48 +2025-03-10 13:22:18,722 - INFO - OPENED SHORT at 2061.79 | Stop loss: 2072.113232142857 | Take profit: 2030.8417267857142 +2025-03-10 13:22:18,744 - INFO - CLOSED short at 2061.18 | PnL: 0.03% | $-0.14 +2025-03-10 13:22:18,744 - INFO - OPENED LONG at 2061.18 | Stop loss: 2050.859817857143 | Take profit: 2092.1191232142855 +2025-03-10 13:22:18,967 - INFO - CLOSED long at 2069.6 | PnL: 0.41% | $0.61 +2025-03-10 13:22:18,967 - INFO - OPENED SHORT at 2069.6 | Stop loss: 2079.962282142857 | Take profit: 2038.534576785714 +2025-03-10 13:22:19,017 - INFO - CLOSED short at 2068.99 | PnL: 0.03% | $-0.14 +2025-03-10 13:22:19,017 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.630767857143 | Take profit: 2100.0462732142855 +2025-03-10 13:22:19,044 - INFO - CLOSED long at 2067.9 | PnL: -0.05% | $-0.30 +2025-03-10 13:22:19,044 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2537821428573 | Take profit: 2036.8600767857145 +2025-03-10 13:22:19,072 - INFO - CLOSED short at 2067.69 | PnL: 0.01% | $-0.18 +2025-03-10 13:22:19,072 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.337267857143 | Take profit: 2098.726773214286 +2025-03-10 13:22:19,098 - INFO - CLOSED long at 2070.26 | PnL: 0.12% | $0.05 +2025-03-10 13:22:19,098 - INFO - OPENED SHORT at 2070.26 | Stop loss: 2080.625582142857 | Take profit: 2039.1846767857144 +2025-03-10 13:22:19,129 - INFO - CLOSED short at 2071.44 | PnL: -0.06% | $-0.31 +2025-03-10 13:22:19,129 - INFO - OPENED LONG at 2071.44 | Stop loss: 2061.068517857143 | Take profit: 2102.533023214286 +2025-03-10 13:22:19,383 - INFO - CLOSED long at 2071.38 | PnL: -0.00% | $-0.20 +2025-03-10 13:22:19,383 - INFO - OPENED SHORT at 2071.38 | Stop loss: 2081.7511821428575 | Take profit: 2040.2878767857144 +2025-03-10 13:22:19,432 - INFO - CLOSED short at 2071.41 | PnL: -0.00% | $-0.20 +2025-03-10 13:22:19,432 - INFO - OPENED LONG at 2071.41 | Stop loss: 2061.0386678571426 | Take profit: 2102.502573214286 +2025-03-10 13:22:19,944 - INFO - CLOSED long at 2065.08 | PnL: -0.31% | $-0.79 +2025-03-10 13:22:19,944 - INFO - OPENED SHORT at 2065.08 | Stop loss: 2075.4196821428573 | Take profit: 2034.0823767857144 +2025-03-10 13:22:19,966 - INFO - CLOSED short at 2066.18 | PnL: -0.05% | $-0.30 +2025-03-10 13:22:19,966 - INFO - OPENED LONG at 2066.18 | Stop loss: 2055.8348178571428 | Take profit: 2097.194123214286 +2025-03-10 13:22:20,407 - INFO - CLOSED long at 2073.9 | PnL: 0.37% | $0.53 +2025-03-10 13:22:20,431 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.5461178571427 | Take profit: 2103.0202232142856 +2025-03-10 13:22:20,668 - INFO - CLOSED long at 2067.79 | PnL: -0.20% | $-0.58 +2025-03-10 13:22:20,695 - INFO - OPENED LONG at 2067.46 | Stop loss: 2057.1084178571427 | Take profit: 2098.4933232142857 +2025-03-10 13:22:20,810 - INFO - CLOSED long at 2067.89 | PnL: 0.02% | $-0.15 +2025-03-10 13:22:20,811 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.243732142857 | Take profit: 2036.8502267857143 +2025-03-10 13:22:20,844 - INFO - CLOSED short at 2068.58 | PnL: -0.03% | $-0.26 +2025-03-10 13:22:20,844 - INFO - OPENED LONG at 2068.58 | Stop loss: 2058.2228178571427 | Take profit: 2099.6301232142855 +2025-03-10 13:22:21,059 - INFO - CLOSED long at 2070.3 | PnL: 0.08% | $-0.03 +2025-03-10 13:22:21,083 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.217767857143 | Take profit: 2102.6852732142856 +2025-03-10 13:22:21,379 - INFO - CLOSED long at 2066.39 | PnL: -0.25% | $-0.67 +2025-03-10 13:22:21,420 - INFO - OPENED LONG at 2064.47 | Stop loss: 2054.1333678571427 | Take profit: 2095.4584732142857 +2025-03-10 13:22:21,616 - INFO - CLOSED long at 2065.26 | PnL: 0.04% | $-0.12 +2025-03-10 13:22:21,616 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.6005821428575 | Take profit: 2034.2596767857144 +2025-03-10 13:22:21,643 - INFO - CLOSED short at 2062.89 | PnL: 0.11% | $0.03 +2025-03-10 13:22:21,643 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.561267857143 | Take profit: 2093.8547732142856 +2025-03-10 13:22:22,274 - INFO - CLOSED long at 2061.8 | PnL: -0.05% | $-0.29 +2025-03-10 13:22:22,274 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.123282142857 | Take profit: 2030.8515767857143 +2025-03-10 13:22:22,298 - INFO - CLOSED short at 2064.7 | PnL: -0.14% | $-0.46 +2025-03-10 13:22:22,298 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.3622178571427 | Take profit: 2095.6919232142855 +2025-03-10 13:22:22,583 - INFO - CLOSED long at 2063.0 | PnL: -0.08% | $-0.34 +2025-03-10 13:22:22,611 - INFO - OPENED LONG at 2062.6 | Stop loss: 2052.2727178571427 | Take profit: 2093.5604232142855 +2025-03-10 13:22:22,951 - INFO - CLOSED long at 2054.83 | PnL: -0.38% | $-0.90 +2025-03-10 13:22:22,952 - INFO - OPENED SHORT at 2054.83 | Stop loss: 2065.118432142857 | Take profit: 2023.9861267857143 +2025-03-10 13:22:22,973 - INFO - CLOSED short at 2056.71 | PnL: -0.09% | $-0.36 +2025-03-10 13:22:22,973 - INFO - OPENED LONG at 2056.71 | Stop loss: 2046.412167857143 | Take profit: 2087.5820732142856 +2025-03-10 13:22:22,997 - INFO - CLOSED long at 2058.15 | PnL: 0.07% | $-0.06 +2025-03-10 13:22:23,021 - INFO - OPENED LONG at 2059.8 | Stop loss: 2049.486717857143 | Take profit: 2090.718423214286 +2025-03-10 13:22:23,168 - INFO - CLOSED long at 2066.36 | PnL: 0.32% | $0.41 +2025-03-10 13:22:23,168 - INFO - OPENED SHORT at 2066.36 | Stop loss: 2076.706082142857 | Take profit: 2035.3431767857144 +2025-03-10 13:22:23,196 - INFO - CLOSED short at 2066.01 | PnL: 0.02% | $-0.15 +2025-03-10 13:22:23,196 - INFO - OPENED LONG at 2066.01 | Stop loss: 2055.665667857143 | Take profit: 2097.021573214286 +2025-03-10 13:22:23,688 - INFO - CLOSED long at 2067.44 | PnL: 0.07% | $-0.06 +2025-03-10 13:22:23,718 - INFO - OPENED LONG at 2068.79 | Stop loss: 2058.431767857143 | Take profit: 2099.843273214286 +2025-03-10 13:22:23,758 - INFO - CLOSED long at 2071.49 | PnL: 0.13% | $0.06 +2025-03-10 13:22:23,759 - INFO - OPENED SHORT at 2071.49 | Stop loss: 2081.861732142857 | Take profit: 2040.3962267857141 +2025-03-10 13:22:23,775 - INFO - CLOSED short at 2069.87 | PnL: 0.08% | $-0.04 +2025-03-10 13:22:23,775 - INFO - OPENED LONG at 2069.87 | Stop loss: 2059.506367857143 | Take profit: 2100.9394732142855 +2025-03-10 13:22:24,017 - INFO - CLOSED long at 2067.53 | PnL: -0.11% | $-0.40 +2025-03-10 13:22:24,036 - INFO - OPENED LONG at 2065.29 | Stop loss: 2054.949267857143 | Take profit: 2096.2907732142858 +2025-03-10 13:22:24,349 - INFO - CLOSED long at 2070.61 | PnL: 0.26% | $0.29 +2025-03-10 13:22:24,349 - INFO - OPENED SHORT at 2070.61 | Stop loss: 2080.9773321428574 | Take profit: 2039.5294267857146 +2025-03-10 13:22:24,374 - INFO - CLOSED short at 2071.99 | PnL: -0.07% | $-0.31 +2025-03-10 13:22:24,375 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.6157678571426 | Take profit: 2103.0912732142856 +2025-03-10 13:22:24,482 - INFO - CLOSED long at 2071.61 | PnL: -0.02% | $-0.22 +2025-03-10 13:22:24,482 - INFO - OPENED SHORT at 2071.61 | Stop loss: 2081.9823321428576 | Take profit: 2040.5144267857145 +2025-03-10 13:22:24,507 - INFO - CLOSED short at 2074.37 | PnL: -0.13% | $-0.43 +2025-03-10 13:22:24,508 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.9838678571427 | Take profit: 2105.5069732142856 +2025-03-10 13:22:24,777 - INFO - CLOSED long at 2067.0 | PnL: -0.36% | $-0.84 +2025-03-10 13:22:24,777 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.349282142857 | Take profit: 2035.9735767857142 +2025-03-10 13:22:24,802 - INFO - CLOSED short at 2067.9 | PnL: -0.04% | $-0.26 +2025-03-10 13:22:24,802 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.546217857143 | Take profit: 2098.939923214286 +2025-03-10 13:22:24,843 - INFO - CLOSED long at 2066.89 | PnL: -0.05% | $-0.27 +2025-03-10 13:22:24,843 - INFO - OPENED SHORT at 2066.89 | Stop loss: 2077.238732142857 | Take profit: 2035.8652267857142 +2025-03-10 13:22:24,867 - INFO - CLOSED short at 2067.88 | PnL: -0.05% | $-0.27 +2025-03-10 13:22:24,867 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.526317857143 | Take profit: 2098.919623214286 +2025-03-10 13:22:25,315 - INFO - CLOSED long at 2065.06 | PnL: -0.14% | $-0.43 +2025-03-10 13:22:25,315 - INFO - OPENED SHORT at 2065.06 | Stop loss: 2075.399582142857 | Take profit: 2034.062676785714 +2025-03-10 13:22:25,454 - INFO - CLOSED short at 2066.33 | PnL: -0.06% | $-0.29 +2025-03-10 13:22:25,455 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.9840678571427 | Take profit: 2097.3463732142854 +2025-03-10 13:22:25,542 - INFO - CLOSED long at 2059.2 | PnL: -0.35% | $-0.80 +2025-03-10 13:22:25,543 - INFO - OPENED SHORT at 2059.2 | Stop loss: 2069.5102821428572 | Take profit: 2028.290576785714 +2025-03-10 13:22:25,605 - INFO - CLOSED short at 2056.77 | PnL: 0.12% | $0.03 +2025-03-10 13:22:25,664 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.949667857143 | Take profit: 2079.969573214286 +2025-03-10 13:22:25,701 - INFO - CLOSED long at 2049.5 | PnL: 0.01% | $-0.15 +2025-03-10 13:22:25,701 - INFO - OPENED SHORT at 2049.5 | Stop loss: 2059.761782142857 | Take profit: 2018.7360767857142 +2025-03-10 13:22:25,754 - INFO - CLOSED short at 2051.99 | PnL: -0.12% | $-0.39 +2025-03-10 13:22:25,754 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7157678571427 | Take profit: 2082.791273214286 +2025-03-10 13:22:25,936 - INFO - CLOSED long at 2063.9 | PnL: 0.58% | $0.85 +2025-03-10 13:22:25,937 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.233782142857 | Take profit: 2032.9200767857144 +2025-03-10 13:22:25,962 - INFO - CLOSED short at 2065.1 | PnL: -0.06% | $-0.28 +2025-03-10 13:22:25,963 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.760217857143 | Take profit: 2096.0979232142854 +2025-03-10 13:22:25,983 - INFO - CLOSED long at 2062.43 | PnL: -0.13% | $-0.41 +2025-03-10 13:22:25,983 - INFO - OPENED SHORT at 2062.43 | Stop loss: 2072.7564321428567 | Take profit: 2031.472126785714 +2025-03-10 13:22:26,026 - INFO - CLOSED short at 2065.12 | PnL: -0.13% | $-0.41 +2025-03-10 13:22:26,026 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.780117857143 | Take profit: 2096.1182232142855 +2025-03-10 13:22:26,047 - INFO - CLOSED long at 2068.33 | PnL: 0.16% | $0.10 +2025-03-10 13:22:26,047 - INFO - OPENED SHORT at 2068.33 | Stop loss: 2078.685932142857 | Take profit: 2037.2836267857142 +2025-03-10 13:22:26,098 - INFO - CLOSED short at 2067.49 | PnL: 0.04% | $-0.10 +2025-03-10 13:22:26,099 - INFO - OPENED LONG at 2067.49 | Stop loss: 2057.1382678571426 | Take profit: 2098.5237732142855 +2025-03-10 13:22:26,240 - INFO - CLOSED long at 2059.9 | PnL: -0.37% | $-0.82 +2025-03-10 13:22:26,273 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3822178571427 | Take profit: 2091.6319232142855 +2025-03-10 13:22:26,758 - INFO - TAKE PROFIT hit for long at 2091.6319232142855 | PnL: 1.50% | $2.45 +2025-03-10 13:22:26,816 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.106817857143 | Take profit: 2163.7781232142856 +2025-03-10 13:22:27,097 - INFO - CLOSED long at 2126.99 | PnL: -0.22% | $-0.58 +2025-03-10 13:22:27,140 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.032267857143 | Take profit: 2160.6417732142854 +2025-03-10 13:22:27,208 - INFO - STOP LOSS hit for long at 2118.032267857143 | PnL: -0.50% | $-1.07 +2025-03-10 13:22:27,230 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3160678571426 | Take profit: 2151.750373214286 +2025-03-10 13:22:27,435 - INFO - STOP LOSS hit for long at 2109.3160678571426 | PnL: -0.50% | $-1.06 +2025-03-10 13:22:27,463 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032717857143 | Take profit: 2142.2804232142853 +2025-03-10 13:22:27,528 - INFO - CLOSED long at 2112.95 | PnL: 0.11% | $0.02 +2025-03-10 13:22:27,552 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.883417857143 | Take profit: 2144.168323214286 +2025-03-10 13:22:27,673 - INFO - CLOSED long at 2114.8 | PnL: 0.11% | $0.02 +2025-03-10 13:22:27,673 - INFO - OPENED SHORT at 2114.8 | Stop loss: 2125.3882821428574 | Take profit: 2083.0565767857142 +2025-03-10 13:22:27,707 - INFO - CLOSED short at 2110.9 | PnL: 0.18% | $0.15 +2025-03-10 13:22:27,753 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.152167857143 | Take profit: 2140.362073214286 +2025-03-10 13:22:27,896 - INFO - STOP LOSS hit for long at 2098.152167857143 | PnL: -0.50% | $-1.05 +2025-03-10 13:22:27,921 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0180678571433 | Take profit: 2131.044373214286 +2025-03-10 13:22:28,183 - INFO - CLOSED long at 2103.86 | PnL: 0.21% | $0.18 +2025-03-10 13:22:28,214 - INFO - OPENED LONG at 2104.68 | Stop loss: 2094.1423178571426 | Take profit: 2136.2716232142857 +2025-03-10 13:22:28,353 - INFO - STOP LOSS hit for long at 2094.1423178571426 | PnL: -0.50% | $-1.04 +2025-03-10 13:22:28,382 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.849067857143 | Take profit: 2124.7513732142856 +2025-03-10 13:22:28,656 - INFO - STOP LOSS hit for long at 2082.849067857143 | PnL: -0.50% | $-1.03 +2025-03-10 13:22:28,685 - INFO - OPENED LONG at 2081.49 | Stop loss: 2071.068267857143 | Take profit: 2112.7337732142855 +2025-03-10 13:22:28,740 - INFO - CLOSED long at 2083.41 | PnL: 0.09% | $-0.01 +2025-03-10 13:22:28,740 - INFO - OPENED SHORT at 2083.41 | Stop loss: 2093.841332142857 | Take profit: 2052.137426785714 +2025-03-10 13:22:28,766 - INFO - CLOSED short at 2085.09 | PnL: -0.08% | $-0.30 +2025-03-10 13:22:28,766 - INFO - OPENED LONG at 2085.09 | Stop loss: 2074.650267857143 | Take profit: 2116.387773214286 +2025-03-10 13:22:28,809 - INFO - CLOSED long at 2086.57 | PnL: 0.07% | $-0.05 +2025-03-10 13:22:28,810 - INFO - OPENED SHORT at 2086.57 | Stop loss: 2097.017132142857 | Take profit: 2055.2500267857145 +2025-03-10 13:22:28,823 - INFO - CLOSED short at 2085.8 | PnL: 0.04% | $-0.11 +2025-03-10 13:22:28,823 - INFO - OPENED LONG at 2085.8 | Stop loss: 2075.356717857143 | Take profit: 2117.1084232142857 +2025-03-10 13:22:29,120 - INFO - CLOSED long at 2087.78 | PnL: 0.09% | $-0.01 +2025-03-10 13:22:29,120 - INFO - OPENED SHORT at 2087.78 | Stop loss: 2098.2331821428575 | Take profit: 2056.4418767857146 +2025-03-10 13:22:29,144 - INFO - CLOSED short at 2086.81 | PnL: 0.05% | $-0.09 +2025-03-10 13:22:29,144 - INFO - OPENED LONG at 2086.81 | Stop loss: 2076.361667857143 | Take profit: 2118.1335732142857 +2025-03-10 13:22:29,344 - INFO - CLOSED long at 2097.8 | PnL: 0.53% | $0.71 +2025-03-10 13:22:29,382 - INFO - OPENED LONG at 2099.99 | Stop loss: 2089.4757678571427 | Take profit: 2131.5112732142857 +2025-03-10 13:22:29,620 - INFO - CLOSED long at 2103.81 | PnL: 0.18% | $0.14 +2025-03-10 13:22:29,643 - INFO - OPENED LONG at 2103.07 | Stop loss: 2092.540367857143 | Take profit: 2134.637473214286 +2025-03-10 13:22:29,711 - INFO - CLOSED long at 2105.83 | PnL: 0.13% | $0.05 +2025-03-10 13:22:29,749 - INFO - OPENED LONG at 2103.64 | Stop loss: 2093.1075178571427 | Take profit: 2135.2160232142855 +2025-03-10 13:22:29,892 - INFO - CLOSED long at 2103.9 | PnL: 0.01% | $-0.15 +2025-03-10 13:22:29,892 - INFO - OPENED SHORT at 2103.9 | Stop loss: 2114.4337821428576 | Take profit: 2072.3200767857143 +2025-03-10 13:22:29,917 - INFO - CLOSED short at 2100.0 | PnL: 0.19% | $0.14 +2025-03-10 13:22:29,918 - INFO - OPENED LONG at 2100.0 | Stop loss: 2089.485717857143 | Take profit: 2131.5214232142857 +2025-03-10 13:22:30,182 - INFO - Trade Analysis: Win Rate=9.1% in uptrends, 0.0% in downtrends | Avg Win=$0.37, Avg Loss=$-0.38 +2025-03-10 13:22:30,182 - INFO - Episode 1: Reward=-70.52, Balance=$85.25, Win Rate=25.3%, Trades=79, Episode PnL=$-11.00, Total PnL=$-26.37, Max Drawdown=15.1%, Pred Accuracy=97.1% +2025-03-10 13:22:30,432 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6262678571427 | Take profit: 2080.659773214286 +2025-03-10 13:22:30,654 - INFO - CLOSED long at 2059.7 | PnL: 0.48% | $0.75 +2025-03-10 13:22:30,699 - INFO - OPENED LONG at 2061.49 | Stop loss: 2051.168267857143 | Take profit: 2092.4337732142853 +2025-03-10 13:22:31,094 - INFO - CLOSED long at 2057.94 | PnL: -0.17% | $-0.54 +2025-03-10 13:22:31,134 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.805167857143 | Take profit: 2089.003073214286 +2025-03-10 13:22:32,188 - INFO - CLOSED long at 2067.6 | PnL: 0.46% | $0.72 +2025-03-10 13:22:32,211 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.1581678571433 | Take profit: 2098.544073214286 +2025-03-10 13:22:32,821 - INFO - CLOSED long at 2073.11 | PnL: 0.27% | $0.34 +2025-03-10 13:22:32,855 - INFO - OPENED LONG at 2072.7 | Stop loss: 2062.3222178571427 | Take profit: 2103.8119232142853 +2025-03-10 13:22:32,873 - INFO - CLOSED long at 2072.15 | PnL: -0.03% | $-0.25 +2025-03-10 13:22:32,873 - INFO - OPENED SHORT at 2072.15 | Stop loss: 2082.5250321428575 | Take profit: 2041.0463267857142 +2025-03-10 13:22:32,900 - INFO - CLOSED short at 2074.29 | PnL: -0.10% | $-0.41 +2025-03-10 13:22:32,901 - INFO - OPENED LONG at 2074.29 | Stop loss: 2063.9042678571427 | Take profit: 2105.425773214286 +2025-03-10 13:22:33,036 - INFO - CLOSED long at 2069.35 | PnL: -0.24% | $-0.68 +2025-03-10 13:22:33,036 - INFO - OPENED SHORT at 2069.35 | Stop loss: 2079.7110321428568 | Take profit: 2038.2883267857142 +2025-03-10 13:22:33,070 - INFO - CLOSED short at 2068.32 | PnL: 0.05% | $-0.10 +2025-03-10 13:22:33,070 - INFO - OPENED LONG at 2068.32 | Stop loss: 2057.9641178571433 | Take profit: 2099.3662232142856 +2025-03-10 13:22:33,110 - INFO - CLOSED long at 2067.0 | PnL: -0.06% | $-0.32 +2025-03-10 13:22:33,179 - INFO - OPENED LONG at 2067.46 | Stop loss: 2057.1084178571427 | Take profit: 2098.4933232142857 +2025-03-10 13:22:33,785 - INFO - CLOSED long at 2066.1 | PnL: -0.07% | $-0.33 +2025-03-10 13:22:33,811 - INFO - OPENED LONG at 2065.28 | Stop loss: 2054.939317857143 | Take profit: 2096.2806232142857 +2025-03-10 13:22:33,888 - INFO - CLOSED long at 2070.04 | PnL: 0.23% | $0.26 +2025-03-10 13:22:33,933 - INFO - OPENED LONG at 2067.8 | Stop loss: 2057.446717857143 | Take profit: 2098.8384232142857 +2025-03-10 13:22:34,283 - INFO - CLOSED long at 2064.96 | PnL: -0.14% | $-0.47 +2025-03-10 13:22:34,363 - INFO - OPENED LONG at 2067.1 | Stop loss: 2056.7502178571426 | Take profit: 2098.1279232142856 +2025-03-10 13:22:34,487 - INFO - CLOSED long at 2064.08 | PnL: -0.15% | $-0.48 +2025-03-10 13:22:34,513 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.382167857143 | Take profit: 2093.672073214286 +2025-03-10 13:22:35,225 - INFO - CLOSED long at 2061.89 | PnL: -0.04% | $-0.27 +2025-03-10 13:22:35,225 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.213732142857 | Take profit: 2030.9402267857142 +2025-03-10 13:22:35,250 - INFO - CLOSED short at 2061.7 | PnL: 0.01% | $-0.18 +2025-03-10 13:22:35,251 - INFO - OPENED LONG at 2061.7 | Stop loss: 2051.3772178571426 | Take profit: 2092.6469232142854 +2025-03-10 13:22:35,297 - INFO - CLOSED long at 2061.09 | PnL: -0.03% | $-0.25 +2025-03-10 13:22:35,323 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.297667857143 | Take profit: 2090.5255732142855 +2025-03-10 13:22:35,364 - INFO - CLOSED long at 2059.02 | PnL: -0.03% | $-0.25 +2025-03-10 13:22:35,387 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.581267857143 | Take profit: 2089.7947732142857 +2025-03-10 13:22:35,533 - INFO - CLOSED long at 2056.28 | PnL: -0.13% | $-0.44 +2025-03-10 13:22:35,533 - INFO - OPENED SHORT at 2056.28 | Stop loss: 2066.575682142857 | Take profit: 2025.4143767857145 +2025-03-10 13:22:35,577 - INFO - CLOSED short at 2055.6 | PnL: 0.03% | $-0.13 +2025-03-10 13:22:35,577 - INFO - OPENED LONG at 2055.6 | Stop loss: 2045.3077178571427 | Take profit: 2086.4554232142855 +2025-03-10 13:22:35,722 - INFO - CLOSED long at 2059.8 | PnL: 0.20% | $0.20 +2025-03-10 13:22:35,722 - INFO - OPENED SHORT at 2059.8 | Stop loss: 2070.1132821428573 | Take profit: 2028.8815767857145 +2025-03-10 13:22:35,739 - INFO - CLOSED short at 2061.66 | PnL: -0.09% | $-0.37 +2025-03-10 13:22:35,766 - INFO - OPENED LONG at 2061.5 | Stop loss: 2051.178217857143 | Take profit: 2092.4439232142854 +2025-03-10 13:22:36,271 - INFO - CLOSED long at 2074.3 | PnL: 0.62% | $1.00 +2025-03-10 13:22:36,327 - INFO - OPENED LONG at 2078.01 | Stop loss: 2067.605667857143 | Take profit: 2109.201573214286 +2025-03-10 13:22:36,419 - INFO - CLOSED long at 2072.6 | PnL: -0.26% | $-0.70 +2025-03-10 13:22:36,419 - INFO - OPENED SHORT at 2072.6 | Stop loss: 2082.9772821428573 | Take profit: 2041.4895767857142 +2025-03-10 13:22:36,454 - INFO - CLOSED short at 2071.04 | PnL: 0.08% | $-0.05 +2025-03-10 13:22:36,455 - INFO - OPENED LONG at 2071.04 | Stop loss: 2060.670517857143 | Take profit: 2102.127023214286 +2025-03-10 13:22:36,474 - INFO - CLOSED long at 2070.01 | PnL: -0.05% | $-0.29 +2025-03-10 13:22:36,474 - INFO - OPENED SHORT at 2070.01 | Stop loss: 2080.3743321428574 | Take profit: 2038.9384267857145 +2025-03-10 13:22:36,519 - INFO - CLOSED short at 2073.23 | PnL: -0.16% | $-0.49 +2025-03-10 13:22:36,520 - INFO - OPENED LONG at 2073.23 | Stop loss: 2062.849567857143 | Take profit: 2104.3498732142857 +2025-03-10 13:22:36,874 - INFO - CLOSED long at 2065.7 | PnL: -0.36% | $-0.89 +2025-03-10 13:22:36,902 - INFO - OPENED LONG at 2065.66 | Stop loss: 2055.3174178571426 | Take profit: 2096.6663232142855 +2025-03-10 13:22:37,416 - INFO - CLOSED long at 2070.8 | PnL: 0.25% | $0.28 +2025-03-10 13:22:37,439 - INFO - OPENED LONG at 2070.35 | Stop loss: 2059.983967857143 | Take profit: 2101.4266732142855 +2025-03-10 13:22:37,991 - INFO - CLOSED long at 2074.0 | PnL: 0.18% | $0.14 +2025-03-10 13:22:37,991 - INFO - OPENED SHORT at 2074.0 | Stop loss: 2084.384282142857 | Take profit: 2042.8685767857144 +2025-03-10 13:22:38,044 - INFO - CLOSED short at 2072.09 | PnL: 0.09% | $-0.02 +2025-03-10 13:22:38,044 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.715267857143 | Take profit: 2103.1927732142863 +2025-03-10 13:22:38,477 - INFO - CLOSED long at 2065.8 | PnL: -0.30% | $-0.77 +2025-03-10 13:22:38,477 - INFO - OPENED SHORT at 2065.8 | Stop loss: 2076.1432821428575 | Take profit: 2034.7915767857146 +2025-03-10 13:22:38,501 - INFO - CLOSED short at 2065.07 | PnL: 0.04% | $-0.12 +2025-03-10 13:22:38,501 - INFO - OPENED LONG at 2065.07 | Stop loss: 2054.730367857143 | Take profit: 2096.067473214286 +2025-03-10 13:22:38,972 - INFO - STOP LOSS hit for long at 2054.730367857143 | PnL: -0.50% | $-1.13 +2025-03-10 13:22:38,996 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.949667857143 | Take profit: 2079.969573214286 +2025-03-10 13:22:39,516 - INFO - CLOSED long at 2059.9 | PnL: 0.52% | $0.79 +2025-03-10 13:22:39,555 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3822178571427 | Take profit: 2091.6319232142855 +2025-03-10 13:22:39,651 - INFO - CLOSED long at 2065.72 | PnL: 0.24% | $0.27 +2025-03-10 13:22:39,651 - INFO - OPENED SHORT at 2065.72 | Stop loss: 2076.062882142857 | Take profit: 2034.7127767857141 +2025-03-10 13:22:39,679 - INFO - CLOSED short at 2070.31 | PnL: -0.22% | $-0.61 +2025-03-10 13:22:39,679 - INFO - OPENED LONG at 2070.31 | Stop loss: 2059.944167857143 | Take profit: 2101.3860732142857 +2025-03-10 13:22:39,777 - INFO - CLOSED long at 2073.49 | PnL: 0.15% | $0.10 +2025-03-10 13:22:39,797 - INFO - OPENED LONG at 2074.05 | Stop loss: 2063.665467857143 | Take profit: 2105.1821732142857 +2025-03-10 13:22:39,823 - INFO - CLOSED long at 2072.99 | PnL: -0.05% | $-0.28 +2025-03-10 13:22:39,823 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.369232142857 | Take profit: 2041.873726785714 +2025-03-10 13:22:39,848 - INFO - CLOSED short at 2071.89 | PnL: 0.05% | $-0.09 +2025-03-10 13:22:39,889 - INFO - OPENED LONG at 2071.8 | Stop loss: 2061.426717857143 | Take profit: 2102.8984232142857 +2025-03-10 13:22:40,089 - INFO - TAKE PROFIT hit for long at 2102.8984232142857 | PnL: 1.50% | $2.61 +2025-03-10 13:22:40,112 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.0322178571428 | Take profit: 2162.6819232142857 +2025-03-10 13:22:40,156 - INFO - CLOSED long at 2131.78 | PnL: 0.05% | $-0.09 +2025-03-10 13:22:40,156 - INFO - OPENED SHORT at 2131.78 | Stop loss: 2142.4531821428573 | Take profit: 2099.7818767857143 +2025-03-10 13:22:40,184 - INFO - CLOSED short at 2133.95 | PnL: -0.10% | $-0.39 +2025-03-10 13:22:40,184 - INFO - OPENED LONG at 2133.95 | Stop loss: 2123.2659678571426 | Take profit: 2165.9806732142856 +2025-03-10 13:22:40,497 - INFO - STOP LOSS hit for long at 2123.2659678571426 | PnL: -0.50% | $-1.15 +2025-03-10 13:22:40,523 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.534967857143 | Take profit: 2151.9736732142856 +2025-03-10 13:22:40,741 - INFO - STOP LOSS hit for long at 2109.534967857143 | PnL: -0.50% | $-1.13 +2025-03-10 13:22:40,782 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032717857143 | Take profit: 2142.2804232142853 +2025-03-10 13:22:41,172 - INFO - CLOSED long at 2103.33 | PnL: -0.34% | $-0.83 +2025-03-10 13:22:41,208 - INFO - OPENED LONG at 2100.5 | Stop loss: 2089.983217857143 | Take profit: 2132.028923214286 +2025-03-10 13:22:41,351 - INFO - CLOSED long at 2099.25 | PnL: -0.06% | $-0.29 +2025-03-10 13:22:41,376 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.3912178571427 | Take profit: 2130.4049232142856 +2025-03-10 13:22:41,649 - INFO - CLOSED long at 2100.02 | PnL: 0.05% | $-0.09 +2025-03-10 13:22:41,672 - INFO - OPENED LONG at 2098.39 | Stop loss: 2087.8837678571426 | Take profit: 2129.887273214286 +2025-03-10 13:22:41,880 - INFO - STOP LOSS hit for long at 2087.8837678571426 | PnL: -0.50% | $-1.10 +2025-03-10 13:22:41,920 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.983517857143 | Take profit: 2119.7880232142857 +2025-03-10 13:22:42,803 - INFO - CLOSED long at 2101.64 | PnL: 0.63% | $0.97 +2025-03-10 13:22:42,803 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1624821428572 | Take profit: 2070.0939767857144 +2025-03-10 13:22:42,840 - INFO - CLOSED short at 2097.11 | PnL: 0.22% | $0.21 +2025-03-10 13:22:42,841 - INFO - OPENED LONG at 2097.11 | Stop loss: 2086.610167857143 | Take profit: 2128.588073214286 +2025-03-10 13:22:42,881 - INFO - CLOSED long at 2099.89 | PnL: 0.13% | $0.06 +2025-03-10 13:22:42,926 - INFO - OPENED LONG at 2099.73 | Stop loss: 2089.217067857143 | Take profit: 2131.2473732142857 +2025-03-10 13:22:42,993 - INFO - CLOSED long at 2104.93 | PnL: 0.25% | $0.27 +2025-03-10 13:22:42,994 - INFO - OPENED SHORT at 2104.93 | Stop loss: 2115.468932142857 | Take profit: 2073.334626785714 +2025-03-10 13:22:43,021 - INFO - CLOSED short at 2103.81 | PnL: 0.05% | $-0.09 +2025-03-10 13:22:43,021 - INFO - OPENED LONG at 2103.81 | Stop loss: 2093.276667857143 | Take profit: 2135.3885732142858 +2025-03-10 13:22:43,345 - INFO - CLOSED long at 2100.0 | PnL: -0.18% | $-0.52 +2025-03-10 13:22:43,345 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.514282142857 | Take profit: 2068.4785767857143 +2025-03-10 13:22:43,369 - INFO - CLOSED short at 2102.7 | PnL: -0.13% | $-0.42 +2025-03-10 13:22:43,369 - INFO - OPENED LONG at 2102.7 | Stop loss: 2092.1722178571426 | Take profit: 2134.261923214285 +2025-03-10 13:22:43,624 - INFO - Trade Analysis: Win Rate=11.1% in uptrends, 0.0% in downtrends | Avg Win=$0.56, Avg Loss=$-0.44 +2025-03-10 13:22:43,625 - INFO - Episode 2: Reward=-41.83, Balance=$91.98, Win Rate=29.1%, Trades=55, Episode PnL=$-5.58, Total PnL=$-34.40, Max Drawdown=9.7%, Pred Accuracy=97.2% +2025-03-10 13:22:43,776 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 13:22:43,776 - INFO - New best PnL model saved: $-5.58 +2025-03-10 13:22:43,957 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6262678571427 | Take profit: 2080.659773214286 +2025-03-10 13:22:44,049 - INFO - CLOSED long at 2052.3 | PnL: 0.12% | $0.03 +2025-03-10 13:22:44,137 - INFO - OPENED LONG at 2058.39 | Stop loss: 2048.0837678571424 | Take profit: 2089.2872732142855 +2025-03-10 13:22:44,494 - INFO - CLOSED long at 2061.89 | PnL: 0.17% | $0.14 +2025-03-10 13:22:44,513 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.561267857143 | Take profit: 2093.8547732142856 +2025-03-10 13:22:44,821 - INFO - CLOSED long at 2065.86 | PnL: 0.14% | $0.09 +2025-03-10 13:22:44,855 - INFO - OPENED LONG at 2070.58 | Stop loss: 2060.212817857143 | Take profit: 2101.6601232142857 +2025-03-10 13:22:44,897 - INFO - CLOSED long at 2068.29 | PnL: -0.11% | $-0.42 +2025-03-10 13:22:44,897 - INFO - OPENED SHORT at 2068.29 | Stop loss: 2078.645732142857 | Take profit: 2037.2442267857143 +2025-03-10 13:22:44,921 - INFO - CLOSED short at 2067.89 | PnL: 0.02% | $-0.16 +2025-03-10 13:22:44,922 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.536267857143 | Take profit: 2098.9297732142854 +2025-03-10 13:22:45,349 - INFO - CLOSED long at 2069.37 | PnL: 0.07% | $-0.06 +2025-03-10 13:22:45,373 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.531217857143 | Take profit: 2101.984923214286 +2025-03-10 13:22:46,107 - INFO - CLOSED long at 2069.7 | PnL: -0.06% | $-0.31 +2025-03-10 13:22:46,131 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.033717857143 | Take profit: 2101.477423214286 +2025-03-10 13:22:46,439 - INFO - CLOSED long at 2073.9 | PnL: 0.17% | $0.14 +2025-03-10 13:22:46,439 - INFO - OPENED SHORT at 2073.9 | Stop loss: 2084.2837821428575 | Take profit: 2042.7700767857145 +2025-03-10 13:22:46,465 - INFO - CLOSED short at 2071.92 | PnL: 0.10% | $-0.01 +2025-03-10 13:22:46,465 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.5461178571427 | Take profit: 2103.0202232142856 +2025-03-10 13:22:46,553 - INFO - CLOSED long at 2069.35 | PnL: -0.12% | $-0.44 +2025-03-10 13:22:46,553 - INFO - OPENED SHORT at 2069.35 | Stop loss: 2079.7110321428568 | Take profit: 2038.2883267857142 +2025-03-10 13:22:46,575 - INFO - CLOSED short at 2068.32 | PnL: 0.05% | $-0.10 +2025-03-10 13:22:46,575 - INFO - OPENED LONG at 2068.32 | Stop loss: 2057.9641178571433 | Take profit: 2099.3662232142856 +2025-03-10 13:22:46,615 - INFO - CLOSED long at 2067.79 | PnL: -0.03% | $-0.25 +2025-03-10 13:22:46,638 - INFO - OPENED LONG at 2067.46 | Stop loss: 2057.1084178571427 | Take profit: 2098.4933232142857 +2025-03-10 13:22:46,852 - INFO - CLOSED long at 2068.8 | PnL: 0.06% | $-0.07 +2025-03-10 13:22:46,852 - INFO - OPENED SHORT at 2068.8 | Stop loss: 2079.1582821428574 | Take profit: 2037.7465767857143 +2025-03-10 13:22:46,879 - INFO - CLOSED short at 2069.34 | PnL: -0.03% | $-0.25 +2025-03-10 13:22:46,880 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.979017857143 | Take profit: 2100.401523214286 +2025-03-10 13:22:47,215 - INFO - CLOSED long at 2067.86 | PnL: -0.07% | $-0.34 +2025-03-10 13:22:47,215 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.2135821428574 | Take profit: 2036.8206767857146 +2025-03-10 13:22:47,251 - INFO - CLOSED short at 2066.4 | PnL: 0.07% | $-0.06 +2025-03-10 13:22:47,251 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.053717857143 | Take profit: 2097.417423214286 +2025-03-10 13:22:48,417 - INFO - CLOSED long at 2061.9 | PnL: -0.22% | $-0.62 +2025-03-10 13:22:48,417 - INFO - OPENED SHORT at 2061.9 | Stop loss: 2072.223782142857 | Take profit: 2030.9500767857144 +2025-03-10 13:22:48,498 - INFO - CLOSED short at 2064.33 | PnL: -0.12% | $-0.42 +2025-03-10 13:22:48,498 - INFO - OPENED LONG at 2064.33 | Stop loss: 2053.994067857143 | Take profit: 2095.3163732142857 +2025-03-10 13:22:48,925 - INFO - CLOSED long at 2058.89 | PnL: -0.26% | $-0.70 +2025-03-10 13:22:48,925 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.198732142857 | Take profit: 2027.985226785714 +2025-03-10 13:22:48,950 - INFO - CLOSED short at 2059.96 | PnL: -0.05% | $-0.29 +2025-03-10 13:22:48,950 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.6459178571426 | Take profit: 2090.8808232142856 +2025-03-10 13:22:49,030 - INFO - CLOSED long at 2058.28 | PnL: -0.08% | $-0.35 +2025-03-10 13:22:49,030 - INFO - OPENED SHORT at 2058.28 | Stop loss: 2068.5856821428574 | Take profit: 2027.3843767857145 +2025-03-10 13:22:49,073 - INFO - CLOSED short at 2056.28 | PnL: 0.10% | $-0.01 +2025-03-10 13:22:49,073 - INFO - OPENED LONG at 2056.28 | Stop loss: 2045.9843178571432 | Take profit: 2087.145623214286 +2025-03-10 13:22:49,531 - INFO - CLOSED long at 2066.33 | PnL: 0.49% | $0.74 +2025-03-10 13:22:49,576 - INFO - OPENED LONG at 2066.34 | Stop loss: 2055.994017857143 | Take profit: 2097.3565232142855 +2025-03-10 13:22:50,666 - INFO - CLOSED long at 2068.59 | PnL: 0.11% | $0.02 +2025-03-10 13:22:50,666 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.9472321428575 | Take profit: 2037.5397267857143 +2025-03-10 13:22:50,713 - INFO - CLOSED short at 2071.59 | PnL: -0.15% | $-0.47 +2025-03-10 13:22:50,713 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.217767857143 | Take profit: 2102.6852732142856 +2025-03-10 13:22:50,751 - INFO - CLOSED long at 2070.2 | PnL: -0.07% | $-0.32 +2025-03-10 13:22:50,827 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.531217857143 | Take profit: 2101.984923214286 +2025-03-10 13:22:50,900 - INFO - CLOSED long at 2070.8 | PnL: -0.00% | $-0.20 +2025-03-10 13:22:50,901 - INFO - OPENED SHORT at 2070.8 | Stop loss: 2081.1682821428576 | Take profit: 2039.7165767857143 +2025-03-10 13:22:50,921 - INFO - CLOSED short at 2070.35 | PnL: 0.02% | $-0.15 +2025-03-10 13:22:50,922 - INFO - OPENED LONG at 2070.35 | Stop loss: 2059.983967857143 | Take profit: 2101.4266732142855 +2025-03-10 13:22:51,004 - INFO - CLOSED long at 2068.67 | PnL: -0.08% | $-0.34 +2025-03-10 13:22:51,004 - INFO - OPENED SHORT at 2068.67 | Stop loss: 2079.0276321428573 | Take profit: 2037.6185267857143 +2025-03-10 13:22:51,059 - INFO - CLOSED short at 2069.78 | PnL: -0.05% | $-0.29 +2025-03-10 13:22:51,059 - INFO - OPENED LONG at 2069.78 | Stop loss: 2059.416817857143 | Take profit: 2100.8481232142863 +2025-03-10 13:22:51,239 - INFO - CLOSED long at 2073.27 | PnL: 0.17% | $0.13 +2025-03-10 13:22:51,263 - INFO - OPENED LONG at 2073.99 | Stop loss: 2063.605767857143 | Take profit: 2105.121273214286 +2025-03-10 13:22:51,977 - INFO - CLOSED long at 2065.07 | PnL: -0.43% | $-1.00 +2025-03-10 13:22:51,977 - INFO - OPENED SHORT at 2065.07 | Stop loss: 2075.4096321428574 | Take profit: 2034.0725267857144 +2025-03-10 13:22:52,039 - INFO - CLOSED short at 2066.09 | PnL: -0.05% | $-0.28 +2025-03-10 13:22:52,039 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.745267857143 | Take profit: 2097.102773214286 +2025-03-10 13:22:52,471 - INFO - STOP LOSS hit for long at 2055.745267857143 | PnL: -0.50% | $-1.11 +2025-03-10 13:22:52,498 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.949667857143 | Take profit: 2079.969573214286 +2025-03-10 13:22:52,580 - INFO - CLOSED long at 2056.85 | PnL: 0.37% | $0.50 +2025-03-10 13:22:52,580 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.1485321428568 | Take profit: 2025.9758267857142 +2025-03-10 13:22:52,606 - INFO - CLOSED short at 2057.11 | PnL: -0.01% | $-0.21 +2025-03-10 13:22:52,608 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.8101678571431 | Take profit: 2087.9880732142856 +2025-03-10 13:22:52,963 - INFO - CLOSED long at 2059.9 | PnL: 0.14% | $0.07 +2025-03-10 13:22:52,982 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3822178571427 | Take profit: 2091.6319232142855 +2025-03-10 13:22:53,007 - INFO - CLOSED long at 2061.84 | PnL: 0.06% | $-0.08 +2025-03-10 13:22:53,023 - INFO - OPENED LONG at 2062.54 | Stop loss: 2052.213017857143 | Take profit: 2093.499523214286 +2025-03-10 13:22:53,500 - INFO - TAKE PROFIT hit for long at 2093.499523214286 | PnL: 1.50% | $2.58 +2025-03-10 13:22:53,541 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.0322178571428 | Take profit: 2162.6819232142857 +2025-03-10 13:26:48,974 - INFO - STOP LOSS hit for long at 2120.0322178571428 | PnL: -0.50% | $-1.14 +2025-03-10 13:26:49,000 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3160678571426 | Take profit: 2151.750373214286 +2025-03-10 13:26:49,175 - INFO - STOP LOSS hit for long at 2109.3160678571426 | PnL: -0.50% | $-1.12 +2025-03-10 13:26:49,207 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032717857143 | Take profit: 2142.2804232142853 +2025-03-10 13:26:49,380 - INFO - CLOSED long at 2112.99 | PnL: 0.11% | $0.02 +2025-03-10 13:26:49,381 - INFO - OPENED SHORT at 2112.99 | Stop loss: 2123.569232142857 | Take profit: 2081.273726785714 +2025-03-10 13:26:49,407 - INFO - CLOSED short at 2120.81 | PnL: -0.37% | $-0.87 +2025-03-10 13:26:49,408 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.191667857143 | Take profit: 2152.6435732142854 +2025-03-10 13:26:49,518 - INFO - STOP LOSS hit for long at 2110.191667857143 | PnL: -0.50% | $-1.10 +2025-03-10 13:26:49,558 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.9432678571425 | Take profit: 2138.1087732142855 +2025-03-10 13:26:49,864 - INFO - STOP LOSS hit for long at 2095.9432678571425 | PnL: -0.50% | $-1.09 +2025-03-10 13:26:49,891 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0180678571433 | Take profit: 2131.044373214286 +2025-03-10 13:26:50,352 - INFO - CLOSED long at 2101.51 | PnL: 0.09% | $-0.01 +2025-03-10 13:26:50,352 - INFO - OPENED SHORT at 2101.51 | Stop loss: 2112.031832142857 | Take profit: 2069.9659267857146 +2025-03-10 13:26:50,384 - INFO - CLOSED short at 2099.59 | PnL: 0.09% | $-0.02 +2025-03-10 13:26:50,385 - INFO - OPENED LONG at 2099.59 | Stop loss: 2089.077767857143 | Take profit: 2131.105273214286 +2025-03-10 13:26:50,502 - INFO - CLOSED long at 2095.29 | PnL: -0.20% | $-0.54 +2025-03-10 13:26:50,503 - INFO - OPENED SHORT at 2095.29 | Stop loss: 2105.7807321428572 | Take profit: 2063.8392267857143 +2025-03-10 13:26:50,566 - INFO - CLOSED short at 2093.46 | PnL: 0.09% | $-0.02 +2025-03-10 13:26:50,567 - INFO - OPENED LONG at 2093.46 | Stop loss: 2082.9784178571426 | Take profit: 2124.883323214286 +2025-03-10 13:26:50,689 - INFO - CLOSED long at 2091.1 | PnL: -0.11% | $-0.38 +2025-03-10 13:26:50,721 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.2321178571424 | Take profit: 2126.1622232142854 +2025-03-10 13:26:50,750 - INFO - CLOSED long at 2094.08 | PnL: -0.03% | $-0.23 +2025-03-10 13:26:50,750 - INFO - OPENED SHORT at 2094.08 | Stop loss: 2104.5646821428572 | Take profit: 2062.647376785714 +2025-03-10 13:26:50,782 - INFO - CLOSED short at 2088.35 | PnL: 0.27% | $0.31 +2025-03-10 13:26:50,782 - INFO - OPENED LONG at 2088.35 | Stop loss: 2077.893967857143 | Take profit: 2119.6966732142855 +2025-03-10 13:26:51,095 - INFO - CLOSED long at 2081.25 | PnL: -0.34% | $-0.78 +2025-03-10 13:26:51,096 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.670532142857 | Take profit: 2050.0098267857143 +2025-03-10 13:26:51,130 - INFO - CLOSED short at 2083.41 | PnL: -0.10% | $-0.36 +2025-03-10 13:26:51,131 - INFO - OPENED LONG at 2083.41 | Stop loss: 2072.9786678571427 | Take profit: 2114.6825732142856 +2025-03-10 13:26:51,636 - INFO - CLOSED long at 2086.81 | PnL: 0.16% | $0.11 +2025-03-10 13:26:51,671 - INFO - OPENED LONG at 2089.79 | Stop loss: 2079.326767857143 | Take profit: 2121.1582732142856 +2025-03-10 13:26:51,943 - INFO - CLOSED long at 2101.64 | PnL: 0.57% | $0.82 +2025-03-10 13:26:51,944 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1624821428572 | Take profit: 2070.0939767857144 +2025-03-10 13:26:51,969 - INFO - CLOSED short at 2097.11 | PnL: 0.22% | $0.20 +2025-03-10 13:26:51,969 - INFO - OPENED LONG at 2097.11 | Stop loss: 2086.610167857143 | Take profit: 2128.588073214286 +2025-03-10 13:26:52,114 - INFO - CLOSED long at 2103.48 | PnL: 0.30% | $0.36 +2025-03-10 13:26:52,142 - INFO - OPENED LONG at 2104.93 | Stop loss: 2094.391067857143 | Take profit: 2136.5253732142855 +2025-03-10 13:26:52,324 - INFO - CLOSED long at 2104.4 | PnL: -0.03% | $-0.22 +2025-03-10 13:26:52,352 - INFO - OPENED LONG at 2105.21 | Stop loss: 2094.669667857143 | Take profit: 2136.8095732142856 +2025-03-10 13:26:52,615 - INFO - CLOSED long at 2112.28 | PnL: 0.34% | $0.42 +2025-03-10 13:26:52,615 - INFO - OPENED SHORT at 2112.28 | Stop loss: 2122.855682142857 | Take profit: 2080.5743767857143 +2025-03-10 13:26:52,641 - INFO - Trade Analysis: Win Rate=12.0% in uptrends, 0.0% in downtrends | Avg Win=$0.39, Avg Loss=$-0.40 +2025-03-10 13:26:52,641 - INFO - Episode 3: Reward=-47.00, Balance=$89.52, Win Rate=28.3%, Trades=60, Episode PnL=$-6.36, Total PnL=$-44.88, Max Drawdown=12.3%, Pred Accuracy=97.2% +2025-03-10 13:26:52,893 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6262678571427 | Take profit: 2080.659773214286 +2025-03-10 13:26:53,040 - INFO - CLOSED long at 2057.01 | PnL: 0.35% | $0.49 +2025-03-10 13:26:53,066 - INFO - OPENED LONG at 2056.89 | Stop loss: 2046.5912678571426 | Take profit: 2087.764773214286 +2025-03-10 13:26:53,282 - INFO - CLOSED long at 2063.01 | PnL: 0.30% | $0.39 +2025-03-10 13:26:53,283 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.3393321428575 | Take profit: 2032.0434267857145 +2025-03-10 13:26:53,326 - INFO - CLOSED short at 2058.3 | PnL: 0.23% | $0.26 +2025-03-10 13:26:53,327 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.994217857143 | Take profit: 2089.195923214286 +2025-03-10 13:26:53,349 - INFO - CLOSED long at 2060.0 | PnL: 0.08% | $-0.03 +2025-03-10 13:26:53,375 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.566267857143 | Take profit: 2092.8397732142857 +2025-03-10 13:26:53,448 - INFO - CLOSED long at 2059.49 | PnL: -0.12% | $-0.43 +2025-03-10 13:26:53,448 - INFO - OPENED SHORT at 2059.49 | Stop loss: 2069.801732142857 | Take profit: 2028.5762267857142 +2025-03-10 13:26:53,474 - INFO - CLOSED short at 2057.8 | PnL: 0.08% | $-0.04 +2025-03-10 13:26:53,474 - INFO - OPENED LONG at 2057.8 | Stop loss: 2047.496717857143 | Take profit: 2088.688423214286 +2025-03-10 13:26:54,053 - INFO - CLOSED long at 2072.33 | PnL: 0.71% | $1.21 +2025-03-10 13:26:54,078 - INFO - OPENED LONG at 2071.38 | Stop loss: 2061.008817857143 | Take profit: 2102.472123214286 +2025-03-10 13:26:54,174 - INFO - CLOSED long at 2072.8 | PnL: 0.07% | $-0.06 +2025-03-10 13:26:54,226 - INFO - OPENED LONG at 2070.28 | Stop loss: 2059.914317857143 | Take profit: 2101.3556232142855 +2025-03-10 13:26:54,347 - INFO - CLOSED long at 2070.7 | PnL: 0.02% | $-0.16 +2025-03-10 13:26:54,398 - INFO - OPENED LONG at 2069.19 | Stop loss: 2058.829767857143 | Take profit: 2100.2492732142855 +2025-03-10 13:26:55,012 - INFO - CLOSED long at 2071.4 | PnL: 0.11% | $0.01 +2025-03-10 13:26:55,050 - INFO - OPENED SHORT at 2071.39 | Stop loss: 2081.761232142857 | Take profit: 2040.297726785714 +2025-03-10 13:26:55,127 - INFO - CLOSED short at 2071.36 | PnL: 0.00% | $-0.20 +2025-03-10 13:26:55,127 - INFO - OPENED LONG at 2071.36 | Stop loss: 2060.988917857143 | Take profit: 2102.451823214286 +2025-03-10 13:26:55,185 - INFO - CLOSED long at 2072.75 | PnL: 0.07% | $-0.07 +2025-03-10 13:26:55,266 - INFO - OPENED LONG at 2072.7 | Stop loss: 2062.3222178571427 | Take profit: 2103.8119232142853 +2025-03-10 13:26:55,425 - INFO - CLOSED long at 2069.46 | PnL: -0.16% | $-0.52 +2025-03-10 13:26:55,425 - INFO - OPENED SHORT at 2069.46 | Stop loss: 2079.821582142857 | Take profit: 2038.3966767857144 +2025-03-10 13:26:55,483 - INFO - CLOSED short at 2069.35 | PnL: 0.01% | $-0.19 +2025-03-10 13:26:55,483 - INFO - OPENED LONG at 2069.35 | Stop loss: 2058.988967857143 | Take profit: 2100.4116732142857 +2025-03-10 13:26:55,642 - INFO - CLOSED long at 2067.46 | PnL: -0.09% | $-0.38 +2025-03-10 13:26:55,642 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.8115821428573 | Take profit: 2036.4266767857143 +2025-03-10 13:26:55,696 - INFO - CLOSED short at 2065.49 | PnL: 0.10% | $-0.01 +2025-03-10 13:26:55,697 - INFO - OPENED LONG at 2065.49 | Stop loss: 2055.1482678571424 | Take profit: 2096.4937732142857 +2025-03-10 13:26:55,962 - INFO - CLOSED long at 2067.59 | PnL: 0.10% | $0.00 +2025-03-10 13:26:56,020 - INFO - OPENED LONG at 2069.2 | Stop loss: 2058.8397178571427 | Take profit: 2100.2594232142856 +2025-03-10 13:26:56,096 - INFO - CLOSED long at 2070.7 | PnL: 0.07% | $-0.05 +2025-03-10 13:26:56,124 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.033717857143 | Take profit: 2101.477423214286 +2025-03-10 13:26:56,880 - INFO - STOP LOSS hit for long at 2060.033717857143 | PnL: -0.50% | $-1.20 +2025-03-10 13:26:56,909 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.979217857143 | Take profit: 2092.240923214286 +2025-03-10 13:26:57,045 - INFO - CLOSED long at 2066.09 | PnL: 0.23% | $0.26 +2025-03-10 13:26:57,116 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.1134678571425 | Take profit: 2095.4381732142856 +2025-03-10 13:26:57,338 - INFO - CLOSED long at 2061.6 | PnL: -0.14% | $-0.47 +2025-03-10 13:26:57,363 - INFO - OPENED LONG at 2060.9 | Stop loss: 2050.5812178571427 | Take profit: 2091.834923214286 +2025-03-10 13:26:58,206 - INFO - CLOSED long at 2059.61 | PnL: -0.06% | $-0.32 +2025-03-10 13:26:58,336 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.581267857143 | Take profit: 2089.7947732142857 +2025-03-10 13:26:58,842 - INFO - CLOSED long at 2061.3 | PnL: 0.12% | $0.03 +2025-03-10 13:26:58,843 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6207821428575 | Take profit: 2030.3590767857145 +2025-03-10 13:26:58,877 - INFO - CLOSED short at 2062.69 | PnL: -0.07% | $-0.33 +2025-03-10 13:26:58,877 - INFO - OPENED LONG at 2062.69 | Stop loss: 2052.362267857143 | Take profit: 2093.6517732142856 +2025-03-10 13:26:59,015 - INFO - CLOSED long at 2066.33 | PnL: 0.18% | $0.15 +2025-03-10 13:26:59,015 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6759321428567 | Take profit: 2035.3136267857144 +2025-03-10 13:26:59,052 - INFO - CLOSED short at 2066.34 | PnL: -0.00% | $-0.20 +2025-03-10 13:26:59,052 - INFO - OPENED LONG at 2066.34 | Stop loss: 2055.994017857143 | Take profit: 2097.3565232142855 +2025-03-10 13:26:59,499 - INFO - CLOSED long at 2070.0 | PnL: 0.18% | $0.15 +2025-03-10 13:26:59,499 - INFO - OPENED SHORT at 2070.0 | Stop loss: 2080.364282142857 | Take profit: 2038.9285767857143 +2025-03-10 13:26:59,526 - INFO - CLOSED short at 2068.15 | PnL: 0.09% | $-0.02 +2025-03-10 13:26:59,527 - INFO - OPENED LONG at 2068.15 | Stop loss: 2057.794967857143 | Take profit: 2099.193673214286 +2025-03-10 13:26:59,689 - INFO - CLOSED long at 2071.49 | PnL: 0.16% | $0.12 +2025-03-10 13:26:59,689 - INFO - OPENED SHORT at 2071.49 | Stop loss: 2081.861732142857 | Take profit: 2040.3962267857141 +2025-03-10 13:26:59,734 - INFO - CLOSED short at 2067.33 | PnL: 0.20% | $0.20 +2025-03-10 13:26:59,734 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.9790678571426 | Take profit: 2098.3613732142853 +2025-03-10 13:26:59,801 - INFO - CLOSED long at 2065.66 | PnL: -0.08% | $-0.35 +2025-03-10 13:26:59,802 - INFO - OPENED SHORT at 2065.66 | Stop loss: 2076.0025821428567 | Take profit: 2034.6536767857142 +2025-03-10 13:26:59,825 - INFO - CLOSED short at 2063.95 | PnL: 0.08% | $-0.03 +2025-03-10 13:26:59,826 - INFO - OPENED LONG at 2063.95 | Stop loss: 2053.6159678571426 | Take profit: 2094.930673214286 +2025-03-10 13:26:59,944 - INFO - CLOSED long at 2064.31 | PnL: 0.02% | $-0.16 +2025-03-10 13:26:59,944 - INFO - OPENED SHORT at 2064.31 | Stop loss: 2074.645832142857 | Take profit: 2033.323926785714 +2025-03-10 13:27:00,077 - INFO - CLOSED short at 2066.8 | PnL: -0.12% | $-0.43 +2025-03-10 13:27:00,078 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.451717857143 | Take profit: 2097.823423214286 +2025-03-10 13:27:00,320 - INFO - CLOSED long at 2070.35 | PnL: 0.17% | $0.14 +2025-03-10 13:27:00,430 - INFO - OPENED LONG at 2070.67 | Stop loss: 2060.302367857143 | Take profit: 2101.751473214286 +2025-03-10 13:27:00,457 - INFO - CLOSED long at 2069.78 | PnL: -0.04% | $-0.28 +2025-03-10 13:27:00,457 - INFO - OPENED SHORT at 2069.78 | Stop loss: 2080.1431821428573 | Take profit: 2038.7118767857146 +2025-03-10 13:27:00,489 - INFO - CLOSED short at 2071.61 | PnL: -0.09% | $-0.36 +2025-03-10 13:27:00,490 - INFO - OPENED LONG at 2071.61 | Stop loss: 2061.2376678571427 | Take profit: 2102.705573214286 +2025-03-10 13:27:00,675 - INFO - CLOSED long at 2076.9 | PnL: 0.26% | $0.30 +2025-03-10 13:27:00,675 - INFO - OPENED SHORT at 2076.9 | Stop loss: 2087.2987821428574 | Take profit: 2045.7250767857142 +2025-03-10 13:27:00,701 - INFO - CLOSED short at 2075.61 | PnL: 0.06% | $-0.07 +2025-03-10 13:27:00,701 - INFO - OPENED LONG at 2075.61 | Stop loss: 2065.2176678571427 | Take profit: 2106.7655732142857 +2025-03-10 13:27:00,884 - INFO - CLOSED long at 2066.4 | PnL: -0.44% | $-1.05 +2025-03-10 13:27:00,911 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.541267857143 | Take profit: 2097.9147732142856 +2025-03-10 13:27:01,368 - INFO - CLOSED long at 2066.33 | PnL: -0.03% | $-0.24 +2025-03-10 13:27:01,394 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.680667857143 | Take profit: 2093.976573214286 +2025-03-10 13:27:01,583 - INFO - STOP LOSS hit for long at 2052.680667857143 | PnL: -0.50% | $-1.15 +2025-03-10 13:27:01,610 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.2382178571427 | Take profit: 2080.2639232142856 +2025-03-10 13:27:01,807 - INFO - CLOSED long at 2065.1 | PnL: 0.76% | $1.25 +2025-03-10 13:27:01,807 - INFO - OPENED SHORT at 2065.1 | Stop loss: 2075.439782142857 | Take profit: 2034.1020767857144 +2025-03-10 13:27:01,834 - INFO - CLOSED short at 2062.43 | PnL: 0.13% | $0.06 +2025-03-10 13:27:01,834 - INFO - OPENED LONG at 2062.43 | Stop loss: 2052.103567857143 | Take profit: 2093.3878732142853 +2025-03-10 13:27:02,491 - INFO - TAKE PROFIT hit for long at 2093.3878732142853 | PnL: 1.50% | $2.68 +2025-03-10 13:27:02,517 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.0322178571428 | Take profit: 2162.6819232142857 +2025-03-10 13:27:02,715 - INFO - CLOSED long at 2141.41 | PnL: 0.50% | $0.79 +2025-03-10 13:27:02,715 - INFO - OPENED SHORT at 2141.41 | Stop loss: 2152.131332142857 | Take profit: 2109.267426785714 +2025-03-10 13:27:02,784 - INFO - CLOSED short at 2141.3 | PnL: 0.01% | $-0.19 +2025-03-10 13:27:02,784 - INFO - OPENED LONG at 2141.3 | Stop loss: 2130.579217857143 | Take profit: 2173.4409232142857 +2025-03-10 13:27:02,918 - INFO - CLOSED long at 2126.99 | PnL: -0.67% | $-1.52 +2025-03-10 13:27:02,948 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.649217857143 | Take profit: 2159.230923214286 +2025-03-10 13:27:02,968 - INFO - CLOSED long at 2128.69 | PnL: 0.07% | $-0.07 +2025-03-10 13:27:02,994 - INFO - OPENED LONG at 2121.09 | Stop loss: 2110.470267857143 | Take profit: 2152.927773214286 +2025-03-10 13:27:03,015 - INFO - CLOSED long at 2120.15 | PnL: -0.04% | $-0.28 +2025-03-10 13:27:03,015 - INFO - OPENED SHORT at 2120.15 | Stop loss: 2130.7650321428573 | Take profit: 2088.326326785714 +2025-03-10 13:27:03,075 - INFO - CLOSED short at 2117.24 | PnL: 0.14% | $0.07 +2025-03-10 13:27:03,075 - INFO - OPENED LONG at 2117.24 | Stop loss: 2106.6395178571424 | Take profit: 2149.0200232142856 +2025-03-10 13:27:03,133 - INFO - CLOSED long at 2119.93 | PnL: 0.13% | $0.05 +2025-03-10 13:27:03,133 - INFO - OPENED SHORT at 2119.93 | Stop loss: 2130.5439321428566 | Take profit: 2088.109626785714 +2025-03-10 13:27:03,165 - INFO - CLOSED short at 2121.4 | PnL: -0.07% | $-0.33 +2025-03-10 13:27:03,165 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.778717857143 | Take profit: 2153.2424232142857 +2025-03-10 13:27:03,214 - INFO - CLOSED long at 2119.14 | PnL: -0.11% | $-0.40 +2025-03-10 13:27:03,240 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.460367857143 | Take profit: 2150.8774732142856 +2025-03-10 13:27:03,291 - INFO - CLOSED long at 2107.43 | PnL: -0.55% | $-1.25 +2025-03-10 13:27:03,317 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032717857143 | Take profit: 2142.2804232142853 +2025-03-10 13:27:03,690 - INFO - STOP LOSS hit for long at 2100.032717857143 | PnL: -0.50% | $-1.14 +2025-03-10 13:27:03,718 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0180678571433 | Take profit: 2131.044373214286 +2025-03-10 13:27:03,770 - INFO - CLOSED long at 2102.19 | PnL: 0.13% | $0.05 +2025-03-10 13:27:03,795 - INFO - OPENED LONG at 2102.29 | Stop loss: 2091.764267857143 | Take profit: 2133.8457732142856 +2025-03-10 13:27:03,887 - INFO - CLOSED long at 2104.83 | PnL: 0.12% | $0.04 +2025-03-10 13:27:03,910 - INFO - OPENED LONG at 2106.39 | Stop loss: 2095.8437678571427 | Take profit: 2138.0072732142858 +2025-03-10 13:27:04,100 - INFO - CLOSED long at 2095.29 | PnL: -0.53% | $-1.18 +2025-03-10 13:27:04,101 - INFO - OPENED SHORT at 2095.29 | Stop loss: 2105.7807321428572 | Take profit: 2063.8392267857143 +2025-03-10 13:27:04,127 - INFO - CLOSED short at 2093.46 | PnL: 0.09% | $-0.02 +2025-03-10 13:27:04,128 - INFO - OPENED LONG at 2093.46 | Stop loss: 2082.9784178571426 | Take profit: 2124.883323214286 +2025-03-10 13:27:04,151 - INFO - CLOSED long at 2093.33 | PnL: -0.01% | $-0.20 +2025-03-10 13:27:04,151 - INFO - OPENED SHORT at 2093.33 | Stop loss: 2103.8109321428574 | Take profit: 2061.908626785714 +2025-03-10 13:27:04,199 - INFO - CLOSED short at 2091.1 | PnL: 0.11% | $0.01 +2025-03-10 13:27:04,200 - INFO - OPENED LONG at 2091.1 | Stop loss: 2080.6302178571427 | Take profit: 2122.4879232142857 +2025-03-10 13:27:04,323 - INFO - CLOSED long at 2088.44 | PnL: -0.13% | $-0.42 +2025-03-10 13:27:04,324 - INFO - OPENED SHORT at 2088.44 | Stop loss: 2098.896482142857 | Take profit: 2057.0919767857145 +2025-03-10 13:27:04,348 - INFO - CLOSED short at 2083.97 | PnL: 0.21% | $0.21 +2025-03-10 13:27:04,349 - INFO - OPENED LONG at 2083.97 | Stop loss: 2073.535867857143 | Take profit: 2115.2509732142858 +2025-03-10 13:27:04,445 - INFO - CLOSED long at 2080.38 | PnL: -0.17% | $-0.50 +2025-03-10 13:27:04,447 - INFO - OPENED SHORT at 2080.38 | Stop loss: 2090.7961821428576 | Take profit: 2049.1528767857144 +2025-03-10 13:27:04,468 - INFO - CLOSED short at 2081.25 | PnL: -0.04% | $-0.26 +2025-03-10 13:27:04,468 - INFO - OPENED LONG at 2081.25 | Stop loss: 2070.829467857143 | Take profit: 2112.4901732142857 +2025-03-10 13:27:04,514 - INFO - CLOSED long at 2085.09 | PnL: 0.18% | $0.16 +2025-03-10 13:27:04,540 - INFO - OPENED LONG at 2083.59 | Stop loss: 2073.157767857143 | Take profit: 2114.865273214286 +2025-03-10 13:27:04,562 - INFO - CLOSED long at 2086.57 | PnL: 0.14% | $0.08 +2025-03-10 13:27:04,589 - INFO - OPENED LONG at 2085.8 | Stop loss: 2075.356717857143 | Take profit: 2117.1084232142857 +2025-03-10 13:27:04,742 - INFO - CLOSED long at 2088.1 | PnL: 0.11% | $0.02 +2025-03-10 13:27:04,743 - INFO - OPENED SHORT at 2088.1 | Stop loss: 2098.554782142857 | Take profit: 2056.757076785714 +2025-03-10 13:27:04,771 - INFO - CLOSED short at 2089.96 | PnL: -0.09% | $-0.35 +2025-03-10 13:27:04,772 - INFO - OPENED LONG at 2089.96 | Stop loss: 2079.495917857143 | Take profit: 2121.330823214286 +2025-03-10 13:27:04,842 - INFO - CLOSED long at 2087.78 | PnL: -0.10% | $-0.37 +2025-03-10 13:27:04,842 - INFO - OPENED SHORT at 2087.78 | Stop loss: 2098.2331821428575 | Take profit: 2056.4418767857146 +2025-03-10 13:27:04,864 - INFO - CLOSED short at 2086.81 | PnL: 0.05% | $-0.10 +2025-03-10 13:27:04,913 - INFO - OPENED LONG at 2085.67 | Stop loss: 2075.227367857143 | Take profit: 2116.9764732142858 +2025-03-10 13:27:04,986 - INFO - CLOSED long at 2091.05 | PnL: 0.26% | $0.29 +2025-03-10 13:27:04,987 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.5195321428573 | Take profit: 2059.6628267857145 +2025-03-10 13:27:05,011 - INFO - CLOSED short at 2091.95 | PnL: -0.04% | $-0.26 +2025-03-10 13:27:05,012 - INFO - OPENED LONG at 2091.95 | Stop loss: 2081.4759678571427 | Take profit: 2123.3506732142855 +2025-03-10 13:27:05,603 - INFO - CLOSED long at 2102.7 | PnL: 0.51% | $0.75 +2025-03-10 13:27:05,603 - INFO - OPENED SHORT at 2102.7 | Stop loss: 2113.2277821428565 | Take profit: 2071.138076785714 +2025-03-10 13:27:05,626 - INFO - CLOSED short at 2102.0 | PnL: 0.03% | $-0.12 +2025-03-10 13:27:05,627 - INFO - OPENED LONG at 2102.0 | Stop loss: 2091.4757178571426 | Take profit: 2133.5514232142855 +2025-03-10 13:27:05,798 - INFO - Trade Analysis: Win Rate=25.0% in uptrends, 0.0% in downtrends | Avg Win=$0.35, Avg Loss=$-0.38 +2025-03-10 13:27:05,799 - INFO - Episode 4: Reward=-48.61, Balance=$92.44, Win Rate=38.2%, Trades=76, Episode PnL=$-6.77, Total PnL=$-52.44, Max Drawdown=9.9%, Pred Accuracy=97.3% +2025-03-10 13:27:05,944 - INFO - Model saved to models/trading_agent_best_winrate.pt +2025-03-10 13:27:05,945 - INFO - New best win rate model saved: 38.2% +2025-03-10 13:27:06,160 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6262678571427 | Take profit: 2080.659773214286 +2025-03-10 13:27:06,672 - INFO - CLOSED long at 2061.89 | PnL: 0.59% | $0.96 +2025-03-10 13:27:06,698 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.561267857143 | Take profit: 2093.8547732142856 +2025-03-10 13:27:07,163 - INFO - CLOSED long at 2067.9 | PnL: 0.24% | $0.29 +2025-03-10 13:27:07,210 - INFO - OPENED LONG at 2070.26 | Stop loss: 2059.8944178571433 | Take profit: 2101.335323214286 +2025-03-10 13:27:07,612 - INFO - CLOSED long at 2069.34 | PnL: -0.04% | $-0.29 +2025-03-10 13:27:07,639 - INFO - OPENED LONG at 2069.19 | Stop loss: 2058.829767857143 | Take profit: 2100.2492732142855 +2025-03-10 13:27:07,662 - INFO - CLOSED long at 2068.8 | PnL: -0.02% | $-0.24 +2025-03-10 13:27:07,710 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.1581678571433 | Take profit: 2098.544073214286 +2025-03-10 13:27:07,869 - INFO - CLOSED long at 2066.18 | PnL: -0.06% | $-0.33 +2025-03-10 13:27:07,895 - INFO - OPENED LONG at 2068.76 | Stop loss: 2058.401917857143 | Take profit: 2099.812823214286 +2025-03-10 13:27:07,991 - INFO - CLOSED long at 2069.7 | PnL: 0.05% | $-0.11 +2025-03-10 13:27:07,992 - INFO - OPENED SHORT at 2069.7 | Stop loss: 2080.062782142857 | Take profit: 2038.6330767857141 +2025-03-10 13:27:08,015 - INFO - CLOSED short at 2070.4 | PnL: -0.03% | $-0.27 +2025-03-10 13:27:08,015 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.033717857143 | Take profit: 2101.477423214286 +2025-03-10 13:27:08,204 - INFO - CLOSED long at 2072.15 | PnL: 0.08% | $-0.03 +2025-03-10 13:27:08,229 - INFO - OPENED LONG at 2074.29 | Stop loss: 2063.9042678571427 | Take profit: 2105.425773214286 +2025-03-10 13:27:08,541 - INFO - STOP LOSS hit for long at 2063.9042678571427 | PnL: -0.50% | $-1.19 +2025-03-10 13:27:08,591 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.919417857143 | Take profit: 2096.2603232142856 +2025-03-10 13:27:09,006 - INFO - CLOSED long at 2070.4 | PnL: 0.25% | $0.29 +2025-03-10 13:27:09,085 - INFO - OPENED LONG at 2068.5 | Stop loss: 2058.1432178571426 | Take profit: 2099.5489232142854 +2025-03-10 13:27:09,260 - INFO - CLOSED long at 2067.11 | PnL: -0.07% | $-0.33 +2025-03-10 13:27:09,260 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.4598321428575 | Take profit: 2036.0819267857144 +2025-03-10 13:27:09,293 - INFO - CLOSED short at 2067.86 | PnL: -0.04% | $-0.27 +2025-03-10 13:27:09,293 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.506417857143 | Take profit: 2098.899323214286 +2025-03-10 13:27:09,771 - INFO - CLOSED long at 2065.26 | PnL: -0.13% | $-0.44 +2025-03-10 13:27:09,771 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.6005821428575 | Take profit: 2034.2596767857144 +2025-03-10 13:27:09,805 - INFO - CLOSED short at 2062.89 | PnL: 0.11% | $0.03 +2025-03-10 13:27:09,805 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.561267857143 | Take profit: 2093.8547732142856 +2025-03-10 13:27:11,715 - INFO - CLOSED long at 2054.89 | PnL: -0.39% | $-0.95 +2025-03-10 13:27:11,715 - INFO - OPENED SHORT at 2054.89 | Stop loss: 2065.178732142857 | Take profit: 2024.045226785714 +2025-03-10 13:27:11,774 - INFO - CLOSED short at 2056.71 | PnL: -0.09% | $-0.36 +2025-03-10 13:27:11,774 - INFO - OPENED LONG at 2056.71 | Stop loss: 2046.412167857143 | Take profit: 2087.5820732142856 +2025-03-10 13:27:11,951 - INFO - CLOSED long at 2062.69 | PnL: 0.29% | $0.37 +2025-03-10 13:27:11,951 - INFO - OPENED SHORT at 2062.69 | Stop loss: 2073.0177321428573 | Take profit: 2031.7282267857142 +2025-03-10 13:27:11,976 - INFO - CLOSED short at 2063.4 | PnL: -0.03% | $-0.26 +2025-03-10 13:27:11,977 - INFO - OPENED LONG at 2063.4 | Stop loss: 2053.068717857143 | Take profit: 2094.372423214286 +2025-03-10 13:27:12,614 - INFO - CLOSED long at 2067.44 | PnL: 0.20% | $0.18 +2025-03-10 13:27:12,661 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6107678571425 | Take profit: 2104.1062732142855 +2025-03-10 13:27:12,950 - INFO - CLOSED long at 2064.4 | PnL: -0.41% | $-0.99 +2025-03-10 13:27:12,950 - INFO - OPENED SHORT at 2064.4 | Stop loss: 2074.736282142857 | Take profit: 2033.4125767857145 +2025-03-10 13:27:12,983 - INFO - CLOSED short at 2064.31 | PnL: 0.00% | $-0.18 +2025-03-10 13:27:12,983 - INFO - OPENED LONG at 2064.31 | Stop loss: 2053.9741678571427 | Take profit: 2095.2960732142856 +2025-03-10 13:27:13,409 - INFO - CLOSED long at 2071.99 | PnL: 0.37% | $0.52 +2025-03-10 13:27:13,443 - INFO - OPENED LONG at 2068.19 | Stop loss: 2057.834767857143 | Take profit: 2099.2342732142856 +2025-03-10 13:27:13,680 - INFO - CLOSED long at 2073.99 | PnL: 0.28% | $0.35 +2025-03-10 13:27:13,680 - INFO - OPENED SHORT at 2073.99 | Stop loss: 2084.374232142857 | Take profit: 2042.858726785714 +2025-03-10 13:27:13,710 - INFO - CLOSED short at 2075.32 | PnL: -0.06% | $-0.32 +2025-03-10 13:27:13,710 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.929117857143 | Take profit: 2106.471223214286 +2025-03-10 13:27:13,767 - INFO - CLOSED long at 2076.9 | PnL: 0.08% | $-0.05 +2025-03-10 13:27:13,768 - INFO - OPENED SHORT at 2076.9 | Stop loss: 2087.2987821428574 | Take profit: 2045.7250767857142 +2025-03-10 13:27:13,823 - INFO - CLOSED short at 2074.0 | PnL: 0.14% | $0.08 +2025-03-10 13:27:13,824 - INFO - OPENED LONG at 2074.0 | Stop loss: 2063.615717857143 | Take profit: 2105.131423214286 +2025-03-10 13:27:14,076 - INFO - CLOSED long at 2065.45 | PnL: -0.41% | $-0.98 +2025-03-10 13:27:14,077 - INFO - OPENED SHORT at 2065.45 | Stop loss: 2075.791532142857 | Take profit: 2034.4468267857142 +2025-03-10 13:27:14,104 - INFO - CLOSED short at 2068.1 | PnL: -0.13% | $-0.43 +2025-03-10 13:27:14,105 - INFO - OPENED LONG at 2068.1 | Stop loss: 2057.745217857143 | Take profit: 2099.1429232142855 +2025-03-10 13:27:14,301 - INFO - CLOSED long at 2065.07 | PnL: -0.15% | $-0.47 +2025-03-10 13:27:14,327 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.745267857143 | Take profit: 2097.102773214286 +2025-03-10 13:27:14,350 - INFO - CLOSED long at 2063.39 | PnL: -0.13% | $-0.43 +2025-03-10 13:27:14,351 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.721232142857 | Take profit: 2032.4177267857142 +2025-03-10 13:27:14,382 - INFO - CLOSED short at 2062.34 | PnL: 0.05% | $-0.09 +2025-03-10 13:27:14,383 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.014017857143 | Take profit: 2093.296523214286 +2025-03-10 13:27:14,730 - INFO - CLOSED long at 2056.77 | PnL: -0.27% | $-0.69 +2025-03-10 13:27:14,730 - INFO - OPENED SHORT at 2056.77 | Stop loss: 2067.068132142857 | Take profit: 2025.8970267857144 +2025-03-10 13:27:14,756 - INFO - CLOSED short at 2053.01 | PnL: 0.18% | $0.15 +2025-03-10 13:27:14,782 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.949667857143 | Take profit: 2079.969573214286 +2025-03-10 13:27:15,233 - INFO - CLOSED long at 2061.21 | PnL: 0.59% | $0.90 +2025-03-10 13:27:15,233 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.530332142857 | Take profit: 2030.2704267857143 +2025-03-10 13:27:15,262 - INFO - CLOSED short at 2059.9 | PnL: 0.06% | $-0.07 +2025-03-10 13:27:15,262 - INFO - OPENED LONG at 2059.9 | Stop loss: 2049.586217857143 | Take profit: 2090.819923214286 +2025-03-10 13:27:15,917 - INFO - TAKE PROFIT hit for long at 2090.819923214286 | PnL: 1.50% | $2.63 +2025-03-10 13:27:15,941 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.0322178571428 | Take profit: 2162.6819232142857 +2025-03-10 13:27:16,467 - INFO - CLOSED long at 2117.24 | PnL: -0.63% | $-1.41 +2025-03-10 13:27:16,467 - INFO - OPENED SHORT at 2117.24 | Stop loss: 2127.8404821428567 | Take profit: 2085.459976785714 +2025-03-10 13:27:16,534 - INFO - CLOSED short at 2119.93 | PnL: -0.13% | $-0.43 +2025-03-10 13:27:16,534 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3160678571426 | Take profit: 2151.750373214286 +2025-03-10 13:27:16,746 - INFO - STOP LOSS hit for long at 2109.3160678571426 | PnL: -0.50% | $-1.14 +2025-03-10 13:27:16,775 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032717857143 | Take profit: 2142.2804232142853 +2025-03-10 13:27:17,039 - INFO - CLOSED long at 2110.9 | PnL: 0.01% | $-0.16 +2025-03-10 13:27:17,040 - INFO - OPENED SHORT at 2110.9 | Stop loss: 2121.4687821428574 | Take profit: 2079.2150767857142 +2025-03-10 13:27:17,075 - INFO - CLOSED short at 2108.71 | PnL: 0.10% | $0.01 +2025-03-10 13:27:17,076 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.152167857143 | Take profit: 2140.362073214286 +2025-03-10 13:27:17,236 - INFO - STOP LOSS hit for long at 2098.152167857143 | PnL: -0.50% | $-1.12 +2025-03-10 13:27:17,289 - INFO - OPENED LONG at 2098.1 | Stop loss: 2087.595217857143 | Take profit: 2129.5929232142857 +2025-03-10 13:27:17,648 - INFO - CLOSED long at 2100.02 | PnL: 0.09% | $-0.02 +2025-03-10 13:27:17,677 - INFO - OPENED LONG at 2098.39 | Stop loss: 2087.8837678571426 | Take profit: 2129.887273214286 +2025-03-10 13:27:17,947 - INFO - STOP LOSS hit for long at 2087.8837678571426 | PnL: -0.50% | $-1.11 +2025-03-10 13:27:17,973 - INFO - OPENED SHORT at 2088.44 | Stop loss: 2098.896482142857 | Take profit: 2057.0919767857145 +2025-03-10 13:27:18,030 - INFO - CLOSED short at 2085.3 | PnL: 0.15% | $0.09 +2025-03-10 13:27:18,031 - INFO - OPENED LONG at 2085.3 | Stop loss: 2074.859217857143 | Take profit: 2116.600923214286 +2025-03-10 13:27:18,542 - INFO - CLOSED long at 2087.47 | PnL: 0.10% | $0.01 +2025-03-10 13:27:18,570 - INFO - OPENED LONG at 2087.78 | Stop loss: 2077.326817857143 | Take profit: 2119.118123214286 +2025-03-10 13:27:19,065 - INFO - CLOSED long at 2103.48 | PnL: 0.75% | $1.19 +2025-03-10 13:27:19,066 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.0116821428574 | Take profit: 2071.906376785714 +2025-03-10 13:27:19,094 - INFO - CLOSED short at 2104.93 | PnL: -0.07% | $-0.31 +2025-03-10 13:27:19,095 - INFO - OPENED LONG at 2104.93 | Stop loss: 2094.391067857143 | Take profit: 2136.5253732142855 +2025-03-10 13:27:19,265 - INFO - CLOSED long at 2105.2 | PnL: 0.01% | $-0.16 +2025-03-10 13:27:19,265 - INFO - OPENED SHORT at 2105.2 | Stop loss: 2115.740282142857 | Take profit: 2073.600576785714 +2025-03-10 13:27:19,294 - INFO - CLOSED short at 2103.52 | PnL: 0.08% | $-0.04 +2025-03-10 13:27:19,295 - INFO - OPENED LONG at 2103.52 | Stop loss: 2092.9881178571427 | Take profit: 2135.094223214286 +2025-03-10 13:27:19,641 - INFO - Trade Analysis: Win Rate=23.8% in uptrends, 0.0% in downtrends | Avg Win=$0.50, Avg Loss=$-0.46 +2025-03-10 13:27:19,641 - INFO - Episode 5: Reward=-36.69, Balance=$92.38, Win Rate=32.0%, Trades=50, Episode PnL=$-3.72, Total PnL=$-60.06, Max Drawdown=9.5%, Pred Accuracy=97.4% +2025-03-10 13:27:19,793 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 13:27:19,794 - INFO - New best PnL model saved: $-3.72 +2025-03-10 13:27:20,026 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6262678571427 | Take profit: 2080.659773214286 +2025-03-10 13:27:20,108 - INFO - CLOSED long at 2051.89 | PnL: 0.10% | $-0.00 +2025-03-10 13:27:20,108 - INFO - OPENED SHORT at 2051.89 | Stop loss: 2062.163732142857 | Take profit: 2021.090226785714 +2025-03-10 13:27:20,135 - INFO - CLOSED short at 2052.3 | PnL: -0.02% | $-0.24 +2025-03-10 13:27:20,136 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.024217857143 | Take profit: 2083.105923214286 +2025-03-10 13:27:20,876 - INFO - CLOSED long at 2059.49 | PnL: 0.35% | $0.50 +2025-03-10 13:27:20,876 - INFO - OPENED SHORT at 2059.49 | Stop loss: 2069.801732142857 | Take profit: 2028.5762267857142 +2025-03-10 13:27:20,907 - INFO - CLOSED short at 2057.8 | PnL: 0.08% | $-0.04 +2025-03-10 13:27:20,907 - INFO - OPENED LONG at 2057.8 | Stop loss: 2047.496717857143 | Take profit: 2088.688423214286 +2025-03-10 13:27:20,973 - INFO - CLOSED long at 2057.94 | PnL: 0.01% | $-0.19 +2025-03-10 13:27:20,973 - INFO - OPENED SHORT at 2057.94 | Stop loss: 2068.2439821428575 | Take profit: 2027.0494767857144 +2025-03-10 13:27:21,007 - INFO - CLOSED short at 2058.11 | PnL: -0.01% | $-0.22 +2025-03-10 13:27:21,008 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.805167857143 | Take profit: 2089.003073214286 +2025-03-10 13:27:21,288 - INFO - CLOSED long at 2068.11 | PnL: 0.49% | $0.77 +2025-03-10 13:27:21,288 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.464832142857 | Take profit: 2037.0669267857145 +2025-03-10 13:27:21,315 - INFO - CLOSED short at 2068.29 | PnL: -0.01% | $-0.22 +2025-03-10 13:27:21,315 - INFO - OPENED LONG at 2068.29 | Stop loss: 2057.934267857143 | Take profit: 2099.3357732142854 +2025-03-10 13:27:22,966 - INFO - CLOSED long at 2068.59 | PnL: 0.01% | $-0.17 +2025-03-10 13:27:22,967 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.9472321428575 | Take profit: 2037.5397267857143 +2025-03-10 13:27:22,999 - INFO - CLOSED short at 2069.7 | PnL: -0.05% | $-0.31 +2025-03-10 13:27:23,000 - INFO - OPENED LONG at 2069.7 | Stop loss: 2059.3372178571426 | Take profit: 2100.7669232142857 +2025-03-10 13:27:24,296 - INFO - CLOSED long at 2070.7 | PnL: 0.05% | $-0.10 +2025-03-10 13:27:24,297 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0677821428567 | Take profit: 2039.618076785714 +2025-03-10 13:27:24,404 - INFO - CLOSED short at 2068.69 | PnL: 0.10% | $-0.01 +2025-03-10 13:27:24,405 - INFO - OPENED LONG at 2068.69 | Stop loss: 2058.332267857143 | Take profit: 2099.741773214286 +2025-03-10 13:27:25,562 - INFO - CLOSED long at 2060.3 | PnL: -0.41% | $-1.00 +2025-03-10 13:27:25,562 - INFO - OPENED SHORT at 2060.3 | Stop loss: 2070.615782142857 | Take profit: 2029.3740767857144 +2025-03-10 13:27:25,595 - INFO - CLOSED short at 2061.13 | PnL: -0.04% | $-0.28 +2025-03-10 13:27:25,596 - INFO - OPENED LONG at 2061.13 | Stop loss: 2050.8100678571427 | Take profit: 2092.0683732142857 +2025-03-10 13:27:25,737 - INFO - CLOSED long at 2063.39 | PnL: 0.11% | $0.02 +2025-03-10 13:27:25,770 - INFO - OPENED LONG at 2064.79 | Stop loss: 2054.451767857143 | Take profit: 2095.783273214286 +2025-03-10 13:27:26,162 - INFO - CLOSED long at 2057.4 | PnL: -0.36% | $-0.90 +2025-03-10 13:27:26,163 - INFO - OPENED SHORT at 2057.4 | Stop loss: 2067.7012821428575 | Take profit: 2026.5175767857145 +2025-03-10 13:27:26,221 - INFO - CLOSED short at 2056.28 | PnL: 0.05% | $-0.09 +2025-03-10 13:27:26,221 - INFO - OPENED LONG at 2056.28 | Stop loss: 2045.9843178571432 | Take profit: 2087.145623214286 +2025-03-10 13:27:26,632 - INFO - CLOSED long at 2063.9 | PnL: 0.37% | $0.52 +2025-03-10 13:27:26,632 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.233782142857 | Take profit: 2032.9200767857144 +2025-03-10 13:27:26,679 - INFO - CLOSED short at 2066.33 | PnL: -0.12% | $-0.42 +2025-03-10 13:27:26,679 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.9840678571427 | Take profit: 2097.3463732142854 +2025-03-10 13:27:27,569 - INFO - CLOSED long at 2063.97 | PnL: -0.11% | $-0.42 +2025-03-10 13:27:27,569 - INFO - OPENED SHORT at 2063.97 | Stop loss: 2074.304132142857 | Take profit: 2032.9890267857143 +2025-03-10 13:27:27,636 - INFO - CLOSED short at 2064.5 | PnL: -0.03% | $-0.24 +2025-03-10 13:27:27,637 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.163217857143 | Take profit: 2095.488923214286 +2025-03-10 13:27:28,276 - INFO - CLOSED long at 2069.69 | PnL: 0.25% | $0.29 +2025-03-10 13:27:28,305 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3322178571425 | Take profit: 2101.7819232142856 +2025-03-10 13:27:29,072 - INFO - CLOSED long at 2074.0 | PnL: 0.16% | $0.11 +2025-03-10 13:27:29,073 - INFO - OPENED SHORT at 2074.0 | Stop loss: 2084.384282142857 | Take profit: 2042.8685767857144 +2025-03-10 13:27:29,103 - INFO - CLOSED short at 2072.09 | PnL: 0.09% | $-0.02 +2025-03-10 13:27:29,104 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.715267857143 | Take profit: 2103.1927732142863 +2025-03-10 13:27:29,731 - INFO - CLOSED long at 2066.1 | PnL: -0.29% | $-0.75 +2025-03-10 13:27:29,732 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.444782142857 | Take profit: 2035.0870767857143 +2025-03-10 13:27:29,756 - INFO - CLOSED short at 2065.06 | PnL: 0.05% | $-0.10 +2025-03-10 13:27:29,756 - INFO - OPENED LONG at 2065.06 | Stop loss: 2054.720417857143 | Take profit: 2096.0573232142856 +2025-03-10 13:27:30,016 - INFO - STOP LOSS hit for long at 2054.720417857143 | PnL: -0.50% | $-1.15 +2025-03-10 13:27:30,044 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.949667857143 | Take profit: 2079.969573214286 +2025-03-10 13:27:30,880 - INFO - TAKE PROFIT hit for long at 2079.969573214286 | PnL: 1.50% | $2.65 +2025-03-10 13:27:30,978 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8280178571426 | Take profit: 2171.6545232142857 +2025-03-10 13:27:31,000 - INFO - CLOSED long at 2131.78 | PnL: -0.36% | $-0.90 +2025-03-10 13:27:31,028 - INFO - OPENED LONG at 2133.95 | Stop loss: 2123.2659678571426 | Take profit: 2165.9806732142856 +2025-03-10 13:27:31,277 - INFO - STOP LOSS hit for long at 2123.2659678571426 | PnL: -0.50% | $-1.16 +2025-03-10 13:27:31,349 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3160678571426 | Take profit: 2151.750373214286 +2025-03-10 13:27:31,373 - INFO - CLOSED long at 2121.4 | PnL: 0.07% | $-0.06 +2025-03-10 13:27:31,448 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.460367857143 | Take profit: 2150.8774732142856 +2025-03-10 13:27:31,493 - INFO - STOP LOSS hit for long at 2108.460367857143 | PnL: -0.50% | $-1.14 +2025-03-10 13:27:31,516 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032717857143 | Take profit: 2142.2804232142853 +2025-03-10 13:27:31,738 - INFO - CLOSED long at 2110.9 | PnL: 0.01% | $-0.16 +2025-03-10 13:27:31,739 - INFO - OPENED SHORT at 2110.9 | Stop loss: 2121.4687821428574 | Take profit: 2079.2150767857142 +2025-03-10 13:27:31,765 - INFO - CLOSED short at 2108.71 | PnL: 0.10% | $0.01 +2025-03-10 13:27:31,766 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.152167857143 | Take profit: 2140.362073214286 +2025-03-10 13:27:31,893 - INFO - STOP LOSS hit for long at 2098.152167857143 | PnL: -0.50% | $-1.13 +2025-03-10 13:27:32,033 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.3912178571427 | Take profit: 2130.4049232142856 +2025-03-10 13:27:32,459 - INFO - CLOSED long at 2088.35 | PnL: -0.50% | $-1.12 +2025-03-10 13:27:32,459 - INFO - OPENED SHORT at 2088.35 | Stop loss: 2098.806032142857 | Take profit: 2057.0033267857143 +2025-03-10 13:27:32,485 - INFO - CLOSED short at 2083.28 | PnL: 0.24% | $0.26 +2025-03-10 13:27:32,485 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.849317857143 | Take profit: 2114.5506232142857 +2025-03-10 13:27:33,291 - INFO - CLOSED long at 2086.81 | PnL: 0.17% | $0.13 +2025-03-10 13:27:33,291 - INFO - OPENED SHORT at 2086.81 | Stop loss: 2097.2583321428574 | Take profit: 2055.4864267857142 +2025-03-10 13:27:33,310 - INFO - CLOSED short at 2089.79 | PnL: -0.14% | $-0.45 +2025-03-10 13:27:33,310 - INFO - OPENED LONG at 2089.79 | Stop loss: 2079.326767857143 | Take profit: 2121.1582732142856 +2025-03-10 13:27:33,676 - INFO - CLOSED long at 2097.11 | PnL: 0.35% | $0.46 +2025-03-10 13:27:33,676 - INFO - OPENED SHORT at 2097.11 | Stop loss: 2107.609832142857 | Take profit: 2065.6319267857143 +2025-03-10 13:27:33,699 - INFO - CLOSED short at 2098.49 | PnL: -0.07% | $-0.31 +2025-03-10 13:27:33,700 - INFO - OPENED LONG at 2098.49 | Stop loss: 2087.9832678571424 | Take profit: 2129.9887732142856 +2025-03-10 13:27:33,796 - INFO - CLOSED long at 2106.15 | PnL: 0.37% | $0.49 +2025-03-10 13:27:33,973 - INFO - OPENED LONG at 2103.07 | Stop loss: 2092.540367857143 | Take profit: 2134.637473214286 +2025-03-10 13:27:34,288 - INFO - CLOSED long at 2100.0 | PnL: -0.15% | $-0.45 +2025-03-10 13:27:34,351 - INFO - OPENED LONG at 2102.7 | Stop loss: 2092.1722178571426 | Take profit: 2134.261923214285 +2025-03-10 13:27:34,489 - INFO - CLOSED long at 2107.25 | PnL: 0.22% | $0.21 +2025-03-10 13:27:34,489 - INFO - OPENED SHORT at 2107.25 | Stop loss: 2117.8005321428573 | Take profit: 2075.6198267857144 +2025-03-10 13:27:34,588 - INFO - Trade Analysis: Win Rate=14.3% in uptrends, 0.0% in downtrends | Avg Win=$0.49, Avg Loss=$-0.44 +2025-03-10 13:27:34,589 - INFO - Episode 6: Reward=-38.95, Balance=$92.70, Win Rate=29.5%, Trades=44, Episode PnL=$-5.19, Total PnL=$-67.35, Max Drawdown=7.5%, Pred Accuracy=97.4% +2025-03-10 13:27:34,967 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.840167857143 | Take profit: 2081.898073214286 +2025-03-10 13:27:35,587 - INFO - CLOSED long at 2062.89 | PnL: 0.57% | $0.94 +2025-03-10 13:27:35,587 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2187321428573 | Take profit: 2031.9252267857141 +2025-03-10 13:27:35,689 - INFO - CLOSED short at 2057.8 | PnL: 0.25% | $0.29 +2025-03-10 13:27:35,690 - INFO - OPENED LONG at 2057.8 | Stop loss: 2047.496717857143 | Take profit: 2088.688423214286 +2025-03-10 13:27:36,083 - INFO - CLOSED long at 2070.99 | PnL: 0.64% | $1.09 +2025-03-10 13:27:36,138 - INFO - OPENED LONG at 2069.6 | Stop loss: 2059.237717857143 | Take profit: 2100.6654232142855 +2025-03-10 13:27:36,756 - INFO - CLOSED long at 2070.7 | PnL: 0.05% | $-0.10 +2025-03-10 13:27:36,878 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.1581678571433 | Take profit: 2098.544073214286 +2025-03-10 13:27:36,969 - INFO - CLOSED long at 2066.19 | PnL: -0.06% | $-0.33 +2025-03-10 13:27:36,995 - INFO - OPENED LONG at 2066.29 | Stop loss: 2055.944267857143 | Take profit: 2097.3057732142856 +2025-03-10 13:27:37,111 - INFO - CLOSED long at 2068.51 | PnL: 0.11% | $0.02 +2025-03-10 13:27:37,111 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.8668321428577 | Take profit: 2037.4609267857145 +2025-03-10 13:27:37,188 - INFO - CLOSED short at 2070.4 | PnL: -0.09% | $-0.39 +2025-03-10 13:27:37,188 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.033717857143 | Take profit: 2101.477423214286 +2025-03-10 13:27:37,259 - INFO - CLOSED long at 2071.39 | PnL: 0.05% | $-0.11 +2025-03-10 13:27:37,259 - INFO - OPENED SHORT at 2071.39 | Stop loss: 2081.761232142857 | Take profit: 2040.297726785714 +2025-03-10 13:27:37,347 - INFO - CLOSED short at 2073.11 | PnL: -0.08% | $-0.37 +2025-03-10 13:27:37,347 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.730167857143 | Take profit: 2104.228073214286 +2025-03-10 13:27:37,845 - INFO - CLOSED long at 2067.59 | PnL: -0.27% | $-0.74 +2025-03-10 13:27:37,846 - INFO - OPENED SHORT at 2067.59 | Stop loss: 2077.9422321428574 | Take profit: 2036.5547267857144 +2025-03-10 13:27:37,891 - INFO - CLOSED short at 2070.3 | PnL: -0.13% | $-0.46 +2025-03-10 13:27:37,892 - INFO - OPENED LONG at 2070.3 | Stop loss: 2059.934217857143 | Take profit: 2101.375923214286 +2025-03-10 13:27:37,935 - INFO - CLOSED long at 2070.7 | PnL: 0.02% | $-0.16 +2025-03-10 13:27:37,964 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.033717857143 | Take profit: 2101.477423214286 +2025-03-10 13:27:38,038 - INFO - CLOSED long at 2068.69 | PnL: -0.08% | $-0.36 +2025-03-10 13:27:38,063 - INFO - OPENED LONG at 2067.84 | Stop loss: 2057.486517857143 | Take profit: 2098.879023214286 +2025-03-10 13:27:39,364 - INFO - CLOSED long at 2064.79 | PnL: -0.15% | $-0.49 +2025-03-10 13:27:39,365 - INFO - OPENED SHORT at 2064.79 | Stop loss: 2075.128232142857 | Take profit: 2033.7967267857143 +2025-03-10 13:27:39,389 - INFO - CLOSED short at 2065.89 | PnL: -0.05% | $-0.30 +2025-03-10 13:27:39,390 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.5462678571425 | Take profit: 2096.8997732142852 +2025-03-10 13:27:39,721 - INFO - CLOSED long at 2059.46 | PnL: -0.31% | $-0.80 +2025-03-10 13:27:39,721 - INFO - OPENED SHORT at 2059.46 | Stop loss: 2069.771582142857 | Take profit: 2028.5466767857142 +2025-03-10 13:27:39,749 - INFO - CLOSED short at 2057.4 | PnL: 0.10% | $0.00 +2025-03-10 13:27:39,750 - INFO - OPENED LONG at 2057.4 | Stop loss: 2047.098717857143 | Take profit: 2088.282423214286 +2025-03-10 13:27:39,774 - INFO - CLOSED long at 2058.28 | PnL: 0.04% | $-0.11 +2025-03-10 13:27:39,775 - INFO - OPENED SHORT at 2058.28 | Stop loss: 2068.5856821428574 | Take profit: 2027.3843767857145 +2025-03-10 13:27:39,800 - INFO - CLOSED short at 2056.28 | PnL: 0.10% | $-0.01 +2025-03-10 13:27:39,857 - INFO - OPENED LONG at 2054.89 | Stop loss: 2044.6012678571428 | Take profit: 2085.7347732142857 +2025-03-10 13:27:39,971 - INFO - CLOSED long at 2059.8 | PnL: 0.24% | $0.27 +2025-03-10 13:27:39,971 - INFO - OPENED SHORT at 2059.8 | Stop loss: 2070.1132821428573 | Take profit: 2028.8815767857145 +2025-03-10 13:27:40,004 - INFO - CLOSED short at 2061.66 | PnL: -0.09% | $-0.37 +2025-03-10 13:27:40,004 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.3374178571426 | Take profit: 2092.6063232142856 +2025-03-10 13:27:40,140 - INFO - CLOSED long at 2063.4 | PnL: 0.08% | $-0.03 +2025-03-10 13:27:40,165 - INFO - OPENED LONG at 2066.36 | Stop loss: 2056.013917857143 | Take profit: 2097.3768232142857 +2025-03-10 13:27:40,387 - INFO - CLOSED long at 2065.69 | PnL: -0.03% | $-0.26 +2025-03-10 13:27:40,387 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.032732142857 | Take profit: 2034.6832267857144 +2025-03-10 13:27:40,412 - INFO - CLOSED short at 2069.79 | PnL: -0.20% | $-0.58 +2025-03-10 13:27:40,412 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.4267678571427 | Take profit: 2100.8582732142854 +2025-03-10 13:27:40,527 - INFO - CLOSED long at 2075.01 | PnL: 0.25% | $0.29 +2025-03-10 13:27:40,527 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.399332142857 | Take profit: 2043.8634267857146 +2025-03-10 13:27:40,572 - INFO - CLOSED short at 2072.6 | PnL: 0.12% | $0.03 +2025-03-10 13:27:40,573 - INFO - OPENED LONG at 2072.6 | Stop loss: 2062.222717857143 | Take profit: 2103.710423214286 +2025-03-10 13:27:41,278 - INFO - CLOSED long at 2065.66 | PnL: -0.33% | $-0.84 +2025-03-10 13:27:41,279 - INFO - OPENED SHORT at 2065.66 | Stop loss: 2076.0025821428567 | Take profit: 2034.6536767857142 +2025-03-10 13:27:41,302 - INFO - CLOSED short at 2063.95 | PnL: 0.08% | $-0.03 +2025-03-10 13:27:41,302 - INFO - OPENED LONG at 2063.95 | Stop loss: 2053.6159678571426 | Take profit: 2094.930673214286 +2025-03-10 13:27:41,611 - INFO - CLOSED long at 2065.31 | PnL: 0.07% | $-0.07 +2025-03-10 13:27:41,612 - INFO - OPENED SHORT at 2065.31 | Stop loss: 2075.6508321428573 | Take profit: 2034.3089267857142 +2025-03-10 13:27:41,705 - INFO - CLOSED short at 2071.59 | PnL: -0.30% | $-0.77 +2025-03-10 13:27:41,705 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.217767857143 | Take profit: 2102.6852732142856 +2025-03-10 13:27:42,239 - INFO - CLOSED long at 2073.27 | PnL: 0.08% | $-0.04 +2025-03-10 13:27:42,285 - INFO - OPENED LONG at 2073.99 | Stop loss: 2063.605767857143 | Take profit: 2105.121273214286 +2025-03-10 13:27:42,669 - INFO - CLOSED long at 2067.88 | PnL: -0.29% | $-0.75 +2025-03-10 13:27:42,716 - INFO - OPENED LONG at 2065.45 | Stop loss: 2055.108467857143 | Take profit: 2096.453173214286 +2025-03-10 13:27:43,597 - INFO - STOP LOSS hit for long at 2055.108467857143 | PnL: -0.50% | $-1.13 +2025-03-10 13:27:43,631 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.949667857143 | Take profit: 2079.969573214286 +2025-03-10 13:27:44,708 - INFO - CLOSED long at 2074.9 | PnL: 1.25% | $2.14 +2025-03-10 13:27:44,758 - INFO - OPENED LONG at 2076.08 | Stop loss: 2065.6853178571428 | Take profit: 2107.2426232142857 +2025-03-10 13:27:44,871 - INFO - CLOSED long at 2103.02 | PnL: 1.30% | $2.27 +2025-03-10 13:27:44,895 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.0322178571428 | Take profit: 2162.6819232142857 +2025-03-10 13:27:45,150 - INFO - CLOSED long at 2140.01 | PnL: 0.44% | $0.65 +2025-03-10 13:27:45,230 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.3407678571425 | Take profit: 2158.916273214286 +2025-03-10 13:27:45,255 - INFO - CLOSED long at 2127.3 | PnL: 0.01% | $-0.17 +2025-03-10 13:27:45,255 - INFO - OPENED SHORT at 2127.3 | Stop loss: 2137.9507821428574 | Take profit: 2095.3690767857147 +2025-03-10 13:27:45,305 - INFO - CLOSED short at 2121.09 | PnL: 0.29% | $0.37 +2025-03-10 13:27:45,305 - INFO - OPENED LONG at 2121.09 | Stop loss: 2110.470267857143 | Take profit: 2152.927773214286 +2025-03-10 13:27:45,632 - INFO - STOP LOSS hit for long at 2110.470267857143 | PnL: -0.50% | $-1.18 +2025-03-10 13:27:45,686 - INFO - OPENED LONG at 2109.05 | Stop loss: 2098.4904678571434 | Take profit: 2140.7071732142863 +2025-03-10 13:27:46,121 - INFO - CLOSED long at 2106.49 | PnL: -0.12% | $-0.43 +2025-03-10 13:27:46,146 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.5054178571427 | Take profit: 2139.7023232142856 +2025-03-10 13:27:46,227 - INFO - STOP LOSS hit for long at 2097.5054178571427 | PnL: -0.50% | $-1.16 +2025-03-10 13:27:46,298 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0180678571433 | Take profit: 2131.044373214286 +2025-03-10 13:27:46,893 - INFO - STOP LOSS hit for long at 2089.0180678571433 | PnL: -0.50% | $-1.14 +2025-03-10 13:27:46,918 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.849317857143 | Take profit: 2114.5506232142857 +2025-03-10 13:27:47,350 - INFO - CLOSED long at 2088.66 | PnL: 0.26% | $0.30 +2025-03-10 13:27:47,378 - INFO - OPENED LONG at 2088.32 | Stop loss: 2077.864117857143 | Take profit: 2119.6662232142858 +2025-03-10 13:27:47,858 - INFO - CLOSED long at 2097.11 | PnL: 0.42% | $0.61 +2025-03-10 13:27:47,887 - INFO - OPENED LONG at 2098.49 | Stop loss: 2087.9832678571424 | Take profit: 2129.9887732142856 +2025-03-10 13:27:48,360 - INFO - CLOSED long at 2102.7 | PnL: 0.20% | $0.19 +2025-03-10 13:27:48,417 - INFO - OPENED LONG at 2103.41 | Stop loss: 2092.878667857143 | Take profit: 2134.9825732142854 +2025-03-10 13:27:48,581 - INFO - Trade Analysis: Win Rate=25.0% in uptrends, 0.0% in downtrends | Avg Win=$0.63, Avg Loss=$-0.45 +2025-03-10 13:27:48,582 - INFO - Episode 7: Reward=-31.86, Balance=$95.83, Win Rate=33.3%, Trades=45, Episode PnL=$-2.12, Total PnL=$-71.53, Max Drawdown=8.8%, Pred Accuracy=97.5% +2025-03-10 13:27:48,738 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 13:27:48,738 - INFO - New best PnL model saved: $-2.12 +2025-03-10 13:27:49,070 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.024217857143 | Take profit: 2083.105923214286 +2025-03-10 13:27:49,541 - INFO - CLOSED long at 2062.89 | PnL: 0.52% | $0.83 +2025-03-10 13:27:49,541 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.2187321428573 | Take profit: 2031.9252267857141 +2025-03-10 13:27:49,635 - INFO - CLOSED short at 2059.49 | PnL: 0.16% | $0.13 +2025-03-10 13:27:49,635 - INFO - OPENED LONG at 2059.49 | Stop loss: 2049.1782678571426 | Take profit: 2090.4037732142856 +2025-03-10 13:27:49,683 - INFO - CLOSED long at 2057.8 | PnL: -0.08% | $-0.37 +2025-03-10 13:27:49,684 - INFO - OPENED SHORT at 2057.8 | Stop loss: 2068.1032821428576 | Take profit: 2026.9115767857145 +2025-03-10 13:27:49,735 - INFO - CLOSED short at 2057.89 | PnL: -0.00% | $-0.21 +2025-03-10 13:27:49,735 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.5862678571427 | Take profit: 2088.779773214286 +2025-03-10 13:27:51,138 - INFO - CLOSED long at 2066.39 | PnL: 0.41% | $0.62 +2025-03-10 13:27:51,138 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.7362321428573 | Take profit: 2035.3727267857141 +2025-03-10 13:27:51,165 - INFO - CLOSED short at 2065.99 | PnL: 0.02% | $-0.16 +2025-03-10 13:27:51,166 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.645767857143 | Take profit: 2097.0012732142854 +2025-03-10 13:27:52,438 - INFO - CLOSED long at 2070.73 | PnL: 0.23% | $0.26 +2025-03-10 13:27:52,463 - INFO - OPENED LONG at 2068.5 | Stop loss: 2058.1432178571426 | Take profit: 2099.5489232142854 +2025-03-10 13:27:52,721 - INFO - CLOSED long at 2067.8 | PnL: -0.03% | $-0.27 +2025-03-10 13:27:52,751 - INFO - OPENED LONG at 2068.18 | Stop loss: 2057.824817857143 | Take profit: 2099.2241232142856 +2025-03-10 13:27:53,590 - INFO - CLOSED long at 2061.13 | PnL: -0.34% | $-0.88 +2025-03-10 13:27:53,590 - INFO - OPENED SHORT at 2061.13 | Stop loss: 2071.449932142857 | Take profit: 2030.1916267857143 +2025-03-10 13:27:53,641 - INFO - CLOSED short at 2064.1 | PnL: -0.14% | $-0.48 +2025-03-10 13:27:53,641 - INFO - OPENED LONG at 2064.1 | Stop loss: 2053.765217857143 | Take profit: 2095.0829232142855 +2025-03-10 13:27:54,779 - INFO - CLOSED long at 2078.01 | PnL: 0.67% | $1.13 +2025-03-10 13:27:54,779 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.4143321428573 | Take profit: 2046.8184267857146 +2025-03-10 13:27:54,809 - INFO - CLOSED short at 2075.01 | PnL: 0.14% | $0.09 +2025-03-10 13:27:54,810 - INFO - OPENED LONG at 2075.01 | Stop loss: 2064.620667857143 | Take profit: 2106.156573214286 +2025-03-10 13:27:55,004 - INFO - CLOSED long at 2068.39 | PnL: -0.32% | $-0.84 +2025-03-10 13:27:55,004 - INFO - OPENED SHORT at 2068.39 | Stop loss: 2078.746232142857 | Take profit: 2037.3427267857141 +2025-03-10 13:27:55,053 - INFO - CLOSED short at 2069.03 | PnL: -0.03% | $-0.26 +2025-03-10 13:27:55,054 - INFO - OPENED LONG at 2069.03 | Stop loss: 2058.670567857143 | Take profit: 2100.086873214286 +2025-03-10 13:27:55,102 - INFO - CLOSED long at 2068.79 | PnL: -0.01% | $-0.22 +2025-03-10 13:27:55,102 - INFO - OPENED SHORT at 2068.79 | Stop loss: 2079.148232142857 | Take profit: 2037.7367267857144 +2025-03-10 13:27:55,151 - INFO - CLOSED short at 2071.49 | PnL: -0.13% | $-0.45 +2025-03-10 13:27:55,151 - INFO - OPENED LONG at 2071.49 | Stop loss: 2061.1182678571427 | Take profit: 2102.5837732142854 +2025-03-10 13:27:56,713 - INFO - CLOSED long at 2066.4 | PnL: -0.25% | $-0.68 +2025-03-10 13:27:56,741 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.541267857143 | Take profit: 2097.9147732142856 +2025-03-10 13:27:56,952 - INFO - CLOSED long at 2070.1 | PnL: 0.16% | $0.11 +2025-03-10 13:27:56,953 - INFO - OPENED SHORT at 2070.1 | Stop loss: 2080.4647821428566 | Take profit: 2039.0270767857141 +2025-03-10 13:27:57,009 - INFO - CLOSED short at 2067.19 | PnL: 0.14% | $0.08 +2025-03-10 13:27:57,009 - INFO - OPENED LONG at 2067.19 | Stop loss: 2056.8397678571428 | Take profit: 2098.2192732142857 +2025-03-10 13:27:57,611 - INFO - STOP LOSS hit for long at 2056.8397678571428 | PnL: -0.50% | $-1.17 +2025-03-10 13:27:57,663 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.730667857143 | Take profit: 2083.826573214286 +2025-03-10 13:27:58,959 - INFO - TAKE PROFIT hit for long at 2083.826573214286 | PnL: 1.50% | $2.71 +2025-03-10 13:27:59,098 - INFO - OPENED LONG at 2133.95 | Stop loss: 2123.2659678571426 | Take profit: 2165.9806732142856 +2025-03-10 13:27:59,212 - INFO - CLOSED long at 2140.01 | PnL: 0.28% | $0.37 +2025-03-10 13:27:59,212 - INFO - OPENED SHORT at 2140.01 | Stop loss: 2150.7243321428573 | Take profit: 2107.8884267857147 +2025-03-10 13:27:59,239 - INFO - CLOSED short at 2134.78 | PnL: 0.24% | $0.29 +2025-03-10 13:27:59,240 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.0918178571433 | Take profit: 2166.8231232142857 +2025-03-10 13:27:59,333 - INFO - STOP LOSS hit for long at 2124.0918178571433 | PnL: -0.50% | $-1.20 +2025-03-10 13:27:59,358 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.534967857143 | Take profit: 2151.9736732142856 +2025-03-10 13:27:59,477 - INFO - CLOSED long at 2119.14 | PnL: -0.05% | $-0.29 +2025-03-10 13:27:59,478 - INFO - OPENED SHORT at 2119.14 | Stop loss: 2129.749982142857 | Take profit: 2087.331476785714 +2025-03-10 13:27:59,507 - INFO - CLOSED short at 2119.07 | PnL: 0.00% | $-0.19 +2025-03-10 13:27:59,538 - INFO - OPENED LONG at 2115.28 | Stop loss: 2104.689317857143 | Take profit: 2147.0306232142857 +2025-03-10 13:27:59,763 - INFO - CLOSED long at 2120.81 | PnL: 0.26% | $0.32 +2025-03-10 13:27:59,764 - INFO - OPENED SHORT at 2120.81 | Stop loss: 2131.428332142857 | Take profit: 2088.976426785714 +2025-03-10 13:27:59,789 - INFO - CLOSED short at 2116.48 | PnL: 0.20% | $0.21 +2025-03-10 13:27:59,862 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.152167857143 | Take profit: 2140.362073214286 +2025-03-10 13:27:59,983 - INFO - STOP LOSS hit for long at 2098.152167857143 | PnL: -0.50% | $-1.19 +2025-03-10 13:28:00,007 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.041932142857 | Take profit: 2068.0156267857146 +2025-03-10 13:28:00,036 - INFO - CLOSED short at 2098.1 | PnL: 0.07% | $-0.06 +2025-03-10 13:28:00,037 - INFO - OPENED LONG at 2098.1 | Stop loss: 2087.595217857143 | Take profit: 2129.5929232142857 +2025-03-10 13:28:00,411 - INFO - CLOSED long at 2095.29 | PnL: -0.13% | $-0.46 +2025-03-10 13:28:00,439 - INFO - OPENED LONG at 2093.46 | Stop loss: 2082.9784178571426 | Take profit: 2124.883323214286 +2025-03-10 13:28:00,460 - INFO - CLOSED long at 2093.33 | PnL: -0.01% | $-0.21 +2025-03-10 13:28:00,460 - INFO - OPENED SHORT at 2093.33 | Stop loss: 2103.8109321428574 | Take profit: 2061.908626785714 +2025-03-10 13:28:00,480 - INFO - CLOSED short at 2092.46 | PnL: 0.04% | $-0.11 +2025-03-10 13:28:00,507 - INFO - OPENED LONG at 2091.1 | Stop loss: 2080.6302178571427 | Take profit: 2122.4879232142857 +2025-03-10 13:28:00,641 - INFO - CLOSED long at 2083.97 | PnL: -0.34% | $-0.85 +2025-03-10 13:28:00,641 - INFO - OPENED SHORT at 2083.97 | Stop loss: 2094.4041321428567 | Take profit: 2052.689026785714 +2025-03-10 13:28:00,725 - INFO - CLOSED short at 2081.49 | PnL: 0.12% | $0.04 +2025-03-10 13:28:00,726 - INFO - OPENED LONG at 2081.49 | Stop loss: 2071.068267857143 | Take profit: 2112.7337732142855 +2025-03-10 13:28:00,999 - INFO - CLOSED long at 2088.66 | PnL: 0.34% | $0.47 +2025-03-10 13:28:01,000 - INFO - OPENED SHORT at 2088.66 | Stop loss: 2099.117582142857 | Take profit: 2057.308676785714 +2025-03-10 13:28:01,028 - INFO - CLOSED short at 2088.32 | PnL: 0.02% | $-0.16 +2025-03-10 13:28:01,028 - INFO - OPENED LONG at 2088.32 | Stop loss: 2077.864117857143 | Take profit: 2119.6662232142858 +2025-03-10 13:28:01,129 - INFO - CLOSED long at 2087.47 | PnL: -0.04% | $-0.27 +2025-03-10 13:28:01,129 - INFO - OPENED SHORT at 2087.47 | Stop loss: 2097.9216321428567 | Take profit: 2056.136526785714 +2025-03-10 13:28:01,157 - INFO - CLOSED short at 2087.78 | PnL: -0.01% | $-0.22 +2025-03-10 13:28:01,158 - INFO - OPENED LONG at 2087.78 | Stop loss: 2077.326817857143 | Take profit: 2119.118123214286 +2025-03-10 13:28:02,119 - INFO - Trade Analysis: Win Rate=35.3% in uptrends, 0.0% in downtrends | Avg Win=$0.51, Avg Loss=$-0.47 +2025-03-10 13:28:02,120 - INFO - Episode 8: Reward=-26.61, Balance=$96.42, Win Rate=38.5%, Trades=39, Episode PnL=$-3.49, Total PnL=$-75.10, Max Drawdown=3.8%, Pred Accuracy=97.6% +2025-03-10 13:28:02,294 - INFO - Model saved to models/trading_agent_best_winrate.pt +2025-03-10 13:28:02,294 - INFO - New best win rate model saved: 38.5% +2025-03-10 13:28:02,494 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6262678571427 | Take profit: 2080.659773214286 +2025-03-10 13:28:02,652 - INFO - CLOSED long at 2055.69 | PnL: 0.28% | $0.36 +2025-03-10 13:28:02,652 - INFO - OPENED SHORT at 2055.69 | Stop loss: 2065.982732142857 | Take profit: 2024.8332267857143 +2025-03-10 13:28:02,700 - INFO - CLOSED short at 2056.89 | PnL: -0.06% | $-0.32 +2025-03-10 13:28:02,700 - INFO - OPENED LONG at 2056.89 | Stop loss: 2046.5912678571426 | Take profit: 2087.764773214286 +2025-03-10 13:28:04,282 - INFO - CLOSED long at 2072.91 | PnL: 0.78% | $1.35 +2025-03-10 13:28:04,283 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.288832142857 | Take profit: 2041.794926785714 +2025-03-10 13:28:04,307 - INFO - CLOSED short at 2072.33 | PnL: 0.03% | $-0.15 +2025-03-10 13:28:04,307 - INFO - OPENED LONG at 2072.33 | Stop loss: 2061.954067857143 | Take profit: 2103.4363732142856 +2025-03-10 13:28:04,788 - INFO - CLOSED long at 2068.8 | PnL: -0.17% | $-0.54 +2025-03-10 13:28:04,812 - INFO - OPENED LONG at 2067.6 | Stop loss: 2057.247717857143 | Take profit: 2098.6354232142858 +2025-03-10 13:28:05,706 - INFO - CLOSED long at 2071.11 | PnL: 0.17% | $0.14 +2025-03-10 13:28:05,786 - INFO - OPENED LONG at 2069.46 | Stop loss: 2059.098417857143 | Take profit: 2100.523323214286 +2025-03-10 13:28:05,955 - INFO - CLOSED long at 2066.8 | PnL: -0.13% | $-0.46 +2025-03-10 13:28:05,982 - INFO - OPENED LONG at 2065.49 | Stop loss: 2055.1482678571424 | Take profit: 2096.4937732142857 +2025-03-10 13:28:06,691 - INFO - CLOSED long at 2066.4 | PnL: 0.04% | $-0.11 +2025-03-10 13:28:06,691 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.746282142857 | Take profit: 2035.3825767857145 +2025-03-10 13:28:06,724 - INFO - CLOSED short at 2066.1 | PnL: 0.01% | $-0.17 +2025-03-10 13:28:06,725 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7552178571427 | Take profit: 2097.1129232142857 +2025-03-10 13:28:07,062 - INFO - CLOSED long at 2064.99 | PnL: -0.05% | $-0.31 +2025-03-10 13:28:07,199 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.456817857143 | Take profit: 2092.728123214286 +2025-03-10 13:28:07,443 - INFO - CLOSED long at 2067.1 | PnL: 0.26% | $0.31 +2025-03-10 13:28:07,443 - INFO - OPENED SHORT at 2067.1 | Stop loss: 2077.4497821428567 | Take profit: 2036.0720767857142 +2025-03-10 13:28:07,470 - INFO - CLOSED short at 2065.54 | PnL: 0.08% | $-0.05 +2025-03-10 13:28:07,471 - INFO - OPENED LONG at 2065.54 | Stop loss: 2055.198017857143 | Take profit: 2096.5445232142856 +2025-03-10 13:28:08,154 - INFO - CLOSED long at 2064.1 | PnL: -0.07% | $-0.34 +2025-03-10 13:28:08,237 - INFO - OPENED LONG at 2064.33 | Stop loss: 2053.994067857143 | Take profit: 2095.3163732142857 +2025-03-10 13:28:08,305 - INFO - CLOSED long at 2065.89 | PnL: 0.08% | $-0.05 +2025-03-10 13:28:08,306 - INFO - OPENED SHORT at 2065.89 | Stop loss: 2076.233732142857 | Take profit: 2034.880226785714 +2025-03-10 13:28:08,329 - INFO - CLOSED short at 2063.53 | PnL: 0.11% | $0.03 +2025-03-10 13:28:08,330 - INFO - OPENED LONG at 2063.53 | Stop loss: 2053.198067857143 | Take profit: 2094.504373214286 +2025-03-10 13:28:09,952 - INFO - CLOSED long at 2065.3 | PnL: 0.09% | $-0.03 +2025-03-10 13:28:09,975 - INFO - OPENED LONG at 2064.4 | Stop loss: 2054.0637178571433 | Take profit: 2095.3874232142857 +2025-03-10 13:28:10,312 - INFO - CLOSED long at 2070.7 | PnL: 0.31% | $0.41 +2025-03-10 13:28:10,312 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0677821428567 | Take profit: 2039.618076785714 +2025-03-10 13:28:10,538 - INFO - CLOSED short at 2071.61 | PnL: -0.04% | $-0.29 +2025-03-10 13:28:10,539 - INFO - OPENED LONG at 2071.61 | Stop loss: 2061.2376678571427 | Take profit: 2102.705573214286 +2025-03-10 13:28:11,192 - INFO - CLOSED long at 2065.8 | PnL: -0.28% | $-0.75 +2025-03-10 13:28:11,192 - INFO - OPENED SHORT at 2065.8 | Stop loss: 2076.1432821428575 | Take profit: 2034.7915767857146 +2025-03-10 13:28:11,222 - INFO - CLOSED short at 2065.07 | PnL: 0.04% | $-0.13 +2025-03-10 13:28:11,222 - INFO - OPENED LONG at 2065.07 | Stop loss: 2054.730367857143 | Take profit: 2096.067473214286 +2025-03-10 13:28:11,294 - INFO - CLOSED long at 2062.34 | PnL: -0.13% | $-0.46 +2025-03-10 13:28:11,294 - INFO - OPENED SHORT at 2062.34 | Stop loss: 2072.6659821428575 | Take profit: 2031.3834767857145 +2025-03-10 13:28:11,321 - INFO - CLOSED short at 2063.98 | PnL: -0.08% | $-0.35 +2025-03-10 13:28:11,321 - INFO - OPENED LONG at 2063.98 | Stop loss: 2053.645817857143 | Take profit: 2094.9611232142856 +2025-03-10 13:28:11,414 - INFO - CLOSED long at 2064.5 | PnL: 0.03% | $-0.15 +2025-03-10 13:28:11,440 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.9840678571427 | Take profit: 2097.3463732142854 +2025-03-10 13:28:11,641 - INFO - STOP LOSS hit for long at 2055.9840678571427 | PnL: -0.50% | $-1.17 +2025-03-10 13:28:11,665 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.949667857143 | Take profit: 2079.969573214286 +2025-03-10 13:28:12,502 - INFO - TAKE PROFIT hit for long at 2079.969573214286 | PnL: 1.50% | $2.69 +2025-03-10 13:28:12,527 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.023267857143 | Take profit: 2121.8687732142853 +2025-03-10 13:28:12,583 - INFO - TAKE PROFIT hit for long at 2121.8687732142853 | PnL: 1.50% | $2.77 +2025-03-10 13:28:12,625 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8280178571426 | Take profit: 2171.6545232142857 +2025-03-10 13:28:12,929 - INFO - STOP LOSS hit for long at 2128.8280178571426 | PnL: -0.50% | $-1.22 +2025-03-10 13:28:12,949 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.649217857143 | Take profit: 2159.230923214286 +2025-03-10 13:28:13,295 - INFO - STOP LOSS hit for long at 2116.649217857143 | PnL: -0.50% | $-1.21 +2025-03-10 13:28:13,346 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032717857143 | Take profit: 2142.2804232142853 +2025-03-10 13:28:13,792 - INFO - CLOSED long at 2108.06 | PnL: -0.12% | $-0.44 +2025-03-10 13:28:13,824 - INFO - OPENED LONG at 2103.33 | Stop loss: 2092.7990678571427 | Take profit: 2134.9013732142853 +2025-03-10 13:28:13,879 - INFO - STOP LOSS hit for long at 2092.7990678571427 | PnL: -0.50% | $-1.19 +2025-03-10 13:28:13,905 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0180678571433 | Take profit: 2131.044373214286 +2025-03-10 13:28:14,427 - INFO - STOP LOSS hit for long at 2089.0180678571433 | PnL: -0.50% | $-1.17 +2025-03-10 13:28:14,454 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.849317857143 | Take profit: 2114.5506232142857 +2025-03-10 13:28:14,660 - INFO - CLOSED long at 2085.09 | PnL: 0.09% | $-0.03 +2025-03-10 13:28:14,660 - INFO - OPENED SHORT at 2085.09 | Stop loss: 2095.5297321428575 | Take profit: 2053.7922267857143 +2025-03-10 13:28:14,862 - INFO - CLOSED short at 2088.1 | PnL: -0.14% | $-0.47 +2025-03-10 13:28:14,862 - INFO - OPENED LONG at 2088.1 | Stop loss: 2077.6452178571426 | Take profit: 2119.4429232142857 +2025-03-10 13:28:14,883 - INFO - CLOSED long at 2089.96 | PnL: 0.09% | $-0.02 +2025-03-10 13:28:14,903 - INFO - OPENED SHORT at 2087.0 | Stop loss: 2097.449282142857 | Take profit: 2055.673576785714 +2025-03-10 13:28:14,949 - INFO - CLOSED short at 2087.78 | PnL: -0.04% | $-0.26 +2025-03-10 13:28:14,949 - INFO - OPENED LONG at 2087.78 | Stop loss: 2077.326817857143 | Take profit: 2119.118123214286 +2025-03-10 13:28:15,080 - INFO - CLOSED long at 2091.05 | PnL: 0.16% | $0.11 +2025-03-10 13:28:15,080 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.5195321428573 | Take profit: 2059.6628267857145 +2025-03-10 13:28:15,153 - INFO - CLOSED short at 2097.8 | PnL: -0.32% | $-0.81 +2025-03-10 13:28:15,154 - INFO - OPENED LONG at 2097.8 | Stop loss: 2087.296717857143 | Take profit: 2129.288423214286 +2025-03-10 13:28:15,444 - INFO - CLOSED long at 2103.07 | PnL: 0.25% | $0.29 +2025-03-10 13:28:15,444 - INFO - OPENED SHORT at 2103.07 | Stop loss: 2113.5996321428574 | Take profit: 2071.5025267857145 +2025-03-10 13:28:15,488 - INFO - CLOSED short at 2105.83 | PnL: -0.13% | $-0.44 +2025-03-10 13:28:15,489 - INFO - OPENED LONG at 2105.83 | Stop loss: 2095.286567857143 | Take profit: 2137.4388732142856 +2025-03-10 13:28:15,557 - INFO - CLOSED long at 2103.52 | PnL: -0.11% | $-0.40 +2025-03-10 13:28:15,557 - INFO - OPENED SHORT at 2103.52 | Stop loss: 2114.0518821428573 | Take profit: 2071.9457767857143 +2025-03-10 13:28:15,602 - INFO - CLOSED short at 2105.21 | PnL: -0.08% | $-0.34 +2025-03-10 13:28:15,603 - INFO - OPENED LONG at 2105.21 | Stop loss: 2094.669667857143 | Take profit: 2136.8095732142856 +2025-03-10 13:28:15,860 - INFO - Trade Analysis: Win Rate=15.0% in uptrends, 0.0% in downtrends | Avg Win=$0.85, Avg Loss=$-0.44 +2025-03-10 13:28:15,861 - INFO - Episode 9: Reward=-46.05, Balance=$94.67, Win Rate=24.4%, Trades=41, Episode PnL=$-6.37, Total PnL=$-80.44, Max Drawdown=5.6%, Pred Accuracy=97.8% +2025-03-10 13:28:16,089 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.840167857143 | Take profit: 2081.898073214286 +2025-03-10 13:28:16,276 - INFO - CLOSED long at 2060.13 | PnL: 0.44% | $0.67 +2025-03-10 13:28:16,304 - INFO - OPENED LONG at 2059.7 | Stop loss: 2049.387217857143 | Take profit: 2090.6169232142856 +2025-03-10 13:28:16,534 - INFO - CLOSED long at 2058.3 | PnL: -0.07% | $-0.34 +2025-03-10 13:28:16,534 - INFO - OPENED SHORT at 2058.3 | Stop loss: 2068.605782142857 | Take profit: 2027.4040767857146 +2025-03-10 13:28:16,587 - INFO - CLOSED short at 2061.89 | PnL: -0.17% | $-0.55 +2025-03-10 13:28:16,588 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.566267857143 | Take profit: 2092.8397732142857 +2025-03-10 13:28:16,712 - INFO - CLOSED long at 2057.89 | PnL: -0.19% | $-0.58 +2025-03-10 13:28:16,713 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1937321428572 | Take profit: 2027.0002267857142 +2025-03-10 13:28:16,743 - INFO - CLOSED short at 2057.94 | PnL: -0.00% | $-0.20 +2025-03-10 13:28:16,743 - INFO - OPENED LONG at 2057.94 | Stop loss: 2047.6360178571429 | Take profit: 2088.8305232142857 +2025-03-10 13:28:17,008 - INFO - CLOSED long at 2070.99 | PnL: 0.63% | $1.05 +2025-03-10 13:28:17,084 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.630767857143 | Take profit: 2100.0462732142855 +2025-03-10 13:28:17,176 - INFO - CLOSED long at 2071.44 | PnL: 0.12% | $0.04 +2025-03-10 13:28:17,177 - INFO - OPENED SHORT at 2071.44 | Stop loss: 2081.8114821428576 | Take profit: 2040.3469767857143 +2025-03-10 13:28:17,229 - INFO - CLOSED short at 2075.1 | PnL: -0.18% | $-0.55 +2025-03-10 13:28:17,230 - INFO - OPENED LONG at 2075.1 | Stop loss: 2064.7102178571427 | Take profit: 2106.2479232142855 +2025-03-10 13:28:17,252 - INFO - CLOSED long at 2072.91 | PnL: -0.11% | $-0.41 +2025-03-10 13:28:17,279 - INFO - OPENED LONG at 2072.33 | Stop loss: 2061.954067857143 | Take profit: 2103.4363732142856 +2025-03-10 13:28:17,305 - INFO - CLOSED long at 2071.38 | PnL: -0.05% | $-0.29 +2025-03-10 13:28:17,305 - INFO - OPENED SHORT at 2071.38 | Stop loss: 2081.7511821428575 | Take profit: 2040.2878767857144 +2025-03-10 13:28:17,444 - INFO - CLOSED short at 2070.28 | PnL: 0.05% | $-0.09 +2025-03-10 13:28:17,444 - INFO - OPENED LONG at 2070.28 | Stop loss: 2059.914317857143 | Take profit: 2101.3556232142855 +2025-03-10 13:28:18,176 - INFO - CLOSED long at 2070.4 | PnL: 0.01% | $-0.18 +2025-03-10 13:28:18,177 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7662821428576 | Take profit: 2039.3225767857145 +2025-03-10 13:28:18,227 - INFO - CLOSED short at 2069.96 | PnL: 0.02% | $-0.15 +2025-03-10 13:28:18,228 - INFO - OPENED LONG at 2069.96 | Stop loss: 2059.595917857143 | Take profit: 2101.0308232142856 +2025-03-10 13:28:18,346 - INFO - CLOSED long at 2073.11 | PnL: 0.15% | $0.10 +2025-03-10 13:28:18,369 - INFO - OPENED LONG at 2072.7 | Stop loss: 2062.3222178571427 | Take profit: 2103.8119232142853 +2025-03-10 13:28:19,020 - INFO - CLOSED long at 2069.2 | PnL: -0.17% | $-0.53 +2025-03-10 13:28:19,020 - INFO - OPENED SHORT at 2069.2 | Stop loss: 2079.560282142857 | Take profit: 2038.140576785714 +2025-03-10 13:28:19,047 - INFO - CLOSED short at 2070.3 | PnL: -0.05% | $-0.30 +2025-03-10 13:28:19,047 - INFO - OPENED LONG at 2070.3 | Stop loss: 2059.934217857143 | Take profit: 2101.375923214286 +2025-03-10 13:28:19,496 - INFO - CLOSED long at 2064.99 | PnL: -0.26% | $-0.69 +2025-03-10 13:28:19,496 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.329232142857 | Take profit: 2033.993726785714 +2025-03-10 13:28:19,516 - INFO - CLOSED short at 2065.83 | PnL: -0.04% | $-0.27 +2025-03-10 13:28:19,516 - INFO - OPENED LONG at 2065.83 | Stop loss: 2055.4865678571427 | Take profit: 2096.8388732142853 +2025-03-10 13:28:19,926 - INFO - CLOSED long at 2064.5 | PnL: -0.06% | $-0.32 +2025-03-10 13:28:19,976 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.2777178571428 | Take profit: 2092.5454232142856 +2025-03-10 13:28:20,077 - INFO - CLOSED long at 2059.3 | PnL: -0.11% | $-0.41 +2025-03-10 13:28:20,133 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.9941678571427 | Take profit: 2091.2360732142856 +2025-03-10 13:28:21,073 - INFO - CLOSED long at 2061.3 | PnL: 0.05% | $-0.10 +2025-03-10 13:28:21,074 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6207821428575 | Take profit: 2030.3590767857145 +2025-03-10 13:28:21,096 - INFO - CLOSED short at 2062.69 | PnL: -0.07% | $-0.32 +2025-03-10 13:28:21,096 - INFO - OPENED LONG at 2062.69 | Stop loss: 2052.362267857143 | Take profit: 2093.6517732142856 +2025-03-10 13:28:23,299 - INFO - CLOSED long at 2068.1 | PnL: 0.26% | $0.31 +2025-03-10 13:28:23,300 - INFO - OPENED SHORT at 2068.1 | Stop loss: 2078.4547821428573 | Take profit: 2037.0570767857141 +2025-03-10 13:28:23,594 - INFO - CLOSED short at 2065.8 | PnL: 0.11% | $0.02 +2025-03-10 13:28:23,594 - INFO - OPENED LONG at 2065.8 | Stop loss: 2055.456717857143 | Take profit: 2096.808423214286 +2025-03-10 13:28:23,671 - INFO - CLOSED long at 2063.39 | PnL: -0.12% | $-0.41 +2025-03-10 13:28:23,700 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.014017857143 | Take profit: 2093.296523214286 +2025-03-10 13:28:24,136 - INFO - STOP LOSS hit for long at 2052.014017857143 | PnL: -0.50% | $-1.14 +2025-03-10 13:28:24,162 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.2382178571427 | Take profit: 2080.2639232142856 +2025-03-10 13:28:24,877 - INFO - CLOSED long at 2069.34 | PnL: 0.97% | $1.63 +2025-03-10 13:28:24,903 - INFO - OPENED LONG at 2069.81 | Stop loss: 2059.446667857143 | Take profit: 2100.8785732142856 +2025-03-10 13:28:25,191 - INFO - TAKE PROFIT hit for long at 2100.8785732142856 | PnL: 1.50% | $2.67 +2025-03-10 13:28:25,244 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8280178571426 | Take profit: 2171.6545232142857 +2025-03-10 13:28:25,339 - INFO - CLOSED long at 2141.41 | PnL: 0.09% | $-0.02 +2025-03-10 13:28:25,526 - INFO - OPENED LONG at 2121.09 | Stop loss: 2110.470267857143 | Take profit: 2152.927773214286 +2025-03-10 13:28:25,642 - INFO - CLOSED long at 2118.52 | PnL: -0.12% | $-0.43 +2025-03-10 13:28:25,643 - INFO - OPENED SHORT at 2118.52 | Stop loss: 2129.126882142857 | Take profit: 2086.7207767857144 +2025-03-10 13:28:25,666 - INFO - CLOSED short at 2119.14 | PnL: -0.03% | $-0.25 +2025-03-10 13:28:25,666 - INFO - OPENED LONG at 2119.14 | Stop loss: 2108.530017857143 | Take profit: 2150.9485232142856 +2025-03-10 13:28:25,737 - INFO - STOP LOSS hit for long at 2108.530017857143 | PnL: -0.50% | $-1.17 +2025-03-10 13:28:25,761 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032717857143 | Take profit: 2142.2804232142853 +2025-03-10 13:28:25,949 - INFO - CLOSED long at 2116.48 | PnL: 0.28% | $0.34 +2025-03-10 13:28:25,997 - INFO - OPENED LONG at 2110.9 | Stop loss: 2100.331217857143 | Take profit: 2142.584923214286 +2025-03-10 13:28:26,145 - INFO - STOP LOSS hit for long at 2100.331217857143 | PnL: -0.50% | $-1.16 +2025-03-10 13:28:26,169 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0180678571433 | Take profit: 2131.044373214286 +2025-03-10 13:28:26,530 - INFO - CLOSED long at 2098.39 | PnL: -0.05% | $-0.29 +2025-03-10 13:28:26,601 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.849067857143 | Take profit: 2124.7513732142856 +2025-03-10 13:28:26,838 - INFO - STOP LOSS hit for long at 2082.849067857143 | PnL: -0.50% | $-1.14 +2025-03-10 13:28:26,866 - INFO - OPENED LONG at 2081.49 | Stop loss: 2071.068267857143 | Take profit: 2112.7337732142855 +2025-03-10 13:28:26,889 - INFO - CLOSED long at 2080.38 | PnL: -0.05% | $-0.29 +2025-03-10 13:28:26,916 - INFO - OPENED LONG at 2081.25 | Stop loss: 2070.829467857143 | Take profit: 2112.4901732142857 +2025-03-10 13:28:28,185 - INFO - Trade Analysis: Win Rate=13.3% in uptrends, 0.0% in downtrends | Avg Win=$0.76, Avg Loss=$-0.45 +2025-03-10 13:28:28,186 - INFO - Episode 10: Reward=-39.34, Balance=$94.25, Win Rate=24.3%, Trades=37, Episode PnL=$-2.95, Total PnL=$-86.19, Max Drawdown=6.4%, Pred Accuracy=98.0% +2025-03-10 13:28:28,322 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 13:28:28,323 - INFO - Checkpoint saved at episode 10 +2025-03-10 13:28:28,423 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 13:28:28,424 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2402, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 13:28:28,720 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.840167857143 | Take profit: 2081.898073214286 +2025-03-10 13:28:29,375 - INFO - CLOSED long at 2057.8 | PnL: 0.33% | $0.45 +2025-03-10 13:28:29,403 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.5862678571427 | Take profit: 2088.779773214286 +2025-03-10 13:28:30,012 - INFO - CLOSED long at 2067.9 | PnL: 0.49% | $0.77 +2025-03-10 13:28:30,013 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2537821428573 | Take profit: 2036.8600767857145 +2025-03-10 13:28:30,153 - INFO - CLOSED short at 2072.91 | PnL: -0.24% | $-0.69 +2025-03-10 13:28:30,153 - INFO - OPENED LONG at 2072.91 | Stop loss: 2062.531167857143 | Take profit: 2104.0250732142854 +2025-03-10 13:28:31,127 - INFO - CLOSED long at 2071.39 | PnL: -0.07% | $-0.35 +2025-03-10 13:28:31,174 - INFO - OPENED LONG at 2072.75 | Stop loss: 2062.371967857143 | Take profit: 2103.8626732142857 +2025-03-10 13:28:31,294 - INFO - CLOSED long at 2073.9 | PnL: 0.06% | $-0.09 +2025-03-10 13:28:31,350 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7662821428576 | Take profit: 2039.3225767857145 +2025-03-10 13:28:31,378 - INFO - CLOSED short at 2071.11 | PnL: -0.03% | $-0.27 +2025-03-10 13:28:31,378 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.740167857143 | Take profit: 2102.1980732142856 +2025-03-10 13:28:31,689 - INFO - CLOSED long at 2069.34 | PnL: -0.09% | $-0.37 +2025-03-10 13:28:31,689 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.7009821428574 | Take profit: 2038.2784767857145 +2025-03-10 13:28:31,711 - INFO - CLOSED short at 2067.86 | PnL: 0.07% | $-0.06 +2025-03-10 13:28:31,711 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.506417857143 | Take profit: 2098.899323214286 +2025-03-10 13:28:32,042 - INFO - CLOSED long at 2066.1 | PnL: -0.09% | $-0.37 +2025-03-10 13:28:32,043 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.444782142857 | Take profit: 2035.0870767857143 +2025-03-10 13:28:32,070 - INFO - CLOSED short at 2065.28 | PnL: 0.04% | $-0.12 +2025-03-10 13:28:32,070 - INFO - OPENED LONG at 2065.28 | Stop loss: 2054.939317857143 | Take profit: 2096.2806232142857 +2025-03-10 13:28:33,156 - INFO - CLOSED long at 2064.79 | PnL: -0.02% | $-0.24 +2025-03-10 13:28:33,178 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.5462678571425 | Take profit: 2096.8997732142852 +2025-03-10 13:28:33,477 - INFO - CLOSED long at 2059.46 | PnL: -0.31% | $-0.81 +2025-03-10 13:28:33,477 - INFO - OPENED SHORT at 2059.46 | Stop loss: 2069.771582142857 | Take profit: 2028.5466767857142 +2025-03-10 13:28:33,499 - INFO - CLOSED short at 2057.4 | PnL: 0.10% | $0.00 +2025-03-10 13:28:33,500 - INFO - OPENED LONG at 2057.4 | Stop loss: 2047.098717857143 | Take profit: 2088.282423214286 +2025-03-10 13:28:33,632 - INFO - CLOSED long at 2056.71 | PnL: -0.03% | $-0.26 +2025-03-10 13:28:33,632 - INFO - OPENED SHORT at 2056.71 | Stop loss: 2067.0078321428573 | Take profit: 2025.8379267857144 +2025-03-10 13:28:33,656 - INFO - CLOSED short at 2058.15 | PnL: -0.07% | $-0.33 +2025-03-10 13:28:33,657 - INFO - OPENED LONG at 2058.15 | Stop loss: 2047.844967857143 | Take profit: 2089.0436732142857 +2025-03-10 13:28:33,864 - INFO - CLOSED long at 2066.01 | PnL: 0.38% | $0.54 +2025-03-10 13:28:33,886 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.566217857143 | Take profit: 2094.8799232142856 +2025-03-10 13:28:34,029 - INFO - CLOSED long at 2067.01 | PnL: 0.15% | $0.10 +2025-03-10 13:28:34,053 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.347267857143 | Take profit: 2096.6967732142857 +2025-03-10 13:28:34,647 - INFO - CLOSED long at 2069.87 | PnL: 0.20% | $0.20 +2025-03-10 13:28:34,647 - INFO - OPENED SHORT at 2069.87 | Stop loss: 2080.233632142857 | Take profit: 2038.800526785714 +2025-03-10 13:28:34,705 - INFO - CLOSED short at 2067.33 | PnL: 0.12% | $0.04 +2025-03-10 13:28:34,705 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.9790678571426 | Take profit: 2098.3613732142853 +2025-03-10 13:28:35,390 - INFO - CLOSED long at 2070.7 | PnL: 0.16% | $0.12 +2025-03-10 13:28:35,390 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0677821428567 | Take profit: 2039.618076785714 +2025-03-10 13:28:35,481 - INFO - CLOSED short at 2070.35 | PnL: 0.02% | $-0.16 +2025-03-10 13:28:35,481 - INFO - OPENED LONG at 2070.35 | Stop loss: 2059.983967857143 | Take profit: 2101.4266732142855 +2025-03-10 13:28:35,975 - INFO - CLOSED long at 2074.0 | PnL: 0.18% | $0.15 +2025-03-10 13:28:36,000 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.715267857143 | Take profit: 2103.1927732142863 +2025-03-10 13:28:36,121 - INFO - CLOSED long at 2066.4 | PnL: -0.27% | $-0.73 +2025-03-10 13:28:36,145 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.541267857143 | Take profit: 2097.9147732142856 +2025-03-10 13:28:36,373 - INFO - CLOSED long at 2065.8 | PnL: -0.05% | $-0.30 +2025-03-10 13:28:36,398 - INFO - OPENED LONG at 2065.07 | Stop loss: 2054.730367857143 | Take profit: 2096.067473214286 +2025-03-10 13:28:36,469 - INFO - CLOSED long at 2062.34 | PnL: -0.13% | $-0.45 +2025-03-10 13:28:36,470 - INFO - OPENED SHORT at 2062.34 | Stop loss: 2072.6659821428575 | Take profit: 2031.3834767857145 +2025-03-10 13:28:36,499 - INFO - CLOSED short at 2063.98 | PnL: -0.08% | $-0.35 +2025-03-10 13:28:36,500 - INFO - OPENED LONG at 2063.98 | Stop loss: 2053.645817857143 | Take profit: 2094.9611232142856 +2025-03-10 13:28:36,522 - INFO - CLOSED long at 2066.1 | PnL: 0.10% | $0.01 +2025-03-10 13:28:36,522 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.444782142857 | Take profit: 2035.0870767857143 +2025-03-10 13:28:36,546 - INFO - CLOSED short at 2065.06 | PnL: 0.05% | $-0.10 +2025-03-10 13:28:36,547 - INFO - OPENED LONG at 2065.06 | Stop loss: 2054.720417857143 | Take profit: 2096.0573232142856 +2025-03-10 13:28:36,707 - INFO - CLOSED long at 2059.2 | PnL: -0.28% | $-0.73 +2025-03-10 13:28:36,709 - INFO - OPENED SHORT at 2059.2 | Stop loss: 2069.5102821428572 | Take profit: 2028.290576785714 +2025-03-10 13:28:36,735 - INFO - CLOSED short at 2058.09 | PnL: 0.05% | $-0.09 +2025-03-10 13:28:36,736 - INFO - OPENED LONG at 2058.09 | Stop loss: 2047.785267857143 | Take profit: 2088.9827732142858 +2025-03-10 13:28:36,805 - INFO - CLOSED long at 2053.01 | PnL: -0.25% | $-0.66 +2025-03-10 13:28:36,805 - INFO - OPENED SHORT at 2053.01 | Stop loss: 2063.2893321428573 | Take profit: 2022.1934267857146 +2025-03-10 13:28:36,836 - INFO - CLOSED short at 2049.21 | PnL: 0.19% | $0.16 +2025-03-10 13:28:36,836 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.949667857143 | Take profit: 2079.969573214286 +2025-03-10 13:28:37,708 - INFO - TAKE PROFIT hit for long at 2079.969573214286 | PnL: 1.50% | $2.64 +2025-03-10 13:28:37,733 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.023267857143 | Take profit: 2121.8687732142853 +2025-03-10 13:28:37,784 - INFO - CLOSED long at 2130.7 | PnL: 1.92% | $3.54 +2025-03-10 13:28:37,877 - INFO - OPENED LONG at 2137.59 | Stop loss: 2126.887767857143 | Take profit: 2169.675273214286 +2025-03-10 13:28:38,058 - INFO - CLOSED long at 2128.69 | PnL: -0.42% | $-1.04 +2025-03-10 13:28:38,102 - INFO - OPENED SHORT at 2120.15 | Stop loss: 2130.7650321428573 | Take profit: 2088.326326785714 +2025-03-10 13:28:38,128 - INFO - CLOSED short at 2117.24 | PnL: 0.14% | $0.07 +2025-03-10 13:28:38,128 - INFO - OPENED LONG at 2117.24 | Stop loss: 2106.6395178571424 | Take profit: 2149.0200232142856 +2025-03-10 13:28:38,179 - INFO - CLOSED long at 2121.4 | PnL: 0.20% | $0.19 +2025-03-10 13:28:38,228 - INFO - OPENED LONG at 2119.14 | Stop loss: 2108.530017857143 | Take profit: 2150.9485232142856 +2025-03-10 13:28:38,299 - INFO - STOP LOSS hit for long at 2108.530017857143 | PnL: -0.50% | $-1.20 +2025-03-10 13:28:38,327 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032717857143 | Take profit: 2142.2804232142853 +2025-03-10 13:28:38,724 - INFO - STOP LOSS hit for long at 2100.032717857143 | PnL: -0.50% | $-1.18 +2025-03-10 13:28:38,815 - INFO - OPENED LONG at 2102.19 | Stop loss: 2091.664767857143 | Take profit: 2133.744273214286 +2025-03-10 13:28:39,096 - INFO - CLOSED long at 2099.59 | PnL: -0.12% | $-0.44 +2025-03-10 13:28:39,131 - INFO - OPENED LONG at 2100.02 | Stop loss: 2089.505617857143 | Take profit: 2131.5417232142854 +2025-03-10 13:28:39,294 - INFO - CLOSED long at 2091.1 | PnL: -0.42% | $-1.02 +2025-03-10 13:28:39,295 - INFO - OPENED SHORT at 2091.1 | Stop loss: 2101.569782142857 | Take profit: 2059.712076785714 +2025-03-10 13:28:39,326 - INFO - CLOSED short at 2094.72 | PnL: -0.17% | $-0.52 +2025-03-10 13:28:39,326 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.2321178571424 | Take profit: 2126.1622232142854 +2025-03-10 13:28:39,403 - INFO - STOP LOSS hit for long at 2084.2321178571424 | PnL: -0.50% | $-1.15 +2025-03-10 13:28:39,429 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.983517857143 | Take profit: 2119.7880232142857 +2025-03-10 13:28:39,627 - INFO - CLOSED long at 2081.25 | PnL: -0.34% | $-0.84 +2025-03-10 13:28:39,627 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.670532142857 | Take profit: 2050.0098267857143 +2025-03-10 13:28:39,692 - INFO - CLOSED short at 2083.41 | PnL: -0.10% | $-0.38 +2025-03-10 13:28:39,693 - INFO - OPENED LONG at 2083.41 | Stop loss: 2072.9786678571427 | Take profit: 2114.6825732142856 +2025-03-10 13:28:39,804 - INFO - CLOSED long at 2083.59 | PnL: 0.01% | $-0.17 +2025-03-10 13:28:39,838 - INFO - OPENED LONG at 2086.57 | Stop loss: 2076.1228678571433 | Take profit: 2117.889973214286 +2025-03-10 13:28:40,695 - INFO - CLOSED long at 2097.11 | PnL: 0.51% | $0.75 +2025-03-10 13:28:40,724 - INFO - OPENED LONG at 2098.49 | Stop loss: 2087.9832678571424 | Take profit: 2129.9887732142856 +2025-03-10 13:28:41,695 - INFO - Trade Analysis: Win Rate=26.3% in uptrends, 0.0% in downtrends | Avg Win=$0.61, Avg Loss=$-0.50 +2025-03-10 13:28:41,696 - INFO - Episode 11: Reward=56.91, Balance=$94.32, Win Rate=34.0%, Trades=47, Episode PnL=$-1.29, Total PnL=$-91.87, Max Drawdown=7.6%, Pred Accuracy=98.3% +2025-03-10 13:28:41,870 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 13:28:41,871 - INFO - New best PnL model saved: $-1.29 +2025-03-10 13:28:42,424 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6262678571427 | Take profit: 2080.659773214286 +2025-03-10 13:28:42,605 - INFO - CLOSED long at 2057.01 | PnL: 0.35% | $0.49 +2025-03-10 13:28:42,605 - INFO - OPENED SHORT at 2057.01 | Stop loss: 2067.3093321428573 | Take profit: 2026.1334267857144 +2025-03-10 13:28:42,651 - INFO - CLOSED short at 2056.89 | PnL: 0.01% | $-0.19 +2025-03-10 13:28:42,651 - INFO - OPENED LONG at 2056.89 | Stop loss: 2046.5912678571426 | Take profit: 2087.764773214286 +2025-03-10 13:28:43,233 - INFO - CLOSED long at 2060.31 | PnL: 0.17% | $0.13 +2025-03-10 13:28:43,233 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.625832142857 | Take profit: 2029.3839267857143 +2025-03-10 13:28:43,262 - INFO - CLOSED short at 2059.49 | PnL: 0.04% | $-0.12 +2025-03-10 13:28:43,262 - INFO - OPENED LONG at 2059.49 | Stop loss: 2049.1782678571426 | Take profit: 2090.4037732142856 +2025-03-10 13:28:43,891 - INFO - CLOSED long at 2067.9 | PnL: 0.41% | $0.61 +2025-03-10 13:28:43,891 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2537821428573 | Take profit: 2036.8600767857145 +2025-03-10 13:28:43,917 - INFO - CLOSED short at 2067.69 | PnL: 0.01% | $-0.18 +2025-03-10 13:28:43,917 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.337267857143 | Take profit: 2098.726773214286 +2025-03-10 13:28:44,998 - INFO - CLOSED long at 2072.75 | PnL: 0.24% | $0.29 +2025-03-10 13:28:44,999 - INFO - OPENED SHORT at 2072.75 | Stop loss: 2083.128032142857 | Take profit: 2041.6373267857143 +2025-03-10 13:28:45,031 - INFO - CLOSED short at 2073.11 | PnL: -0.02% | $-0.24 +2025-03-10 13:28:45,031 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.730167857143 | Take profit: 2104.228073214286 +2025-03-10 13:28:45,160 - INFO - CLOSED long at 2071.92 | PnL: -0.06% | $-0.32 +2025-03-10 13:28:45,160 - INFO - OPENED SHORT at 2071.92 | Stop loss: 2082.2938821428575 | Take profit: 2040.8197767857143 +2025-03-10 13:28:45,247 - INFO - CLOSED short at 2069.46 | PnL: 0.12% | $0.04 +2025-03-10 13:28:45,247 - INFO - OPENED LONG at 2069.46 | Stop loss: 2059.098417857143 | Take profit: 2100.523323214286 +2025-03-10 13:28:45,627 - INFO - CLOSED long at 2069.34 | PnL: -0.01% | $-0.21 +2025-03-10 13:28:45,768 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.217767857143 | Take profit: 2102.6852732142856 +2025-03-10 13:28:46,111 - INFO - CLOSED long at 2064.47 | PnL: -0.34% | $-0.88 +2025-03-10 13:28:46,112 - INFO - OPENED SHORT at 2064.47 | Stop loss: 2074.806632142857 | Take profit: 2033.481526785714 +2025-03-10 13:28:46,139 - INFO - CLOSED short at 2070.04 | PnL: -0.27% | $-0.73 +2025-03-10 13:28:46,140 - INFO - OPENED LONG at 2070.04 | Stop loss: 2059.675517857143 | Take profit: 2101.1120232142853 +2025-03-10 13:28:46,451 - INFO - STOP LOSS hit for long at 2059.675517857143 | PnL: -0.50% | $-1.18 +2025-03-10 13:28:46,492 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.979217857143 | Take profit: 2092.240923214286 +2025-03-10 13:28:46,807 - INFO - CLOSED long at 2063.5 | PnL: 0.11% | $0.01 +2025-03-10 13:28:46,862 - INFO - OPENED LONG at 2060.9 | Stop loss: 2050.5812178571427 | Take profit: 2091.834923214286 +2025-03-10 13:28:47,994 - INFO - CLOSED long at 2054.83 | PnL: -0.29% | $-0.76 +2025-03-10 13:28:48,057 - INFO - OPENED LONG at 2056.71 | Stop loss: 2046.412167857143 | Take profit: 2087.5820732142856 +2025-03-10 13:28:48,366 - INFO - CLOSED long at 2066.36 | PnL: 0.47% | $0.71 +2025-03-10 13:28:48,400 - INFO - OPENED LONG at 2066.01 | Stop loss: 2055.665667857143 | Take profit: 2097.021573214286 +2025-03-10 13:28:48,956 - INFO - CLOSED long at 2075.01 | PnL: 0.44% | $0.65 +2025-03-10 13:28:48,957 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.399332142857 | Take profit: 2043.8634267857146 +2025-03-10 13:28:49,012 - INFO - CLOSED short at 2072.6 | PnL: 0.12% | $0.03 +2025-03-10 13:28:49,012 - INFO - OPENED LONG at 2072.6 | Stop loss: 2062.222717857143 | Take profit: 2103.710423214286 +2025-03-10 13:28:50,263 - INFO - CLOSED long at 2069.78 | PnL: -0.14% | $-0.46 +2025-03-10 13:28:50,293 - INFO - OPENED LONG at 2071.61 | Stop loss: 2061.2376678571427 | Take profit: 2102.705573214286 +2025-03-10 13:28:50,376 - INFO - CLOSED long at 2074.35 | PnL: 0.13% | $0.06 +2025-03-10 13:28:50,377 - INFO - OPENED SHORT at 2074.35 | Stop loss: 2084.736032142857 | Take profit: 2043.2133267857143 +2025-03-10 13:28:50,439 - INFO - CLOSED short at 2073.99 | PnL: 0.02% | $-0.16 +2025-03-10 13:28:50,440 - INFO - OPENED LONG at 2073.99 | Stop loss: 2063.605767857143 | Take profit: 2105.121273214286 +2025-03-10 13:28:50,824 - INFO - CLOSED long at 2067.88 | PnL: -0.29% | $-0.77 +2025-03-10 13:28:50,883 - INFO - OPENED LONG at 2068.1 | Stop loss: 2057.745217857143 | Take profit: 2099.1429232142855 +2025-03-10 13:28:51,169 - INFO - CLOSED long at 2063.39 | PnL: -0.23% | $-0.63 +2025-03-10 13:28:51,240 - INFO - OPENED LONG at 2063.98 | Stop loss: 2053.645817857143 | Take profit: 2094.9611232142856 +2025-03-10 13:28:51,268 - INFO - CLOSED long at 2066.1 | PnL: 0.10% | $0.01 +2025-03-10 13:28:51,297 - INFO - OPENED LONG at 2065.06 | Stop loss: 2054.720417857143 | Take profit: 2096.0573232142856 +2025-03-10 13:28:51,466 - INFO - CLOSED long at 2060.2 | PnL: -0.24% | $-0.64 +2025-03-10 13:28:51,564 - INFO - OPENED SHORT at 2056.77 | Stop loss: 2067.068132142857 | Take profit: 2025.8970267857144 +2025-03-10 13:28:51,593 - INFO - CLOSED short at 2053.01 | PnL: 0.18% | $0.16 +2025-03-10 13:28:51,620 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.949667857143 | Take profit: 2079.969573214286 +2025-03-10 13:28:51,715 - INFO - CLOSED long at 2056.85 | PnL: 0.37% | $0.52 +2025-03-10 13:28:51,739 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.8101678571431 | Take profit: 2087.9880732142856 +2025-03-10 13:28:51,768 - INFO - CLOSED long at 2057.89 | PnL: 0.04% | $-0.12 +2025-03-10 13:28:51,846 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.760217857143 | Take profit: 2096.0979232142854 +2025-03-10 13:28:51,872 - INFO - CLOSED long at 2062.43 | PnL: -0.13% | $-0.44 +2025-03-10 13:28:51,958 - INFO - OPENED LONG at 2068.33 | Stop loss: 2057.974067857143 | Take profit: 2099.3763732142856 +2025-03-10 13:28:52,017 - INFO - CLOSED long at 2066.59 | PnL: -0.08% | $-0.35 +2025-03-10 13:28:52,048 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.7453178571427 | Take profit: 2095.0626232142854 +2025-03-10 13:28:52,293 - INFO - CLOSED long at 2069.34 | PnL: 0.25% | $0.29 +2025-03-10 13:28:52,321 - INFO - OPENED LONG at 2069.81 | Stop loss: 2059.446667857143 | Take profit: 2100.8785732142856 +2025-03-10 13:28:52,685 - INFO - TAKE PROFIT hit for long at 2100.8785732142856 | PnL: 1.50% | $2.66 +2025-03-10 13:28:52,826 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.106817857143 | Take profit: 2163.7781232142856 +2025-03-10 13:28:52,964 - INFO - CLOSED long at 2142.68 | PnL: 0.51% | $0.80 +2025-03-10 13:28:52,965 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.4076821428566 | Take profit: 2110.5183767857143 +2025-03-10 13:28:53,076 - INFO - CLOSED short at 2134.78 | PnL: 0.37% | $0.53 +2025-03-10 13:28:53,076 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.0918178571433 | Take profit: 2166.8231232142857 +2025-03-10 13:28:53,268 - INFO - CLOSED long at 2121.09 | PnL: -0.64% | $-1.47 +2025-03-10 13:28:53,295 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.534967857143 | Take profit: 2151.9736732142856 +2025-03-10 13:28:53,614 - INFO - STOP LOSS hit for long at 2109.534967857143 | PnL: -0.50% | $-1.17 +2025-03-10 13:28:53,642 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032717857143 | Take profit: 2142.2804232142853 +2025-03-10 13:28:54,188 - INFO - STOP LOSS hit for long at 2100.032717857143 | PnL: -0.50% | $-1.16 +2025-03-10 13:28:54,353 - INFO - OPENED LONG at 2102.19 | Stop loss: 2091.664767857143 | Take profit: 2133.744273214286 +2025-03-10 13:28:54,555 - INFO - CLOSED long at 2100.74 | PnL: -0.07% | $-0.32 +2025-03-10 13:28:54,555 - INFO - OPENED SHORT at 2100.74 | Stop loss: 2111.2579821428567 | Take profit: 2069.207476785714 +2025-03-10 13:28:54,645 - INFO - CLOSED short at 2104.68 | PnL: -0.19% | $-0.55 +2025-03-10 13:28:54,646 - INFO - OPENED LONG at 2104.68 | Stop loss: 2094.1423178571426 | Take profit: 2136.2716232142857 +2025-03-10 13:28:54,831 - INFO - STOP LOSS hit for long at 2094.1423178571426 | PnL: -0.50% | $-1.13 +2025-03-10 13:28:54,886 - INFO - OPENED LONG at 2092.46 | Stop loss: 2081.9834178571427 | Take profit: 2123.8683232142857 +2025-03-10 13:28:55,065 - INFO - CLOSED long at 2083.97 | PnL: -0.41% | $-0.94 +2025-03-10 13:28:55,065 - INFO - OPENED SHORT at 2083.97 | Stop loss: 2094.4041321428567 | Take profit: 2052.689026785714 +2025-03-10 13:28:55,100 - INFO - CLOSED short at 2085.3 | PnL: -0.06% | $-0.30 +2025-03-10 13:28:55,100 - INFO - OPENED LONG at 2085.3 | Stop loss: 2074.859217857143 | Take profit: 2116.600923214286 +2025-03-10 13:28:56,449 - INFO - CLOSED long at 2100.0 | PnL: 0.70% | $1.11 +2025-03-10 13:28:56,450 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.514282142857 | Take profit: 2068.4785767857143 +2025-03-10 13:28:56,477 - INFO - CLOSED short at 2102.7 | PnL: -0.13% | $-0.43 +2025-03-10 13:28:56,477 - INFO - OPENED LONG at 2102.7 | Stop loss: 2092.1722178571426 | Take profit: 2134.261923214285 +2025-03-10 13:28:56,531 - INFO - CLOSED long at 2103.41 | PnL: 0.03% | $-0.12 +2025-03-10 13:28:56,532 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9413321428574 | Take profit: 2071.8374267857143 +2025-03-10 13:28:56,567 - INFO - CLOSED short at 2104.73 | PnL: -0.06% | $-0.30 +2025-03-10 13:28:56,568 - INFO - OPENED LONG at 2104.73 | Stop loss: 2094.192067857143 | Take profit: 2136.322373214286 +2025-03-10 13:28:56,714 - INFO - Trade Analysis: Win Rate=22.2% in uptrends, 0.0% in downtrends | Avg Win=$0.51, Avg Loss=$-0.56 +2025-03-10 13:28:56,715 - INFO - Episode 12: Reward=60.54, Balance=$92.85, Win Rate=38.3%, Trades=47, Episode PnL=$-8.72, Total PnL=$-99.02, Max Drawdown=6.5%, Pred Accuracy=98.7% +2025-03-10 13:28:56,936 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6262678571427 | Take profit: 2080.659773214286 +2025-03-10 13:28:57,407 - INFO - CLOSED long at 2063.01 | PnL: 0.64% | $1.07 +2025-03-10 13:28:57,431 - INFO - OPENED LONG at 2060.99 | Stop loss: 2050.6707678571424 | Take profit: 2091.9262732142856 +2025-03-10 13:28:57,849 - INFO - CLOSED long at 2068.11 | PnL: 0.35% | $0.49 +2025-03-10 13:28:57,850 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.464832142857 | Take profit: 2037.0669267857145 +2025-03-10 13:28:57,900 - INFO - CLOSED short at 2067.89 | PnL: 0.01% | $-0.18 +2025-03-10 13:28:57,901 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.536267857143 | Take profit: 2098.9297732142854 +2025-03-10 13:29:00,480 - INFO - CLOSED long at 2069.2 | PnL: 0.06% | $-0.07 +2025-03-10 13:29:00,541 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.217767857143 | Take profit: 2102.6852732142856 +2025-03-10 13:29:01,193 - INFO - CLOSED long at 2062.65 | PnL: -0.43% | $-1.07 +2025-03-10 13:29:01,229 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.456817857143 | Take profit: 2092.728123214286 +2025-03-10 13:29:03,486 - INFO - CLOSED long at 2070.0 | PnL: 0.40% | $0.59 +2025-03-10 13:29:03,525 - INFO - OPENED LONG at 2068.15 | Stop loss: 2057.794967857143 | Take profit: 2099.193673214286 +2025-03-10 13:29:03,839 - INFO - CLOSED long at 2072.99 | PnL: 0.23% | $0.27 +2025-03-10 13:29:03,839 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.369232142857 | Take profit: 2041.873726785714 +2025-03-10 13:29:03,868 - INFO - CLOSED short at 2071.49 | PnL: 0.07% | $-0.06 +2025-03-10 13:29:03,869 - INFO - OPENED LONG at 2071.49 | Stop loss: 2061.1182678571427 | Take profit: 2102.5837732142854 +2025-03-10 13:29:04,145 - INFO - CLOSED long at 2063.95 | PnL: -0.36% | $-0.93 +2025-03-10 13:29:04,146 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.284032142857 | Take profit: 2032.9693267857142 +2025-03-10 13:29:04,201 - INFO - CLOSED short at 2063.97 | PnL: -0.00% | $-0.20 +2025-03-10 13:29:04,201 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.635867857143 | Take profit: 2094.9509732142856 +2025-03-10 13:29:04,931 - INFO - CLOSED long at 2070.35 | PnL: 0.31% | $0.42 +2025-03-10 13:29:05,034 - INFO - OPENED LONG at 2068.19 | Stop loss: 2057.834767857143 | Take profit: 2099.2342732142856 +2025-03-10 13:29:05,139 - INFO - CLOSED long at 2071.61 | PnL: 0.17% | $0.13 +2025-03-10 13:29:05,254 - INFO - OPENED LONG at 2074.35 | Stop loss: 2063.9639678571425 | Take profit: 2105.4866732142855 +2025-03-10 13:29:05,849 - INFO - CLOSED long at 2067.88 | PnL: -0.31% | $-0.82 +2025-03-10 13:29:05,953 - INFO - OPENED LONG at 2070.19 | Stop loss: 2059.824767857143 | Take profit: 2101.264273214286 +2025-03-10 13:29:06,359 - INFO - CLOSED long at 2063.98 | PnL: -0.30% | $-0.79 +2025-03-10 13:29:06,386 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7552178571427 | Take profit: 2097.1129232142857 +2025-03-10 13:29:06,875 - INFO - CLOSED long at 2053.01 | PnL: -0.63% | $-1.44 +2025-03-10 13:29:06,973 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.949667857143 | Take profit: 2079.969573214286 +2025-03-10 13:29:08,268 - INFO - TAKE PROFIT hit for long at 2079.969573214286 | PnL: 1.50% | $2.71 +2025-03-10 13:29:08,294 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.023267857143 | Take profit: 2121.8687732142853 +2025-03-10 13:29:08,348 - INFO - TAKE PROFIT hit for long at 2121.8687732142853 | PnL: 1.50% | $2.79 +2025-03-10 13:29:08,373 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8280178571426 | Take profit: 2171.6545232142857 +2025-03-10 13:29:08,733 - INFO - STOP LOSS hit for long at 2128.8280178571426 | PnL: -0.50% | $-1.23 +2025-03-10 13:29:08,788 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.032267857143 | Take profit: 2160.6417732142854 +2025-03-10 13:29:08,992 - INFO - STOP LOSS hit for long at 2118.032267857143 | PnL: -0.50% | $-1.21 +2025-03-10 13:29:09,019 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3160678571426 | Take profit: 2151.750373214286 +2025-03-10 13:29:09,219 - INFO - STOP LOSS hit for long at 2109.3160678571426 | PnL: -0.50% | $-1.20 +2025-03-10 13:29:09,330 - INFO - OPENED LONG at 2112.95 | Stop loss: 2102.3709678571427 | Take profit: 2144.6656732142856 +2025-03-10 13:29:09,628 - INFO - CLOSED long at 2108.06 | PnL: -0.23% | $-0.65 +2025-03-10 13:29:09,629 - INFO - OPENED SHORT at 2108.06 | Stop loss: 2118.6145821428568 | Take profit: 2076.4176767857143 +2025-03-10 13:29:09,656 - INFO - CLOSED short at 2103.33 | PnL: 0.22% | $0.24 +2025-03-10 13:29:09,656 - INFO - OPENED LONG at 2103.33 | Stop loss: 2092.7990678571427 | Take profit: 2134.9013732142853 +2025-03-10 13:29:09,707 - INFO - CLOSED long at 2090.0 | PnL: -0.63% | $-1.44 +2025-03-10 13:29:09,794 - INFO - OPENED LONG at 2102.19 | Stop loss: 2091.664767857143 | Take profit: 2133.744273214286 +2025-03-10 13:29:10,329 - INFO - STOP LOSS hit for long at 2091.664767857143 | PnL: -0.50% | $-1.16 +2025-03-10 13:29:10,383 - INFO - OPENED LONG at 2094.08 | Stop loss: 2083.5953178571426 | Take profit: 2125.5126232142857 +2025-03-10 13:29:10,432 - INFO - STOP LOSS hit for long at 2083.5953178571426 | PnL: -0.50% | $-1.15 +2025-03-10 13:29:10,465 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.983517857143 | Take profit: 2119.7880232142857 +2025-03-10 13:29:10,595 - INFO - CLOSED long at 2080.38 | PnL: -0.39% | $-0.92 +2025-03-10 13:29:10,626 - INFO - OPENED LONG at 2081.25 | Stop loss: 2070.829467857143 | Take profit: 2112.4901732142857 +2025-03-10 13:29:11,849 - INFO - CLOSED long at 2103.9 | PnL: 1.09% | $1.85 +2025-03-10 13:29:11,849 - INFO - OPENED SHORT at 2103.9 | Stop loss: 2114.4337821428576 | Take profit: 2072.3200767857143 +2025-03-10 13:29:12,124 - INFO - Trade Analysis: Win Rate=27.3% in uptrends, 0.0% in downtrends | Avg Win=$1.06, Avg Loss=$-0.85 +2025-03-10 13:29:12,125 - INFO - Episode 13: Reward=70.40, Balance=$96.03, Win Rate=37.0%, Trades=27, Episode PnL=$-4.99, Total PnL=$-102.98, Max Drawdown=8.5%, Pred Accuracy=98.8% +2025-03-10 13:29:12,342 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6262678571427 | Take profit: 2080.659773214286 +2025-03-10 13:29:12,842 - INFO - CLOSED long at 2063.59 | PnL: 0.67% | $1.13 +2025-03-10 13:29:12,842 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.9222321428574 | Take profit: 2032.6147267857143 +2025-03-10 13:29:13,185 - INFO - CLOSED short at 2062.89 | PnL: 0.03% | $-0.13 +2025-03-10 13:29:13,186 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.561267857143 | Take profit: 2093.8547732142856 +2025-03-10 13:29:14,523 - INFO - CLOSED long at 2067.51 | PnL: 0.22% | $0.25 +2025-03-10 13:29:14,552 - INFO - OPENED LONG at 2069.01 | Stop loss: 2058.650667857143 | Take profit: 2100.0665732142857 +2025-03-10 13:29:14,932 - INFO - CLOSED long at 2071.4 | PnL: 0.12% | $0.03 +2025-03-10 13:29:14,933 - INFO - OPENED SHORT at 2071.4 | Stop loss: 2081.771282142857 | Take profit: 2040.3075767857144 +2025-03-10 13:29:14,960 - INFO - CLOSED short at 2071.39 | PnL: 0.00% | $-0.20 +2025-03-10 13:29:14,960 - INFO - OPENED LONG at 2071.39 | Stop loss: 2061.018767857143 | Take profit: 2102.482273214285 +2025-03-10 13:29:15,532 - INFO - CLOSED long at 2068.58 | PnL: -0.14% | $-0.47 +2025-03-10 13:29:15,532 - INFO - OPENED SHORT at 2068.58 | Stop loss: 2078.937182142857 | Take profit: 2037.5298767857141 +2025-03-10 13:29:15,563 - INFO - CLOSED short at 2068.8 | PnL: -0.01% | $-0.22 +2025-03-10 13:29:15,563 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.441717857143 | Take profit: 2099.853423214286 +2025-03-10 13:29:16,006 - INFO - CLOSED long at 2065.28 | PnL: -0.17% | $-0.54 +2025-03-10 13:29:16,180 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.347267857143 | Take profit: 2096.6967732142857 +2025-03-10 13:29:16,785 - INFO - CLOSED long at 2061.6 | PnL: -0.20% | $-0.59 +2025-03-10 13:29:16,818 - INFO - OPENED LONG at 2060.9 | Stop loss: 2050.5812178571427 | Take profit: 2091.834923214286 +2025-03-10 13:29:17,075 - INFO - CLOSED long at 2061.13 | PnL: 0.01% | $-0.18 +2025-03-10 13:29:17,075 - INFO - OPENED SHORT at 2061.13 | Stop loss: 2071.449932142857 | Take profit: 2030.1916267857143 +2025-03-10 13:29:17,102 - INFO - CLOSED short at 2061.9 | PnL: -0.04% | $-0.27 +2025-03-10 13:29:17,103 - INFO - OPENED LONG at 2061.9 | Stop loss: 2051.576217857143 | Take profit: 2092.849923214286 +2025-03-10 13:29:18,189 - INFO - CLOSED long at 2062.69 | PnL: 0.04% | $-0.12 +2025-03-10 13:29:18,189 - INFO - OPENED SHORT at 2062.69 | Stop loss: 2073.0177321428573 | Take profit: 2031.7282267857142 +2025-03-10 13:29:18,255 - INFO - CLOSED short at 2066.36 | PnL: -0.18% | $-0.54 +2025-03-10 13:29:18,255 - INFO - OPENED LONG at 2066.36 | Stop loss: 2056.013917857143 | Take profit: 2097.3768232142857 +2025-03-10 13:29:19,123 - INFO - CLOSED long at 2069.03 | PnL: 0.13% | $0.06 +2025-03-10 13:29:19,123 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.3894321428575 | Take profit: 2037.9731267857144 +2025-03-10 13:29:19,190 - INFO - CLOSED short at 2068.79 | PnL: 0.01% | $-0.17 +2025-03-10 13:29:19,190 - INFO - OPENED LONG at 2068.79 | Stop loss: 2058.431767857143 | Take profit: 2099.843273214286 +2025-03-10 13:29:19,394 - INFO - CLOSED long at 2065.66 | PnL: -0.15% | $-0.49 +2025-03-10 13:29:19,395 - INFO - OPENED SHORT at 2065.66 | Stop loss: 2076.0025821428567 | Take profit: 2034.6536767857142 +2025-03-10 13:29:19,425 - INFO - CLOSED short at 2063.95 | PnL: 0.08% | $-0.03 +2025-03-10 13:29:19,425 - INFO - OPENED LONG at 2063.95 | Stop loss: 2053.6159678571426 | Take profit: 2094.930673214286 +2025-03-10 13:29:19,659 - INFO - CLOSED long at 2065.31 | PnL: 0.07% | $-0.07 +2025-03-10 13:29:19,659 - INFO - OPENED SHORT at 2065.31 | Stop loss: 2075.6508321428573 | Take profit: 2034.3089267857142 +2025-03-10 13:29:19,684 - INFO - CLOSED short at 2066.8 | PnL: -0.07% | $-0.33 +2025-03-10 13:29:19,684 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.451717857143 | Take profit: 2097.823423214286 +2025-03-10 13:29:19,763 - INFO - CLOSED long at 2071.59 | PnL: 0.23% | $0.25 +2025-03-10 13:29:19,763 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.9622321428574 | Take profit: 2040.4947267857144 +2025-03-10 13:29:19,790 - INFO - CLOSED short at 2070.2 | PnL: 0.07% | $-0.06 +2025-03-10 13:29:19,791 - INFO - OPENED LONG at 2070.2 | Stop loss: 2059.834717857143 | Take profit: 2101.274423214286 +2025-03-10 13:29:20,774 - INFO - CLOSED long at 2070.19 | PnL: -0.00% | $-0.19 +2025-03-10 13:29:20,797 - INFO - OPENED LONG at 2070.1 | Stop loss: 2059.7352178571427 | Take profit: 2101.1729232142857 +2025-03-10 13:29:21,163 - INFO - CLOSED long at 2066.33 | PnL: -0.18% | $-0.54 +2025-03-10 13:29:21,163 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6759321428567 | Take profit: 2035.3136267857144 +2025-03-10 13:29:21,196 - INFO - CLOSED short at 2063.01 | PnL: 0.16% | $0.12 +2025-03-10 13:29:21,196 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.680667857143 | Take profit: 2093.976573214286 +2025-03-10 13:29:21,378 - INFO - CLOSED long at 2053.01 | PnL: -0.48% | $-1.12 +2025-03-10 13:29:21,379 - INFO - OPENED SHORT at 2053.01 | Stop loss: 2063.2893321428573 | Take profit: 2022.1934267857146 +2025-03-10 13:29:21,411 - INFO - CLOSED short at 2049.21 | PnL: 0.19% | $0.16 +2025-03-10 13:29:21,412 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.949667857143 | Take profit: 2079.969573214286 +2025-03-10 13:29:22,248 - INFO - CLOSED long at 2074.05 | PnL: 1.21% | $2.11 +2025-03-10 13:29:22,248 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4345321428573 | Take profit: 2042.9178267857144 +2025-03-10 13:29:22,366 - INFO - CLOSED short at 2074.9 | PnL: -0.04% | $-0.27 +2025-03-10 13:29:22,366 - INFO - OPENED LONG at 2074.9 | Stop loss: 2064.511217857143 | Take profit: 2106.044923214286 +2025-03-10 13:29:22,543 - INFO - TAKE PROFIT hit for long at 2106.044923214286 | PnL: 1.50% | $2.71 +2025-03-10 13:29:22,686 - INFO - OPENED LONG at 2133.95 | Stop loss: 2123.2659678571426 | Take profit: 2165.9806732142856 +2025-03-10 13:29:23,061 - INFO - STOP LOSS hit for long at 2123.2659678571426 | PnL: -0.50% | $-1.20 +2025-03-10 13:29:23,141 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.534967857143 | Take profit: 2151.9736732142856 +2025-03-10 13:29:23,421 - INFO - STOP LOSS hit for long at 2109.534967857143 | PnL: -0.50% | $-1.18 +2025-03-10 13:29:23,505 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032717857143 | Take profit: 2142.2804232142853 +2025-03-10 13:29:23,725 - INFO - CLOSED long at 2112.99 | PnL: 0.11% | $0.03 +2025-03-10 13:29:23,755 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.191667857143 | Take profit: 2152.6435732142854 +2025-03-10 13:29:23,968 - INFO - STOP LOSS hit for long at 2110.191667857143 | PnL: -0.50% | $-1.17 +2025-03-10 13:29:24,006 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.9432678571425 | Take profit: 2138.1087732142855 +2025-03-10 13:29:24,080 - INFO - CLOSED long at 2100.5 | PnL: -0.28% | $-0.74 +2025-03-10 13:29:24,080 - INFO - OPENED SHORT at 2100.5 | Stop loss: 2111.016782142857 | Take profit: 2068.9710767857146 +2025-03-10 13:29:24,162 - INFO - CLOSED short at 2098.1 | PnL: 0.11% | $0.03 +2025-03-10 13:29:24,163 - INFO - OPENED LONG at 2098.1 | Stop loss: 2087.595217857143 | Take profit: 2129.5929232142857 +2025-03-10 13:29:24,839 - INFO - CLOSED long at 2093.33 | PnL: -0.23% | $-0.62 +2025-03-10 13:29:24,928 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.2321178571424 | Take profit: 2126.1622232142854 +2025-03-10 13:29:25,035 - INFO - STOP LOSS hit for long at 2084.2321178571424 | PnL: -0.50% | $-1.14 +2025-03-10 13:29:25,211 - INFO - OPENED LONG at 2085.3 | Stop loss: 2074.859217857143 | Take profit: 2116.600923214286 +2025-03-10 13:29:25,310 - INFO - CLOSED long at 2081.25 | PnL: -0.19% | $-0.55 +2025-03-10 13:29:25,399 - INFO - OPENED LONG at 2083.59 | Stop loss: 2073.157767857143 | Take profit: 2114.865273214286 +2025-03-10 13:29:25,460 - INFO - CLOSED long at 2086.57 | PnL: 0.14% | $0.08 +2025-03-10 13:29:25,461 - INFO - OPENED SHORT at 2086.57 | Stop loss: 2097.017132142857 | Take profit: 2055.2500267857145 +2025-03-10 13:29:25,524 - INFO - CLOSED short at 2085.8 | PnL: 0.04% | $-0.12 +2025-03-10 13:29:25,525 - INFO - OPENED LONG at 2085.8 | Stop loss: 2075.356717857143 | Take profit: 2117.1084232142857 +2025-03-10 13:29:26,383 - INFO - CLOSED long at 2100.89 | PnL: 0.72% | $1.16 +2025-03-10 13:29:26,384 - INFO - OPENED SHORT at 2100.89 | Stop loss: 2111.4087321428574 | Take profit: 2069.355226785714 +2025-03-10 13:29:26,440 - INFO - CLOSED short at 2106.15 | PnL: -0.25% | $-0.66 +2025-03-10 13:29:26,440 - INFO - OPENED LONG at 2106.15 | Stop loss: 2095.604967857143 | Take profit: 2137.763673214286 +2025-03-10 13:29:27,068 - INFO - Trade Analysis: Win Rate=20.0% in uptrends, 0.0% in downtrends | Avg Win=$0.62, Avg Loss=$-0.48 +2025-03-10 13:29:27,069 - INFO - Episode 14: Reward=54.10, Balance=$94.18, Win Rate=31.0%, Trades=42, Episode PnL=$-6.91, Total PnL=$-108.80, Max Drawdown=7.4%, Pred Accuracy=98.7% +2025-03-10 13:29:27,285 - INFO - OPENED SHORT at 2049.89 | Stop loss: 2060.153732142857 | Take profit: 2019.120226785714 +2025-03-10 13:29:27,316 - INFO - CLOSED short at 2051.11 | PnL: -0.06% | $-0.32 +2025-03-10 13:29:27,317 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.840167857143 | Take profit: 2081.898073214286 +2025-03-10 13:29:28,235 - INFO - CLOSED long at 2068.11 | PnL: 0.83% | $1.44 +2025-03-10 13:29:28,236 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.464832142857 | Take profit: 2037.0669267857145 +2025-03-10 13:29:28,329 - INFO - CLOSED short at 2071.63 | PnL: -0.17% | $-0.54 +2025-03-10 13:29:28,329 - INFO - OPENED LONG at 2071.63 | Stop loss: 2061.257567857143 | Take profit: 2102.725873214286 +2025-03-10 13:29:28,384 - INFO - CLOSED long at 2069.6 | PnL: -0.10% | $-0.40 +2025-03-10 13:29:28,385 - INFO - OPENED SHORT at 2069.6 | Stop loss: 2079.962282142857 | Take profit: 2038.534576785714 +2025-03-10 13:29:28,493 - INFO - CLOSED short at 2067.69 | PnL: 0.09% | $-0.02 +2025-03-10 13:29:28,494 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.337267857143 | Take profit: 2098.726773214286 +2025-03-10 13:29:29,211 - INFO - CLOSED long at 2066.29 | PnL: -0.07% | $-0.33 +2025-03-10 13:29:29,238 - INFO - OPENED LONG at 2065.08 | Stop loss: 2054.7403178571426 | Take profit: 2096.0776232142857 +2025-03-10 13:29:30,177 - INFO - CLOSED long at 2067.46 | PnL: 0.12% | $0.03 +2025-03-10 13:29:30,178 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.8115821428573 | Take profit: 2036.4266767857143 +2025-03-10 13:29:30,214 - INFO - CLOSED short at 2066.8 | PnL: 0.03% | $-0.14 +2025-03-10 13:29:30,214 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.451717857143 | Take profit: 2097.823423214286 +2025-03-10 13:29:33,486 - INFO - STOP LOSS hit for long at 2056.451717857143 | PnL: -0.50% | $-1.19 +2025-03-10 13:29:33,856 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.979217857143 | Take profit: 2092.240923214286 +2025-03-10 13:29:34,240 - INFO - CLOSED long at 2066.79 | PnL: 0.27% | $0.33 +2025-03-10 13:29:34,274 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.9790678571426 | Take profit: 2098.3613732142853 +2025-03-10 13:29:34,414 - INFO - CLOSED long at 2074.3 | PnL: 0.34% | $0.47 +2025-03-10 13:29:34,673 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.2277178571426 | Take profit: 2102.6954232142857 +2025-03-10 13:29:34,991 - INFO - CLOSED long at 2069.03 | PnL: -0.12% | $-0.44 +2025-03-10 13:29:35,027 - INFO - OPENED LONG at 2067.44 | Stop loss: 2057.088517857143 | Take profit: 2098.4730232142856 +2025-03-10 13:29:36,330 - INFO - CLOSED long at 2068.19 | PnL: 0.04% | $-0.13 +2025-03-10 13:29:36,677 - INFO - OPENED LONG at 2073.99 | Stop loss: 2063.605767857143 | Take profit: 2105.121273214286 +2025-03-10 13:29:37,400 - INFO - CLOSED long at 2067.19 | PnL: -0.33% | $-0.84 +2025-03-10 13:29:37,401 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.5402321428573 | Take profit: 2036.1607267857144 +2025-03-10 13:29:37,432 - INFO - CLOSED short at 2065.5 | PnL: 0.08% | $-0.04 +2025-03-10 13:29:37,433 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.158217857143 | Take profit: 2096.503923214286 +2025-03-10 13:29:38,191 - INFO - STOP LOSS hit for long at 2055.158217857143 | PnL: -0.50% | $-1.17 +2025-03-10 13:29:38,229 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.949667857143 | Take profit: 2079.969573214286 +2025-03-10 13:29:39,159 - INFO - CLOSED long at 2070.41 | PnL: 1.03% | $1.80 +2025-03-10 13:29:39,241 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6107678571425 | Take profit: 2104.1062732142855 +2025-03-10 13:29:39,509 - INFO - TAKE PROFIT hit for long at 2104.1062732142855 | PnL: 1.50% | $2.74 +2025-03-10 13:29:39,545 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8280178571426 | Take profit: 2171.6545232142857 +2025-03-10 13:29:39,769 - INFO - STOP LOSS hit for long at 2128.8280178571426 | PnL: -0.50% | $-1.21 +2025-03-10 13:29:39,791 - INFO - OPENED SHORT at 2127.3 | Stop loss: 2137.9507821428574 | Take profit: 2095.3690767857147 +2025-03-10 13:29:39,881 - INFO - CLOSED short at 2120.15 | PnL: 0.34% | $0.47 +2025-03-10 13:29:39,881 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.534967857143 | Take profit: 2151.9736732142856 +2025-03-10 13:29:40,124 - INFO - STOP LOSS hit for long at 2109.534967857143 | PnL: -0.50% | $-1.20 +2025-03-10 13:29:40,159 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032717857143 | Take profit: 2142.2804232142853 +2025-03-10 13:29:40,618 - INFO - STOP LOSS hit for long at 2100.032717857143 | PnL: -0.50% | $-1.19 +2025-03-10 13:29:40,641 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.041932142857 | Take profit: 2068.0156267857146 +2025-03-10 13:29:40,667 - INFO - CLOSED short at 2098.1 | PnL: 0.07% | $-0.06 +2025-03-10 13:29:40,667 - INFO - OPENED LONG at 2098.1 | Stop loss: 2087.595217857143 | Take profit: 2129.5929232142857 +2025-03-10 13:29:40,908 - INFO - CLOSED long at 2103.86 | PnL: 0.27% | $0.34 +2025-03-10 13:29:40,933 - INFO - OPENED LONG at 2104.68 | Stop loss: 2094.1423178571426 | Take profit: 2136.2716232142857 +2025-03-10 13:29:41,082 - INFO - CLOSED long at 2093.46 | PnL: -0.53% | $-1.24 +2025-03-10 13:29:41,110 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.849067857143 | Take profit: 2124.7513732142856 +2025-03-10 13:29:41,318 - INFO - CLOSED long at 2083.97 | PnL: -0.45% | $-1.06 +2025-03-10 13:29:41,372 - INFO - OPENED LONG at 2082.44 | Stop loss: 2072.0135178571427 | Take profit: 2113.698023214286 +2025-03-10 13:29:41,847 - INFO - CLOSED long at 2086.81 | PnL: 0.21% | $0.21 +2025-03-10 13:29:41,874 - INFO - OPENED LONG at 2089.79 | Stop loss: 2079.326767857143 | Take profit: 2121.1582732142856 +2025-03-10 13:29:42,184 - INFO - CLOSED long at 2099.89 | PnL: 0.48% | $0.73 +2025-03-10 13:29:42,293 - INFO - OPENED LONG at 2103.48 | Stop loss: 2092.9483178571427 | Take profit: 2135.053623214286 +2025-03-10 13:29:42,425 - INFO - CLOSED long at 2105.83 | PnL: 0.11% | $0.02 +2025-03-10 13:29:42,453 - INFO - OPENED LONG at 2103.64 | Stop loss: 2093.1075178571427 | Take profit: 2135.2160232142855 +2025-03-10 13:29:42,533 - INFO - CLOSED long at 2104.4 | PnL: 0.04% | $-0.12 +2025-03-10 13:29:42,561 - INFO - OPENED LONG at 2105.21 | Stop loss: 2094.669667857143 | Take profit: 2136.8095732142856 +2025-03-10 13:29:42,933 - INFO - CLOSED long at 2112.28 | PnL: 0.34% | $0.45 +2025-03-10 13:29:42,934 - INFO - OPENED SHORT at 2112.28 | Stop loss: 2122.855682142857 | Take profit: 2080.5743767857143 +2025-03-10 13:29:42,959 - INFO - Trade Analysis: Win Rate=15.4% in uptrends, 0.0% in downtrends | Avg Win=$0.75, Avg Loss=$-0.61 +2025-03-10 13:29:42,960 - INFO - Episode 15: Reward=71.53, Balance=$97.42, Win Rate=38.7%, Trades=31, Episode PnL=$-3.27, Total PnL=$-111.38, Max Drawdown=5.1%, Pred Accuracy=98.5% +2025-03-10 13:29:43,135 - INFO - Model saved to models/trading_agent_best_winrate.pt +2025-03-10 13:29:43,136 - INFO - New best win rate model saved: 38.7% +2025-03-10 13:29:43,577 - INFO - OPENED LONG at 2051.11 | Stop loss: 2040.840167857143 | Take profit: 2081.898073214286 +2025-03-10 13:29:44,423 - INFO - CLOSED long at 2057.8 | PnL: 0.33% | $0.45 +2025-03-10 13:29:44,528 - INFO - OPENED LONG at 2061.79 | Stop loss: 2051.4667678571427 | Take profit: 2092.7382732142855 +2025-03-10 13:29:44,827 - INFO - CLOSED long at 2068.65 | PnL: 0.33% | $0.46 +2025-03-10 13:29:44,828 - INFO - OPENED SHORT at 2068.65 | Stop loss: 2079.007532142857 | Take profit: 2037.5988267857144 +2025-03-10 13:29:44,884 - INFO - CLOSED short at 2067.9 | PnL: 0.04% | $-0.13 +2025-03-10 13:29:44,884 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.546217857143 | Take profit: 2098.939923214286 +2025-03-10 13:29:45,792 - INFO - CLOSED long at 2068.9 | PnL: 0.05% | $-0.10 +2025-03-10 13:29:45,792 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.2587821428574 | Take profit: 2037.8450767857144 +2025-03-10 13:29:45,839 - INFO - CLOSED short at 2068.59 | PnL: 0.01% | $-0.17 +2025-03-10 13:29:45,865 - INFO - OPENED LONG at 2069.7 | Stop loss: 2059.3372178571426 | Take profit: 2100.7669232142857 +2025-03-10 13:29:46,149 - INFO - CLOSED long at 2073.9 | PnL: 0.20% | $0.21 +2025-03-10 13:29:46,149 - INFO - OPENED SHORT at 2073.9 | Stop loss: 2084.2837821428575 | Take profit: 2042.7700767857145 +2025-03-10 13:29:46,174 - INFO - CLOSED short at 2071.92 | PnL: 0.10% | $-0.01 +2025-03-10 13:29:46,175 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.5461178571427 | Take profit: 2103.0202232142856 +2025-03-10 13:29:46,756 - INFO - CLOSED long at 2070.7 | PnL: -0.06% | $-0.32 +2025-03-10 13:29:46,757 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0677821428567 | Take profit: 2039.618076785714 +2025-03-10 13:29:46,791 - INFO - CLOSED short at 2070.4 | PnL: 0.01% | $-0.17 +2025-03-10 13:29:46,792 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.033717857143 | Take profit: 2101.477423214286 +2025-03-10 13:29:47,213 - INFO - CLOSED long at 2065.69 | PnL: -0.23% | $-0.65 +2025-03-10 13:29:47,236 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.526317857143 | Take profit: 2098.919623214286 +2025-03-10 13:29:47,883 - INFO - CLOSED long at 2063.5 | PnL: -0.21% | $-0.62 +2025-03-10 13:29:47,918 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.2777178571428 | Take profit: 2092.5454232142856 +2025-03-10 13:29:48,884 - INFO - CLOSED long at 2059.16 | PnL: -0.12% | $-0.43 +2025-03-10 13:29:48,885 - INFO - OPENED SHORT at 2059.16 | Stop loss: 2069.470082142857 | Take profit: 2028.2511767857143 +2025-03-10 13:29:48,975 - INFO - CLOSED short at 2059.02 | PnL: 0.01% | $-0.18 +2025-03-10 13:29:48,976 - INFO - OPENED LONG at 2059.02 | Stop loss: 2048.710617857143 | Take profit: 2089.9267232142856 +2025-03-10 13:29:49,172 - INFO - CLOSED long at 2055.6 | PnL: -0.17% | $-0.52 +2025-03-10 13:29:49,173 - INFO - OPENED SHORT at 2055.6 | Stop loss: 2065.892282142857 | Take profit: 2024.7445767857141 +2025-03-10 13:29:49,403 - INFO - CLOSED short at 2058.15 | PnL: -0.12% | $-0.44 +2025-03-10 13:29:49,404 - INFO - OPENED LONG at 2058.15 | Stop loss: 2047.844967857143 | Take profit: 2089.0436732142857 +2025-03-10 13:29:50,939 - INFO - CLOSED long at 2064.31 | PnL: 0.30% | $0.39 +2025-03-10 13:29:51,006 - INFO - OPENED LONG at 2067.53 | Stop loss: 2057.178067857143 | Take profit: 2098.5643732142858 +2025-03-10 13:29:51,442 - INFO - CLOSED long at 2071.99 | PnL: 0.22% | $0.22 +2025-03-10 13:29:51,443 - INFO - OPENED SHORT at 2071.99 | Stop loss: 2082.364232142857 | Take profit: 2040.888726785714 +2025-03-10 13:29:51,472 - INFO - CLOSED short at 2068.19 | PnL: 0.18% | $0.16 +2025-03-10 13:29:51,473 - INFO - OPENED LONG at 2068.19 | Stop loss: 2057.834767857143 | Take profit: 2099.2342732142856 +2025-03-10 13:29:52,836 - INFO - STOP LOSS hit for long at 2057.834767857143 | PnL: -0.50% | $-1.17 +2025-03-10 13:29:52,891 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.949667857143 | Take profit: 2079.969573214286 +2025-03-10 13:29:53,822 - INFO - CLOSED long at 2074.05 | PnL: 1.21% | $2.14 +2025-03-10 13:29:53,823 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4345321428573 | Take profit: 2042.9178267857144 +2025-03-10 13:29:53,848 - INFO - CLOSED short at 2072.99 | PnL: 0.05% | $-0.10 +2025-03-10 13:29:53,849 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6107678571425 | Take profit: 2104.1062732142855 +2025-03-10 13:29:54,188 - INFO - TAKE PROFIT hit for long at 2104.1062732142855 | PnL: 1.50% | $2.76 +2025-03-10 13:29:54,275 - INFO - OPENED LONG at 2133.95 | Stop loss: 2123.2659678571426 | Take profit: 2165.9806732142856 +2025-03-10 13:29:54,426 - INFO - CLOSED long at 2134.78 | PnL: 0.04% | $-0.12 +2025-03-10 13:29:54,460 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.3407678571425 | Take profit: 2158.916273214286 +2025-03-10 13:29:54,772 - INFO - STOP LOSS hit for long at 2116.3407678571425 | PnL: -0.50% | $-1.21 +2025-03-10 13:29:54,904 - INFO - OPENED LONG at 2112.95 | Stop loss: 2102.3709678571427 | Take profit: 2144.6656732142856 +2025-03-10 13:29:55,237 - INFO - STOP LOSS hit for long at 2102.3709678571427 | PnL: -0.50% | $-1.20 +2025-03-10 13:29:55,268 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.5357178571426 | Take profit: 2121.3714232142856 +2025-03-10 13:29:55,417 - INFO - CLOSED long at 2099.25 | PnL: 0.44% | $0.68 +2025-03-10 13:29:55,418 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.760532142857 | Take profit: 2067.7398267857143 +2025-03-10 13:29:55,556 - INFO - CLOSED short at 2100.74 | PnL: -0.07% | $-0.34 +2025-03-10 13:29:55,556 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.2220178571424 | Take profit: 2132.2725232142852 +2025-03-10 13:29:55,781 - INFO - CLOSED long at 2093.46 | PnL: -0.35% | $-0.88 +2025-03-10 13:29:55,825 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.849067857143 | Take profit: 2124.7513732142856 +2025-03-10 13:29:55,967 - INFO - CLOSED long at 2088.35 | PnL: -0.24% | $-0.66 +2025-03-10 13:29:55,967 - INFO - OPENED SHORT at 2088.35 | Stop loss: 2098.806032142857 | Take profit: 2057.0033267857143 +2025-03-10 13:29:55,997 - INFO - CLOSED short at 2083.28 | PnL: 0.24% | $0.28 +2025-03-10 13:29:55,998 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.849317857143 | Take profit: 2114.5506232142857 +2025-03-10 13:29:57,872 - INFO - Trade Analysis: Win Rate=23.1% in uptrends, 0.0% in downtrends | Avg Win=$0.77, Avg Loss=$-0.47 +2025-03-10 13:29:57,873 - INFO - Episode 16: Reward=67.90, Balance=$98.32, Win Rate=33.3%, Trades=30, Episode PnL=$-3.36, Total PnL=$-113.06, Max Drawdown=3.5%, Pred Accuracy=98.4% +2025-03-10 13:29:58,155 - INFO - OPENED LONG at 2053.26 | Stop loss: 2042.979417857143 | Take profit: 2084.080323214286 +2025-03-10 13:29:58,308 - INFO - CLOSED long at 2058.39 | PnL: 0.25% | $0.30 +2025-03-10 13:29:58,308 - INFO - OPENED SHORT at 2058.39 | Stop loss: 2068.696232142857 | Take profit: 2027.4927267857142 +2025-03-10 13:29:58,366 - INFO - CLOSED short at 2059.7 | PnL: -0.06% | $-0.33 +2025-03-10 13:29:58,366 - INFO - OPENED LONG at 2059.7 | Stop loss: 2049.387217857143 | Take profit: 2090.6169232142856 +2025-03-10 13:29:58,741 - INFO - CLOSED long at 2060.0 | PnL: 0.01% | $-0.17 +2025-03-10 13:29:58,742 - INFO - OPENED SHORT at 2060.0 | Stop loss: 2070.3142821428573 | Take profit: 2029.0785767857142 +2025-03-10 13:29:58,768 - INFO - CLOSED short at 2061.89 | PnL: -0.09% | $-0.38 +2025-03-10 13:29:58,769 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.566267857143 | Take profit: 2092.8397732142857 +2025-03-10 13:29:59,928 - INFO - CLOSED long at 2071.41 | PnL: 0.46% | $0.71 +2025-03-10 13:29:59,928 - INFO - OPENED SHORT at 2071.41 | Stop loss: 2081.781332142857 | Take profit: 2040.3174267857141 +2025-03-10 13:29:59,959 - INFO - CLOSED short at 2069.37 | PnL: 0.10% | $-0.00 +2025-03-10 13:29:59,959 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.008867857143 | Take profit: 2100.431973214286 +2025-03-10 13:30:01,121 - INFO - CLOSED long at 2071.39 | PnL: 0.10% | $-0.00 +2025-03-10 13:30:01,122 - INFO - OPENED SHORT at 2071.39 | Stop loss: 2081.761232142857 | Take profit: 2040.297726785714 +2025-03-10 13:30:01,151 - INFO - CLOSED short at 2071.36 | PnL: 0.00% | $-0.20 +2025-03-10 13:30:01,151 - INFO - OPENED LONG at 2071.36 | Stop loss: 2060.988917857143 | Take profit: 2102.451823214286 +2025-03-10 13:30:01,672 - INFO - CLOSED long at 2066.8 | PnL: -0.22% | $-0.64 +2025-03-10 13:30:01,672 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.1482821428576 | Take profit: 2035.7765767857143 +2025-03-10 13:30:01,700 - INFO - CLOSED short at 2065.49 | PnL: 0.06% | $-0.07 +2025-03-10 13:30:01,700 - INFO - OPENED LONG at 2065.49 | Stop loss: 2055.1482678571424 | Take profit: 2096.4937732142857 +2025-03-10 13:30:01,974 - INFO - CLOSED long at 2070.3 | PnL: 0.23% | $0.26 +2025-03-10 13:30:02,004 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.217767857143 | Take profit: 2102.6852732142856 +2025-03-10 13:30:02,657 - INFO - CLOSED long at 2062.65 | PnL: -0.43% | $-1.05 +2025-03-10 13:30:02,685 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.456817857143 | Take profit: 2092.728123214286 +2025-03-10 13:30:03,454 - INFO - CLOSED long at 2065.36 | PnL: 0.17% | $0.14 +2025-03-10 13:30:03,489 - INFO - OPENED LONG at 2064.33 | Stop loss: 2053.994067857143 | Take profit: 2095.3163732142857 +2025-03-10 13:30:04,196 - INFO - CLOSED long at 2059.8 | PnL: -0.22% | $-0.63 +2025-03-10 13:30:04,196 - INFO - OPENED SHORT at 2059.8 | Stop loss: 2070.1132821428573 | Take profit: 2028.8815767857145 +2025-03-10 13:30:04,230 - INFO - CLOSED short at 2061.66 | PnL: -0.09% | $-0.37 +2025-03-10 13:30:04,231 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.3374178571426 | Take profit: 2092.6063232142856 +2025-03-10 13:30:05,088 - INFO - CLOSED long at 2073.23 | PnL: 0.56% | $0.89 +2025-03-10 13:30:05,245 - INFO - OPENED LONG at 2068.39 | Stop loss: 2058.0337678571427 | Take profit: 2099.4372732142856 +2025-03-10 13:30:06,556 - INFO - CLOSED long at 2070.35 | PnL: 0.09% | $-0.01 +2025-03-10 13:30:06,556 - INFO - OPENED SHORT at 2070.35 | Stop loss: 2080.7160321428573 | Take profit: 2039.273326785714 +2025-03-10 13:30:06,627 - INFO - CLOSED short at 2070.61 | PnL: -0.01% | $-0.22 +2025-03-10 13:30:06,628 - INFO - OPENED LONG at 2070.61 | Stop loss: 2060.2426678571433 | Take profit: 2101.690573214286 +2025-03-10 13:30:08,023 - INFO - STOP LOSS hit for long at 2060.2426678571433 | PnL: -0.50% | $-1.17 +2025-03-10 13:30:08,145 - INFO - OPENED LONG at 2056.77 | Stop loss: 2046.4718678571428 | Take profit: 2087.6429732142856 +2025-03-10 13:30:08,837 - INFO - CLOSED long at 2065.72 | PnL: 0.44% | $0.65 +2025-03-10 13:30:08,890 - INFO - OPENED LONG at 2070.24 | Stop loss: 2059.8745178571426 | Take profit: 2101.3150232142852 +2025-03-10 13:30:09,076 - INFO - CLOSED long at 2071.89 | PnL: 0.08% | $-0.04 +2025-03-10 13:30:09,129 - INFO - OPENED LONG at 2074.9 | Stop loss: 2064.511217857143 | Take profit: 2106.044923214286 +2025-03-10 13:30:09,154 - INFO - CLOSED long at 2076.08 | PnL: 0.06% | $-0.08 +2025-03-10 13:30:09,212 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.117917857143 | Take profit: 2116.8648232142855 +2025-03-10 13:30:09,263 - INFO - CLOSED long at 2103.02 | PnL: 0.84% | $1.43 +2025-03-10 13:30:09,263 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.549382142857 | Take profit: 2071.4532767857145 +2025-03-10 13:30:09,291 - INFO - STOP LOSS hit for short at 2113.549382142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:30:09,323 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8280178571426 | Take profit: 2171.6545232142857 +2025-03-10 13:30:09,497 - INFO - CLOSED long at 2142.68 | PnL: 0.15% | $0.09 +2025-03-10 13:30:09,572 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.3407678571425 | Take profit: 2158.916273214286 +2025-03-10 13:30:09,871 - INFO - STOP LOSS hit for long at 2116.3407678571425 | PnL: -0.50% | $-1.17 +2025-03-10 13:30:09,901 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.878567857143 | Take profit: 2139.0628732142854 +2025-03-10 13:30:10,110 - INFO - CLOSED long at 2112.99 | PnL: 0.26% | $0.31 +2025-03-10 13:30:10,349 - INFO - OPENED LONG at 2103.33 | Stop loss: 2092.7990678571427 | Take profit: 2134.9013732142853 +2025-03-10 13:30:10,410 - INFO - STOP LOSS hit for long at 2092.7990678571427 | PnL: -0.50% | $-1.16 +2025-03-10 13:30:10,589 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.3912178571427 | Take profit: 2130.4049232142856 +2025-03-10 13:30:11,294 - INFO - CLOSED long at 2091.1 | PnL: -0.37% | $-0.90 +2025-03-10 13:30:11,294 - INFO - OPENED SHORT at 2091.1 | Stop loss: 2101.569782142857 | Take profit: 2059.712076785714 +2025-03-10 13:30:11,346 - INFO - CLOSED short at 2094.08 | PnL: -0.14% | $-0.46 +2025-03-10 13:30:11,346 - INFO - OPENED LONG at 2094.08 | Stop loss: 2083.5953178571426 | Take profit: 2125.5126232142857 +2025-03-10 13:30:11,471 - INFO - STOP LOSS hit for long at 2083.5953178571426 | PnL: -0.50% | $-1.13 +2025-03-10 13:30:11,584 - INFO - OPENED LONG at 2083.97 | Stop loss: 2073.535867857143 | Take profit: 2115.2509732142858 +2025-03-10 13:30:13,686 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.53, Avg Loss=$-0.52 +2025-03-10 13:30:13,687 - INFO - Episode 17: Reward=68.20, Balance=$93.44, Win Rate=29.0%, Trades=31, Episode PnL=$-6.66, Total PnL=$-119.62, Max Drawdown=6.6%, Pred Accuracy=98.6% +2025-03-10 13:30:13,935 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6262678571427 | Take profit: 2080.659773214286 +2025-03-10 13:30:14,971 - INFO - CLOSED long at 2070.99 | PnL: 1.03% | $1.85 +2025-03-10 13:30:14,972 - INFO - OPENED SHORT at 2070.99 | Stop loss: 2081.359232142857 | Take profit: 2039.903726785714 +2025-03-10 13:30:15,027 - INFO - CLOSED short at 2068.65 | PnL: 0.11% | $0.03 +2025-03-10 13:30:15,027 - INFO - OPENED LONG at 2068.65 | Stop loss: 2058.292467857143 | Take profit: 2099.7011732142855 +2025-03-10 13:30:16,033 - INFO - CLOSED long at 2068.51 | PnL: -0.01% | $-0.22 +2025-03-10 13:30:16,065 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.232767857143 | Take profit: 2099.6402732142856 +2025-03-10 13:30:16,874 - INFO - CLOSED long at 2067.86 | PnL: -0.04% | $-0.27 +2025-03-10 13:30:16,899 - INFO - OPENED LONG at 2067.59 | Stop loss: 2057.237767857143 | Take profit: 2098.625273214286 +2025-03-10 13:30:19,461 - INFO - STOP LOSS hit for long at 2057.237767857143 | PnL: -0.50% | $-1.21 +2025-03-10 13:30:19,541 - INFO - OPENED LONG at 2054.83 | Stop loss: 2044.5415678571426 | Take profit: 2085.673873214286 +2025-03-10 13:30:20,505 - INFO - CLOSED long at 2069.69 | PnL: 0.72% | $1.24 +2025-03-10 13:30:20,506 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.052732142857 | Take profit: 2038.6232267857142 +2025-03-10 13:30:20,534 - INFO - CLOSED short at 2069.03 | PnL: 0.03% | $-0.14 +2025-03-10 13:30:20,535 - INFO - OPENED LONG at 2069.03 | Stop loss: 2058.670567857143 | Take profit: 2100.086873214286 +2025-03-10 13:30:22,303 - INFO - CLOSED long at 2065.07 | PnL: -0.19% | $-0.59 +2025-03-10 13:30:22,303 - INFO - OPENED SHORT at 2065.07 | Stop loss: 2075.4096321428574 | Take profit: 2034.0725267857144 +2025-03-10 13:30:22,338 - INFO - CLOSED short at 2066.09 | PnL: -0.05% | $-0.30 +2025-03-10 13:30:22,338 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.745267857143 | Take profit: 2097.102773214286 +2025-03-10 13:30:22,905 - INFO - CLOSED long at 2053.01 | PnL: -0.63% | $-1.46 +2025-03-10 13:30:22,905 - INFO - OPENED SHORT at 2053.01 | Stop loss: 2063.2893321428573 | Take profit: 2022.1934267857146 +2025-03-10 13:30:23,235 - INFO - CLOSED short at 2057.89 | PnL: -0.24% | $-0.66 +2025-03-10 13:30:23,235 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.5862678571427 | Take profit: 2088.779773214286 +2025-03-10 13:30:23,660 - INFO - CLOSED long at 2061.21 | PnL: 0.16% | $0.12 +2025-03-10 13:30:23,752 - INFO - OPENED LONG at 2061.84 | Stop loss: 2051.5165178571433 | Take profit: 2092.789023214286 +2025-03-10 13:30:23,804 - INFO - CLOSED long at 2062.54 | PnL: 0.03% | $-0.13 +2025-03-10 13:30:23,805 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.866982142857 | Take profit: 2031.5804767857142 +2025-03-10 13:30:24,119 - INFO - STOP LOSS hit for short at 2072.866982142857 | PnL: -0.50% | $-1.17 +2025-03-10 13:30:24,188 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.369232142857 | Take profit: 2041.873726785714 +2025-03-10 13:30:24,437 - INFO - CLOSED short at 2077.61 | PnL: -0.22% | $-0.62 +2025-03-10 13:30:24,438 - INFO - OPENED LONG at 2077.61 | Stop loss: 2067.207667857143 | Take profit: 2108.7955732142855 +2025-03-10 13:30:24,563 - INFO - TAKE PROFIT hit for long at 2108.7955732142855 | PnL: 1.50% | $2.68 +2025-03-10 13:30:24,658 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8280178571426 | Take profit: 2171.6545232142857 +2025-03-10 13:30:25,151 - INFO - STOP LOSS hit for long at 2128.8280178571426 | PnL: -0.50% | $-1.18 +2025-03-10 13:30:25,185 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.649217857143 | Take profit: 2159.230923214286 +2025-03-10 13:30:25,650 - INFO - STOP LOSS hit for long at 2116.649217857143 | PnL: -0.50% | $-1.17 +2025-03-10 13:30:25,677 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.878567857143 | Take profit: 2139.0628732142854 +2025-03-10 13:30:26,449 - INFO - STOP LOSS hit for long at 2096.878567857143 | PnL: -0.50% | $-1.16 +2025-03-10 13:30:26,476 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0180678571433 | Take profit: 2131.044373214286 +2025-03-10 13:30:26,536 - INFO - CLOSED long at 2102.19 | PnL: 0.13% | $0.05 +2025-03-10 13:30:26,538 - INFO - OPENED SHORT at 2102.19 | Stop loss: 2112.715232142857 | Take profit: 2070.6357267857143 +2025-03-10 13:30:26,657 - INFO - CLOSED short at 2099.25 | PnL: 0.14% | $0.08 +2025-03-10 13:30:26,658 - INFO - OPENED LONG at 2099.25 | Stop loss: 2088.739467857143 | Take profit: 2130.7601732142857 +2025-03-10 13:30:27,568 - INFO - STOP LOSS hit for long at 2088.739467857143 | PnL: -0.50% | $-1.14 +2025-03-10 13:30:27,598 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.849317857143 | Take profit: 2114.5506232142857 +2025-03-10 13:30:28,554 - INFO - CLOSED long at 2085.67 | PnL: 0.11% | $0.03 +2025-03-10 13:30:28,656 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.580467857143 | Take profit: 2122.437173214286 +2025-03-10 13:30:28,866 - INFO - CLOSED long at 2101.64 | PnL: 0.51% | $0.76 +2025-03-10 13:30:28,893 - INFO - OPENED LONG at 2097.11 | Stop loss: 2086.610167857143 | Take profit: 2128.588073214286 +2025-03-10 13:30:29,635 - INFO - CLOSED long at 2102.7 | PnL: 0.27% | $0.32 +2025-03-10 13:30:29,665 - INFO - OPENED SHORT at 2102.0 | Stop loss: 2112.5242821428574 | Take profit: 2070.448576785714 +2025-03-10 13:30:29,751 - INFO - CLOSED short at 2107.25 | PnL: -0.25% | $-0.67 +2025-03-10 13:30:29,752 - INFO - OPENED LONG at 2107.25 | Stop loss: 2096.6994678571427 | Take profit: 2138.8801732142856 +2025-03-10 13:30:29,930 - INFO - Trade Analysis: Win Rate=21.4% in uptrends, 0.0% in downtrends | Avg Win=$0.72, Avg Loss=$-0.76 +2025-03-10 13:30:29,931 - INFO - Episode 18: Reward=71.36, Balance=$95.06, Win Rate=38.5%, Trades=26, Episode PnL=$-5.89, Total PnL=$-124.56, Max Drawdown=6.9%, Pred Accuracy=98.7% +2025-03-10 13:30:30,225 - INFO - OPENED LONG at 2053.26 | Stop loss: 2042.979417857143 | Take profit: 2084.080323214286 +2025-03-10 13:30:32,494 - INFO - CLOSED long at 2066.19 | PnL: 0.63% | $1.05 +2025-03-10 13:30:32,554 - INFO - OPENED LONG at 2065.08 | Stop loss: 2054.7403178571426 | Take profit: 2096.0776232142857 +2025-03-10 13:30:32,835 - INFO - CLOSED long at 2071.39 | PnL: 0.31% | $0.41 +2025-03-10 13:30:32,865 - INFO - OPENED LONG at 2071.36 | Stop loss: 2060.988917857143 | Take profit: 2102.451823214286 +2025-03-10 13:30:34,635 - INFO - CLOSED long at 2065.69 | PnL: -0.27% | $-0.75 +2025-03-10 13:30:34,636 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.032732142857 | Take profit: 2034.6832267857144 +2025-03-10 13:30:34,692 - INFO - CLOSED short at 2064.99 | PnL: 0.03% | $-0.13 +2025-03-10 13:30:34,693 - INFO - OPENED LONG at 2064.99 | Stop loss: 2054.6507678571425 | Take profit: 2095.9862732142856 +2025-03-10 13:30:35,369 - INFO - CLOSED long at 2064.08 | PnL: -0.04% | $-0.29 +2025-03-10 13:30:35,369 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4146821428567 | Take profit: 2033.097376785714 +2025-03-10 13:30:35,395 - INFO - CLOSED short at 2062.71 | PnL: 0.07% | $-0.07 +2025-03-10 13:30:35,395 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.382167857143 | Take profit: 2093.672073214286 +2025-03-10 13:30:35,678 - INFO - CLOSED long at 2059.3 | PnL: -0.17% | $-0.53 +2025-03-10 13:30:35,782 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.476717857143 | Take profit: 2092.748423214286 +2025-03-10 13:30:36,357 - INFO - CLOSED long at 2062.6 | PnL: 0.04% | $-0.12 +2025-03-10 13:30:36,607 - INFO - OPENED LONG at 2061.09 | Stop loss: 2050.770267857143 | Take profit: 2092.0277732142863 +2025-03-10 13:30:37,490 - INFO - CLOSED long at 2066.33 | PnL: 0.25% | $0.31 +2025-03-10 13:30:37,521 - INFO - OPENED LONG at 2066.34 | Stop loss: 2055.994017857143 | Take profit: 2097.3565232142855 +2025-03-10 13:30:37,813 - INFO - CLOSED long at 2071.04 | PnL: 0.23% | $0.25 +2025-03-10 13:30:38,126 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6107678571425 | Take profit: 2104.1062732142855 +2025-03-10 13:30:38,931 - INFO - CLOSED long at 2070.35 | PnL: -0.13% | $-0.45 +2025-03-10 13:30:39,176 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.9838678571427 | Take profit: 2105.5069732142856 +2025-03-10 13:30:39,238 - INFO - CLOSED long at 2074.35 | PnL: -0.00% | $-0.20 +2025-03-10 13:30:39,330 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.929117857143 | Take profit: 2106.471223214286 +2025-03-10 13:30:39,698 - INFO - CLOSED long at 2065.45 | PnL: -0.48% | $-1.14 +2025-03-10 13:30:39,726 - INFO - OPENED LONG at 2068.1 | Stop loss: 2057.745217857143 | Take profit: 2099.1429232142855 +2025-03-10 13:30:39,823 - INFO - CLOSED long at 2070.1 | PnL: 0.10% | $-0.01 +2025-03-10 13:30:39,879 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.158217857143 | Take profit: 2096.503923214286 +2025-03-10 13:30:40,203 - INFO - CLOSED long at 2064.5 | PnL: -0.05% | $-0.29 +2025-03-10 13:30:40,227 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.9840678571427 | Take profit: 2097.3463732142854 +2025-03-10 13:30:40,462 - INFO - STOP LOSS hit for long at 2055.9840678571427 | PnL: -0.50% | $-1.17 +2025-03-10 13:30:40,490 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.949667857143 | Take profit: 2079.969573214286 +2025-03-10 13:30:41,722 - INFO - CLOSED long at 2074.05 | PnL: 1.21% | $2.14 +2025-03-10 13:30:42,074 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.117917857143 | Take profit: 2116.8648232142855 +2025-03-10 13:30:42,180 - INFO - TAKE PROFIT hit for long at 2116.8648232142855 | PnL: 1.50% | $2.76 +2025-03-10 13:30:42,260 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8280178571426 | Take profit: 2171.6545232142857 +2025-03-10 13:30:42,640 - INFO - STOP LOSS hit for long at 2128.8280178571426 | PnL: -0.50% | $-1.21 +2025-03-10 13:30:42,809 - INFO - OPENED LONG at 2121.09 | Stop loss: 2110.470267857143 | Take profit: 2152.927773214286 +2025-03-10 13:30:43,224 - INFO - STOP LOSS hit for long at 2110.470267857143 | PnL: -0.50% | $-1.20 +2025-03-10 13:30:43,280 - INFO - OPENED SHORT at 2109.05 | Stop loss: 2119.609532142857 | Take profit: 2077.3928267857145 +2025-03-10 13:30:43,339 - INFO - CLOSED short at 2112.95 | PnL: -0.18% | $-0.56 +2025-03-10 13:30:43,431 - INFO - OPENED LONG at 2113.24 | Stop loss: 2102.6595178571424 | Take profit: 2144.9600232142852 +2025-03-10 13:30:43,899 - INFO - CLOSED long at 2100.5 | PnL: -0.60% | $-1.38 +2025-03-10 13:30:44,098 - INFO - OPENED LONG at 2102.29 | Stop loss: 2091.764267857143 | Take profit: 2133.8457732142856 +2025-03-10 13:30:44,896 - INFO - STOP LOSS hit for long at 2091.764267857143 | PnL: -0.50% | $-1.16 +2025-03-10 13:30:44,932 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.2321178571424 | Take profit: 2126.1622232142854 +2025-03-10 13:30:45,125 - INFO - STOP LOSS hit for long at 2084.2321178571424 | PnL: -0.50% | $-1.15 +2025-03-10 13:30:45,177 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.983517857143 | Take profit: 2119.7880232142857 +2025-03-10 13:30:45,913 - INFO - CLOSED long at 2087.0 | PnL: -0.07% | $-0.32 +2025-03-10 13:30:45,943 - INFO - OPENED LONG at 2087.47 | Stop loss: 2077.0183678571425 | Take profit: 2118.8034732142855 +2025-03-10 13:30:45,978 - INFO - CLOSED long at 2087.78 | PnL: 0.01% | $-0.16 +2025-03-10 13:30:46,040 - INFO - OPENED LONG at 2089.79 | Stop loss: 2079.326767857143 | Take profit: 2121.1582732142856 +2025-03-10 13:30:46,193 - INFO - CLOSED long at 2091.95 | PnL: 0.10% | $0.01 +2025-03-10 13:30:46,319 - INFO - OPENED LONG at 2101.64 | Stop loss: 2091.117517857143 | Take profit: 2133.186023214286 +2025-03-10 13:30:46,597 - INFO - CLOSED long at 2103.07 | PnL: 0.07% | $-0.06 +2025-03-10 13:30:46,597 - INFO - OPENED SHORT at 2103.07 | Stop loss: 2113.5996321428574 | Take profit: 2071.5025267857145 +2025-03-10 13:30:46,625 - INFO - CLOSED short at 2101.5 | PnL: 0.07% | $-0.05 +2025-03-10 13:30:46,626 - INFO - OPENED LONG at 2101.5 | Stop loss: 2090.9782178571427 | Take profit: 2133.0439232142858 +2025-03-10 13:30:46,690 - INFO - CLOSED long at 2103.64 | PnL: 0.10% | $0.00 +2025-03-10 13:30:47,114 - INFO - Trade Analysis: Win Rate=11.1% in uptrends, 0.0% in downtrends | Avg Win=$0.87, Avg Loss=$-0.56 +2025-03-10 13:30:47,115 - INFO - Episode 19: Reward=59.58, Balance=$94.53, Win Rate=26.7%, Trades=30, Episode PnL=$-4.37, Total PnL=$-130.03, Max Drawdown=7.1%, Pred Accuracy=98.9% +2025-03-10 13:30:47,508 - INFO - OPENED LONG at 2057.01 | Stop loss: 2046.710667857143 | Take profit: 2087.886573214286 +2025-03-10 13:30:47,721 - INFO - CLOSED long at 2064.61 | PnL: 0.37% | $0.54 +2025-03-10 13:30:47,722 - INFO - OPENED SHORT at 2064.61 | Stop loss: 2074.9473321428572 | Take profit: 2033.6194267857145 +2025-03-10 13:30:47,875 - INFO - CLOSED short at 2060.99 | PnL: 0.18% | $0.15 +2025-03-10 13:30:47,876 - INFO - OPENED LONG at 2060.99 | Stop loss: 2050.6707678571424 | Take profit: 2091.9262732142856 +2025-03-10 13:30:48,246 - INFO - CLOSED long at 2061.18 | PnL: 0.01% | $-0.18 +2025-03-10 13:30:48,297 - INFO - OPENED LONG at 2065.86 | Stop loss: 2055.516417857143 | Take profit: 2096.869323214286 +2025-03-10 13:30:48,355 - INFO - CLOSED long at 2068.11 | PnL: 0.11% | $0.02 +2025-03-10 13:30:48,411 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.536267857143 | Take profit: 2098.9297732142854 +2025-03-10 13:30:48,769 - INFO - CLOSED long at 2072.91 | PnL: 0.24% | $0.29 +2025-03-10 13:30:48,770 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.288832142857 | Take profit: 2041.794926785714 +2025-03-10 13:30:48,797 - INFO - CLOSED short at 2072.33 | PnL: 0.03% | $-0.14 +2025-03-10 13:30:48,797 - INFO - OPENED LONG at 2072.33 | Stop loss: 2061.954067857143 | Take profit: 2103.4363732142856 +2025-03-10 13:30:48,945 - INFO - CLOSED long at 2072.8 | PnL: 0.02% | $-0.15 +2025-03-10 13:30:48,974 - INFO - OPENED LONG at 2070.79 | Stop loss: 2060.4217678571426 | Take profit: 2101.8732732142857 +2025-03-10 13:30:49,460 - INFO - CLOSED long at 2066.18 | PnL: -0.22% | $-0.64 +2025-03-10 13:30:49,483 - INFO - OPENED LONG at 2068.76 | Stop loss: 2058.401917857143 | Take profit: 2099.812823214286 +2025-03-10 13:30:49,597 - INFO - CLOSED long at 2069.7 | PnL: 0.05% | $-0.11 +2025-03-10 13:30:49,693 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.033717857143 | Take profit: 2101.477423214286 +2025-03-10 13:30:50,321 - INFO - CLOSED long at 2069.46 | PnL: -0.05% | $-0.29 +2025-03-10 13:30:50,637 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.451717857143 | Take profit: 2097.823423214286 +2025-03-10 13:30:51,368 - INFO - CLOSED long at 2067.84 | PnL: 0.05% | $-0.10 +2025-03-10 13:30:51,369 - INFO - OPENED SHORT at 2067.84 | Stop loss: 2078.193482142857 | Take profit: 2036.8009767857145 +2025-03-10 13:30:51,427 - INFO - CLOSED short at 2067.86 | PnL: -0.00% | $-0.20 +2025-03-10 13:30:51,428 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.506417857143 | Take profit: 2098.899323214286 +2025-03-10 13:30:51,706 - INFO - CLOSED long at 2067.8 | PnL: -0.00% | $-0.20 +2025-03-10 13:30:51,707 - INFO - OPENED SHORT at 2067.8 | Stop loss: 2078.1532821428573 | Take profit: 2036.7615767857144 +2025-03-10 13:30:51,898 - INFO - CLOSED short at 2066.15 | PnL: 0.08% | $-0.04 +2025-03-10 13:30:51,899 - INFO - OPENED LONG at 2066.15 | Stop loss: 2055.804967857143 | Take profit: 2097.163673214286 +2025-03-10 13:30:52,319 - INFO - CLOSED long at 2066.09 | PnL: -0.00% | $-0.20 +2025-03-10 13:30:52,319 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.4347321428577 | Take profit: 2035.0772267857144 +2025-03-10 13:30:52,392 - INFO - CLOSED short at 2064.08 | PnL: 0.10% | $-0.01 +2025-03-10 13:30:52,393 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.7453178571427 | Take profit: 2095.0626232142854 +2025-03-10 13:30:52,918 - INFO - CLOSED long at 2062.61 | PnL: -0.07% | $-0.34 +2025-03-10 13:30:52,918 - INFO - OPENED SHORT at 2062.61 | Stop loss: 2072.9373321428575 | Take profit: 2031.6494267857145 +2025-03-10 13:30:53,001 - INFO - CLOSED short at 2060.3 | PnL: 0.11% | $0.02 +2025-03-10 13:30:53,002 - INFO - OPENED LONG at 2060.3 | Stop loss: 2049.984217857143 | Take profit: 2091.2259232142856 +2025-03-10 13:30:54,508 - INFO - CLOSED long at 2066.34 | PnL: 0.29% | $0.38 +2025-03-10 13:30:54,539 - INFO - OPENED LONG at 2066.79 | Stop loss: 2056.441767857143 | Take profit: 2097.813273214286 +2025-03-10 13:30:55,037 - INFO - CLOSED long at 2067.44 | PnL: 0.03% | $-0.13 +2025-03-10 13:30:55,037 - INFO - OPENED SHORT at 2067.44 | Stop loss: 2077.791482142857 | Take profit: 2036.4069767857143 +2025-03-10 13:30:55,070 - INFO - CLOSED short at 2068.79 | PnL: -0.07% | $-0.32 +2025-03-10 13:30:55,071 - INFO - OPENED LONG at 2068.79 | Stop loss: 2058.431767857143 | Take profit: 2099.843273214286 +2025-03-10 13:30:55,218 - INFO - CLOSED long at 2065.7 | PnL: -0.15% | $-0.49 +2025-03-10 13:30:55,278 - INFO - OPENED LONG at 2063.95 | Stop loss: 2053.6159678571426 | Take profit: 2094.930673214286 +2025-03-10 13:30:56,060 - INFO - CLOSED long at 2071.61 | PnL: 0.37% | $0.53 +2025-03-10 13:30:56,439 - INFO - OPENED LONG at 2069.97 | Stop loss: 2059.6058678571426 | Take profit: 2101.0409732142853 +2025-03-10 13:30:57,552 - INFO - STOP LOSS hit for long at 2059.6058678571426 | PnL: -0.50% | $-1.17 +2025-03-10 13:30:57,599 - INFO - OPENED LONG at 2058.09 | Stop loss: 2047.785267857143 | Take profit: 2088.9827732142858 +2025-03-10 13:30:58,712 - INFO - CLOSED long at 2070.41 | PnL: 0.60% | $0.96 +2025-03-10 13:30:58,745 - INFO - OPENED LONG at 2073.49 | Stop loss: 2063.1082678571424 | Take profit: 2104.6137732142856 +2025-03-10 13:30:58,776 - INFO - CLOSED long at 2074.05 | PnL: 0.03% | $-0.14 +2025-03-10 13:30:58,870 - INFO - OPENED LONG at 2071.8 | Stop loss: 2061.426717857143 | Take profit: 2102.8984232142857 +2025-03-10 13:30:58,927 - INFO - CLOSED long at 2076.08 | PnL: 0.21% | $0.21 +2025-03-10 13:30:58,950 - INFO - OPENED LONG at 2077.61 | Stop loss: 2067.207667857143 | Take profit: 2108.7955732142855 +2025-03-10 13:30:59,061 - INFO - TAKE PROFIT hit for long at 2108.7955732142855 | PnL: 1.50% | $2.73 +2025-03-10 13:30:59,088 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8280178571426 | Take profit: 2171.6545232142857 +2025-03-10 13:30:59,167 - INFO - CLOSED long at 2137.59 | PnL: -0.09% | $-0.38 +2025-03-10 13:30:59,167 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.292232142857 | Take profit: 2105.5047267857144 +2025-03-10 13:30:59,257 - INFO - CLOSED short at 2142.68 | PnL: -0.24% | $-0.68 +2025-03-10 13:30:59,369 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.649217857143 | Take profit: 2159.230923214286 +2025-03-10 13:30:59,452 - INFO - CLOSED long at 2120.15 | PnL: -0.34% | $-0.87 +2025-03-10 13:30:59,556 - INFO - OPENED LONG at 2118.52 | Stop loss: 2107.913117857143 | Take profit: 2150.3192232142856 +2025-03-10 13:30:59,619 - INFO - CLOSED long at 2119.07 | PnL: 0.03% | $-0.15 +2025-03-10 13:30:59,648 - INFO - OPENED LONG at 2115.28 | Stop loss: 2104.689317857143 | Take profit: 2147.0306232142857 +2025-03-10 13:30:59,674 - INFO - CLOSED long at 2107.43 | PnL: -0.37% | $-0.93 +2025-03-10 13:30:59,820 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.883417857143 | Take profit: 2144.168323214286 +2025-03-10 13:30:59,907 - INFO - CLOSED long at 2120.81 | PnL: 0.40% | $0.57 +2025-03-10 13:30:59,932 - INFO - OPENED LONG at 2116.48 | Stop loss: 2105.883317857143 | Take profit: 2148.2486232142855 +2025-03-10 13:31:00,118 - INFO - STOP LOSS hit for long at 2105.883317857143 | PnL: -0.50% | $-1.18 +2025-03-10 13:31:00,175 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.5357178571426 | Take profit: 2121.3714232142856 +2025-03-10 13:31:00,233 - INFO - CLOSED long at 2098.1 | PnL: 0.39% | $0.56 +2025-03-10 13:31:00,233 - INFO - OPENED SHORT at 2098.1 | Stop loss: 2108.604782142857 | Take profit: 2066.607076785714 +2025-03-10 13:31:00,295 - INFO - CLOSED short at 2102.29 | PnL: -0.20% | $-0.58 +2025-03-10 13:31:00,381 - INFO - OPENED LONG at 2100.69 | Stop loss: 2090.1722678571427 | Take profit: 2132.221773214286 +2025-03-10 13:31:00,418 - INFO - CLOSED long at 2104.83 | PnL: 0.20% | $0.19 +2025-03-10 13:31:00,475 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.2220178571424 | Take profit: 2132.2725232142852 +2025-03-10 13:31:00,509 - INFO - CLOSED long at 2103.86 | PnL: 0.15% | $0.09 +2025-03-10 13:31:00,658 - INFO - OPENED LONG at 2098.39 | Stop loss: 2087.8837678571426 | Take profit: 2129.887273214286 +2025-03-10 13:31:00,927 - INFO - STOP LOSS hit for long at 2087.8837678571426 | PnL: -0.50% | $-1.16 +2025-03-10 13:31:00,967 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.983517857143 | Take profit: 2119.7880232142857 +2025-03-10 13:31:01,113 - INFO - CLOSED long at 2080.38 | PnL: -0.39% | $-0.93 +2025-03-10 13:31:01,162 - INFO - OPENED LONG at 2083.41 | Stop loss: 2072.9786678571427 | Take profit: 2114.6825732142856 +2025-03-10 13:31:01,317 - INFO - CLOSED long at 2084.72 | PnL: 0.06% | $-0.07 +2025-03-10 13:31:01,347 - INFO - OPENED LONG at 2085.83 | Stop loss: 2075.386567857143 | Take profit: 2117.138873214286 +2025-03-10 13:31:01,705 - INFO - CLOSED long at 2089.2 | PnL: 0.16% | $0.12 +2025-03-10 13:31:01,739 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.580467857143 | Take profit: 2122.437173214286 +2025-03-10 13:31:01,997 - INFO - CLOSED long at 2098.49 | PnL: 0.36% | $0.49 +2025-03-10 13:31:02,028 - INFO - OPENED LONG at 2099.89 | Stop loss: 2089.376267857143 | Take profit: 2131.4097732142855 +2025-03-10 13:31:02,252 - INFO - CLOSED long at 2103.07 | PnL: 0.15% | $0.10 +2025-03-10 13:31:02,405 - INFO - OPENED LONG at 2103.52 | Stop loss: 2092.9881178571427 | Take profit: 2135.094223214286 +2025-03-10 13:31:02,611 - INFO - CLOSED long at 2103.41 | PnL: -0.01% | $-0.20 +2025-03-10 13:31:02,612 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9413321428574 | Take profit: 2071.8374267857143 +2025-03-10 13:31:02,640 - INFO - CLOSED short at 2104.73 | PnL: -0.06% | $-0.31 +2025-03-10 13:31:02,641 - INFO - OPENED LONG at 2104.73 | Stop loss: 2094.192067857143 | Take profit: 2136.322373214286 +2025-03-10 13:31:02,781 - INFO - Trade Analysis: Win Rate=25.0% in uptrends, 0.0% in downtrends | Avg Win=$0.47, Avg Loss=$-0.41 +2025-03-10 13:31:02,782 - INFO - Episode 20: Reward=48.27, Balance=$95.64, Win Rate=36.2%, Trades=47, Episode PnL=$-4.18, Total PnL=$-134.39, Max Drawdown=5.5%, Pred Accuracy=98.9% +2025-03-10 13:31:02,938 - INFO - Model saved to checkpoints/trading_agent_episode_20.pt +2025-03-10 13:31:02,939 - INFO - Checkpoint saved at episode 20 +2025-03-10 13:31:02,940 - INFO - Reducing learning rate to 0.000090 +2025-03-10 13:31:03,044 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 13:31:03,045 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2402, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 13:31:03,488 - INFO - OPENED LONG at 2051.89 | Stop loss: 2041.6162678571427 | Take profit: 2082.6897732142857 +2025-03-10 13:31:04,728 - INFO - CLOSED long at 2073.73 | PnL: 1.06% | $1.92 +2025-03-10 13:31:04,872 - INFO - OPENED LONG at 2071.41 | Stop loss: 2061.0386678571426 | Take profit: 2102.502573214286 +2025-03-10 13:31:05,121 - INFO - CLOSED long at 2070.36 | PnL: -0.05% | $-0.31 +2025-03-10 13:31:05,153 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.5412178571432 | Take profit: 2099.954923214286 +2025-03-10 13:31:05,590 - INFO - CLOSED long at 2068.76 | PnL: -0.01% | $-0.22 +2025-03-10 13:31:05,728 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.8668321428577 | Take profit: 2037.4609267857145 +2025-03-10 13:31:05,920 - INFO - CLOSED short at 2071.39 | PnL: -0.14% | $-0.48 +2025-03-10 13:31:05,920 - INFO - OPENED LONG at 2071.39 | Stop loss: 2061.018767857143 | Take profit: 2102.482273214285 +2025-03-10 13:31:07,106 - INFO - CLOSED long at 2070.7 | PnL: -0.03% | $-0.27 +2025-03-10 13:31:07,170 - INFO - OPENED LONG at 2070.73 | Stop loss: 2060.362067857143 | Take profit: 2101.812373214286 +2025-03-10 13:31:07,636 - INFO - CLOSED long at 2064.99 | PnL: -0.28% | $-0.75 +2025-03-10 13:31:07,636 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.329232142857 | Take profit: 2033.993726785714 +2025-03-10 13:31:07,760 - INFO - CLOSED short at 2062.89 | PnL: 0.10% | $0.00 +2025-03-10 13:31:07,761 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.561267857143 | Take profit: 2093.8547732142856 +2025-03-10 13:31:08,116 - INFO - CLOSED long at 2066.09 | PnL: 0.16% | $0.11 +2025-03-10 13:31:08,117 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.4347321428577 | Take profit: 2035.0772267857144 +2025-03-10 13:31:08,224 - INFO - CLOSED short at 2062.71 | PnL: 0.16% | $0.13 +2025-03-10 13:31:08,224 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.382167857143 | Take profit: 2093.672073214286 +2025-03-10 13:31:08,382 - INFO - CLOSED long at 2060.9 | PnL: -0.09% | $-0.37 +2025-03-10 13:31:08,549 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.3622178571427 | Take profit: 2095.6919232142855 +2025-03-10 13:31:08,869 - INFO - CLOSED long at 2065.89 | PnL: 0.06% | $-0.08 +2025-03-10 13:31:08,951 - INFO - OPENED LONG at 2062.6 | Stop loss: 2052.2727178571427 | Take profit: 2093.5604232142855 +2025-03-10 13:31:09,896 - INFO - CLOSED long at 2067.33 | PnL: 0.23% | $0.26 +2025-03-10 13:31:10,009 - INFO - OPENED LONG at 2072.0 | Stop loss: 2061.6257178571427 | Take profit: 2103.1014232142857 +2025-03-10 13:31:10,579 - INFO - CLOSED long at 2067.33 | PnL: -0.23% | $-0.65 +2025-03-10 13:31:10,858 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.163217857143 | Take profit: 2095.488923214286 +2025-03-10 13:31:12,257 - INFO - CLOSED long at 2075.61 | PnL: 0.54% | $0.86 +2025-03-10 13:31:12,257 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2086.002332142857 | Take profit: 2044.4544267857145 +2025-03-10 13:31:12,291 - INFO - CLOSED short at 2074.0 | PnL: 0.08% | $-0.04 +2025-03-10 13:31:12,291 - INFO - OPENED LONG at 2074.0 | Stop loss: 2063.615717857143 | Take profit: 2105.131423214286 +2025-03-10 13:31:12,351 - INFO - CLOSED long at 2069.97 | PnL: -0.19% | $-0.59 +2025-03-10 13:31:12,381 - INFO - OPENED LONG at 2067.7 | Stop loss: 2057.347217857143 | Take profit: 2098.7369232142855 +2025-03-10 13:31:12,903 - INFO - CLOSED long at 2063.98 | PnL: -0.18% | $-0.55 +2025-03-10 13:31:12,903 - INFO - OPENED SHORT at 2063.98 | Stop loss: 2074.314182142857 | Take profit: 2032.9988767857144 +2025-03-10 13:31:13,020 - INFO - CLOSED short at 2064.5 | PnL: -0.03% | $-0.25 +2025-03-10 13:31:13,020 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.163217857143 | Take profit: 2095.488923214286 +2025-03-10 13:31:13,108 - INFO - CLOSED long at 2060.7 | PnL: -0.18% | $-0.56 +2025-03-10 13:31:13,161 - INFO - OPENED LONG at 2059.2 | Stop loss: 2048.889717857143 | Take profit: 2090.1094232142855 +2025-03-10 13:31:13,320 - INFO - CLOSED long at 2049.5 | PnL: -0.47% | $-1.11 +2025-03-10 13:31:13,320 - INFO - OPENED SHORT at 2049.5 | Stop loss: 2059.761782142857 | Take profit: 2018.7360767857142 +2025-03-10 13:31:13,345 - INFO - CLOSED short at 2051.99 | PnL: -0.12% | $-0.43 +2025-03-10 13:31:13,346 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7157678571427 | Take profit: 2082.791273214286 +2025-03-10 13:31:13,508 - INFO - CLOSED long at 2063.9 | PnL: 0.58% | $0.92 +2025-03-10 13:31:13,508 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.233782142857 | Take profit: 2032.9200767857144 +2025-03-10 13:31:13,565 - INFO - CLOSED short at 2062.43 | PnL: 0.07% | $-0.06 +2025-03-10 13:31:13,565 - INFO - OPENED LONG at 2062.43 | Stop loss: 2052.103567857143 | Take profit: 2093.3878732142853 +2025-03-10 13:31:14,342 - INFO - TAKE PROFIT hit for long at 2093.3878732142853 | PnL: 1.50% | $2.71 +2025-03-10 13:31:14,402 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8280178571426 | Take profit: 2171.6545232142857 +2025-03-10 13:31:14,449 - INFO - CLOSED long at 2133.95 | PnL: -0.26% | $-0.72 +2025-03-10 13:31:14,744 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.534967857143 | Take profit: 2151.9736732142856 +2025-03-10 13:31:14,987 - INFO - STOP LOSS hit for long at 2109.534967857143 | PnL: -0.50% | $-1.19 +2025-03-10 13:31:15,104 - INFO - OPENED LONG at 2112.95 | Stop loss: 2102.3709678571427 | Take profit: 2144.6656732142856 +2025-03-10 13:31:15,443 - INFO - STOP LOSS hit for long at 2102.3709678571427 | PnL: -0.50% | $-1.17 +2025-03-10 13:31:15,475 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.5357178571426 | Take profit: 2121.3714232142856 +2025-03-10 13:31:15,731 - INFO - CLOSED long at 2100.69 | PnL: 0.51% | $0.79 +2025-03-10 13:31:15,845 - INFO - OPENED LONG at 2103.86 | Stop loss: 2093.326417857143 | Take profit: 2135.439323214286 +2025-03-10 13:31:16,209 - INFO - CLOSED long at 2092.46 | PnL: -0.54% | $-1.25 +2025-03-10 13:31:16,273 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.2321178571424 | Take profit: 2126.1622232142854 +2025-03-10 13:31:16,306 - INFO - CLOSED long at 2094.08 | PnL: -0.03% | $-0.25 +2025-03-10 13:31:16,306 - INFO - OPENED SHORT at 2094.08 | Stop loss: 2104.5646821428572 | Take profit: 2062.647376785714 +2025-03-10 13:31:16,336 - INFO - CLOSED short at 2088.35 | PnL: 0.27% | $0.33 +2025-03-10 13:31:16,337 - INFO - OPENED LONG at 2088.35 | Stop loss: 2077.893967857143 | Take profit: 2119.6966732142855 +2025-03-10 13:31:18,443 - INFO - CLOSED long at 2103.52 | PnL: 0.73% | $1.20 +2025-03-10 13:31:18,443 - INFO - OPENED SHORT at 2103.52 | Stop loss: 2114.0518821428573 | Take profit: 2071.9457767857143 +2025-03-10 13:31:18,513 - INFO - CLOSED short at 2105.21 | PnL: -0.08% | $-0.35 +2025-03-10 13:31:18,513 - INFO - OPENED LONG at 2105.21 | Stop loss: 2094.669667857143 | Take profit: 2136.8095732142856 +2025-03-10 13:31:18,851 - INFO - Trade Analysis: Win Rate=33.3% in uptrends, 0.0% in downtrends | Avg Win=$0.84, Avg Loss=$-0.53 +2025-03-10 13:31:18,853 - INFO - Episode 21: Reward=52.90, Balance=$97.60, Win Rate=33.3%, Trades=33, Episode PnL=$-2.83, Total PnL=$-136.79, Max Drawdown=5.2%, Pred Accuracy=98.8% +2025-03-10 13:31:18,853 - INFO - Reducing learning rate to 0.000081 +2025-03-10 13:31:19,119 - INFO - OPENED LONG at 2049.89 | Stop loss: 2039.6262678571427 | Take profit: 2080.659773214286 +2025-03-10 13:31:19,217 - INFO - CLOSED long at 2051.89 | PnL: 0.10% | $-0.00 +2025-03-10 13:31:19,218 - INFO - OPENED SHORT at 2051.89 | Stop loss: 2062.163732142857 | Take profit: 2021.090226785714 +2025-03-10 13:31:19,248 - INFO - CLOSED short at 2052.3 | PnL: -0.02% | $-0.24 +2025-03-10 13:31:19,249 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.024217857143 | Take profit: 2083.105923214286 +2025-03-10 13:31:19,440 - INFO - CLOSED long at 2059.7 | PnL: 0.36% | $0.52 +2025-03-10 13:31:19,473 - INFO - OPENED LONG at 2061.49 | Stop loss: 2051.168267857143 | Take profit: 2092.4337732142853 +2025-03-10 13:31:19,613 - INFO - CLOSED long at 2064.69 | PnL: 0.16% | $0.11 +2025-03-10 13:31:19,645 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.680667857143 | Take profit: 2093.976573214286 +2025-03-10 13:31:19,732 - INFO - CLOSED long at 2060.0 | PnL: -0.15% | $-0.49 +2025-03-10 13:31:19,786 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.561267857143 | Take profit: 2093.8547732142856 +2025-03-10 13:31:19,879 - INFO - CLOSED long at 2057.8 | PnL: -0.25% | $-0.69 +2025-03-10 13:31:19,880 - INFO - OPENED SHORT at 2057.8 | Stop loss: 2068.1032821428576 | Take profit: 2026.9115767857145 +2025-03-10 13:31:19,967 - INFO - CLOSED short at 2058.11 | PnL: -0.02% | $-0.23 +2025-03-10 13:31:19,968 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.805167857143 | Take profit: 2089.003073214286 +2025-03-10 13:31:20,233 - INFO - CLOSED long at 2071.63 | PnL: 0.66% | $1.09 +2025-03-10 13:31:20,233 - INFO - OPENED SHORT at 2071.63 | Stop loss: 2082.0024321428573 | Take profit: 2040.5341267857145 +2025-03-10 13:31:20,313 - INFO - CLOSED short at 2068.65 | PnL: 0.14% | $0.09 +2025-03-10 13:31:20,313 - INFO - OPENED LONG at 2068.65 | Stop loss: 2058.292467857143 | Take profit: 2099.7011732142855 +2025-03-10 13:31:21,375 - INFO - CLOSED long at 2068.51 | PnL: -0.01% | $-0.21 +2025-03-10 13:31:21,376 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.8668321428577 | Take profit: 2037.4609267857145 +2025-03-10 13:31:21,530 - INFO - CLOSED short at 2071.4 | PnL: -0.14% | $-0.48 +2025-03-10 13:31:21,530 - INFO - OPENED LONG at 2071.4 | Stop loss: 2061.028717857143 | Take profit: 2102.4924232142857 +2025-03-10 13:31:23,757 - INFO - CLOSED long at 2064.99 | PnL: -0.31% | $-0.81 +2025-03-10 13:31:23,757 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.329232142857 | Take profit: 2033.993726785714 +2025-03-10 13:31:23,790 - INFO - CLOSED short at 2065.83 | PnL: -0.04% | $-0.28 +2025-03-10 13:31:23,790 - INFO - OPENED LONG at 2065.83 | Stop loss: 2055.4865678571427 | Take profit: 2096.8388732142853 +2025-03-10 13:31:25,948 - INFO - STOP LOSS hit for long at 2055.4865678571427 | PnL: -0.50% | $-1.17 +2025-03-10 13:31:26,070 - INFO - OPENED LONG at 2056.71 | Stop loss: 2046.412167857143 | Take profit: 2087.5820732142856 +2025-03-10 13:31:31,849 - INFO - CLOSED long at 2071.89 | PnL: 0.74% | $1.23 +2025-03-10 13:31:32,103 - INFO - OPENED LONG at 2103.02 | Stop loss: 2092.4906178571428 | Take profit: 2134.586723214286 +2025-03-10 13:31:32,186 - INFO - TAKE PROFIT hit for long at 2134.586723214286 | PnL: 1.50% | $2.74 +2025-03-10 13:31:32,214 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.106817857143 | Take profit: 2163.7781232142856 +2025-03-10 13:31:32,238 - INFO - CLOSED long at 2133.95 | PnL: 0.10% | $0.00 +2025-03-10 13:31:32,350 - INFO - OPENED LONG at 2142.68 | Stop loss: 2131.9523178571426 | Take profit: 2174.841623214286 +2025-03-10 13:31:32,542 - INFO - STOP LOSS hit for long at 2131.9523178571426 | PnL: -0.50% | $-1.21 +2025-03-10 13:31:32,609 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.032267857143 | Take profit: 2160.6417732142854 +2025-03-10 13:31:32,695 - INFO - STOP LOSS hit for long at 2118.032267857143 | PnL: -0.50% | $-1.19 +2025-03-10 13:31:32,725 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3160678571426 | Take profit: 2151.750373214286 +2025-03-10 13:31:32,985 - INFO - CLOSED long at 2115.28 | PnL: -0.22% | $-0.63 +2025-03-10 13:31:32,985 - INFO - OPENED SHORT at 2115.28 | Stop loss: 2125.8706821428573 | Take profit: 2083.5293767857147 +2025-03-10 13:31:33,019 - INFO - CLOSED short at 2107.43 | PnL: 0.37% | $0.53 +2025-03-10 13:31:33,019 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.878567857143 | Take profit: 2139.0628732142854 +2025-03-10 13:31:33,642 - INFO - STOP LOSS hit for long at 2096.878567857143 | PnL: -0.50% | $-1.18 +2025-03-10 13:31:33,838 - INFO - OPENED LONG at 2099.25 | Stop loss: 2088.739467857143 | Take profit: 2130.7601732142857 +2025-03-10 13:31:34,084 - INFO - CLOSED long at 2101.51 | PnL: 0.11% | $0.01 +2025-03-10 13:31:34,372 - INFO - OPENED LONG at 2088.35 | Stop loss: 2077.893967857143 | Take profit: 2119.6966732142855 +2025-03-10 13:31:34,701 - INFO - CLOSED long at 2086.57 | PnL: -0.09% | $-0.36 +2025-03-10 13:31:34,754 - INFO - OPENED LONG at 2084.72 | Stop loss: 2074.2821178571426 | Take profit: 2116.0122232142853 +2025-03-10 13:31:34,933 - INFO - CLOSED long at 2087.0 | PnL: 0.11% | $0.02 +2025-03-10 13:31:35,113 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.580467857143 | Take profit: 2122.437173214286 +2025-03-10 13:31:36,040 - INFO - Trade Analysis: Win Rate=27.3% in uptrends, 0.0% in downtrends | Avg Win=$0.63, Avg Loss=$-0.61 +2025-03-10 13:31:36,041 - INFO - Episode 22: Reward=72.43, Balance=$97.19, Win Rate=40.0%, Trades=25, Episode PnL=$-1.57, Total PnL=$-139.60, Max Drawdown=4.0%, Pred Accuracy=98.9% +2025-03-10 13:31:36,206 - INFO - Model saved to models/trading_agent_best_winrate.pt +2025-03-10 13:31:36,207 - INFO - New best win rate model saved: 40.0% +2025-03-10 13:31:36,207 - INFO - Reducing learning rate to 0.000073 +2025-03-10 13:31:36,560 - INFO - OPENED LONG at 2052.3 | Stop loss: 2042.024217857143 | Take profit: 2083.105923214286 +2025-03-10 13:31:37,071 - INFO - CLOSED long at 2060.0 | PnL: 0.38% | $0.55 +2025-03-10 13:31:37,073 - INFO - OPENED SHORT at 2060.0 | Stop loss: 2070.3142821428573 | Take profit: 2029.0785767857142 +2025-03-10 13:31:37,108 - INFO - CLOSED short at 2061.89 | PnL: -0.09% | $-0.38 +2025-03-10 13:31:37,109 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.566267857143 | Take profit: 2092.8397732142857 +2025-03-10 13:31:37,890 - INFO - CLOSED long at 2070.26 | PnL: 0.41% | $0.61 +2025-03-10 13:31:37,920 - INFO - OPENED LONG at 2071.44 | Stop loss: 2061.068517857143 | Take profit: 2102.533023214286 +2025-03-10 13:31:39,290 - INFO - CLOSED long at 2069.96 | PnL: -0.07% | $-0.34 +2025-03-10 13:31:39,291 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.324082142857 | Take profit: 2038.8891767857144 +2025-03-10 13:31:39,423 - INFO - CLOSED short at 2072.75 | PnL: -0.13% | $-0.47 +2025-03-10 13:31:39,425 - INFO - OPENED LONG at 2072.75 | Stop loss: 2062.371967857143 | Take profit: 2103.8626732142857 +2025-03-10 13:31:40,038 - INFO - CLOSED long at 2067.89 | PnL: -0.23% | $-0.66 +2025-03-10 13:31:40,069 - INFO - OPENED LONG at 2068.58 | Stop loss: 2058.2228178571427 | Take profit: 2099.6301232142855 +2025-03-10 13:31:41,969 - INFO - CLOSED long at 2062.6 | PnL: -0.29% | $-0.77 +2025-03-10 13:31:42,135 - INFO - OPENED LONG at 2059.16 | Stop loss: 2048.849917857143 | Take profit: 2090.0688232142857 +2025-03-10 13:31:43,000 - INFO - CLOSED long at 2069.79 | PnL: 0.52% | $0.81 +2025-03-10 13:31:43,124 - INFO - OPENED LONG at 2075.01 | Stop loss: 2064.620667857143 | Take profit: 2106.156573214286 +2025-03-10 13:31:43,287 - INFO - CLOSED long at 2073.23 | PnL: -0.09% | $-0.37 +2025-03-10 13:31:43,398 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.327267857143 | Take profit: 2100.7567732142857 +2025-03-10 13:31:43,450 - INFO - CLOSED long at 2067.44 | PnL: -0.11% | $-0.41 +2025-03-10 13:31:43,450 - INFO - OPENED SHORT at 2067.44 | Stop loss: 2077.791482142857 | Take profit: 2036.4069767857143 +2025-03-10 13:31:43,567 - INFO - CLOSED short at 2069.87 | PnL: -0.12% | $-0.43 +2025-03-10 13:31:43,568 - INFO - OPENED LONG at 2069.87 | Stop loss: 2059.506367857143 | Take profit: 2100.9394732142855 +2025-03-10 13:31:43,823 - INFO - CLOSED long at 2063.97 | PnL: -0.29% | $-0.75 +2025-03-10 13:31:43,878 - INFO - OPENED LONG at 2065.3 | Stop loss: 2054.959217857143 | Take profit: 2096.300923214286 +2025-03-10 13:31:45,227 - INFO - CLOSED long at 2067.0 | PnL: 0.08% | $-0.03 +2025-03-10 13:31:45,390 - INFO - OPENED LONG at 2068.1 | Stop loss: 2057.745217857143 | Take profit: 2099.1429232142855 +2025-03-10 13:31:45,417 - INFO - CLOSED long at 2069.0 | PnL: 0.04% | $-0.11 +2025-03-10 13:31:45,418 - INFO - OPENED SHORT at 2069.0 | Stop loss: 2079.3592821428574 | Take profit: 2037.9435767857144 +2025-03-10 13:31:45,461 - INFO - CLOSED short at 2070.19 | PnL: -0.06% | $-0.30 +2025-03-10 13:31:45,461 - INFO - OPENED LONG at 2070.19 | Stop loss: 2059.824767857143 | Take profit: 2101.264273214286 +2025-03-10 13:31:45,595 - INFO - CLOSED long at 2065.8 | PnL: -0.21% | $-0.60 +2025-03-10 13:31:45,596 - INFO - OPENED SHORT at 2065.8 | Stop loss: 2076.1432821428575 | Take profit: 2034.7915767857146 +2025-03-10 13:31:45,628 - INFO - CLOSED short at 2065.07 | PnL: 0.04% | $-0.12 +2025-03-10 13:31:45,628 - INFO - OPENED LONG at 2065.07 | Stop loss: 2054.730367857143 | Take profit: 2096.067473214286 +2025-03-10 13:31:45,680 - INFO - CLOSED long at 2063.39 | PnL: -0.08% | $-0.35 +2025-03-10 13:31:45,680 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.721232142857 | Take profit: 2032.4177267857142 +2025-03-10 13:31:45,737 - INFO - CLOSED short at 2063.98 | PnL: -0.03% | $-0.24 +2025-03-10 13:31:45,738 - INFO - OPENED LONG at 2063.98 | Stop loss: 2053.645817857143 | Take profit: 2094.9611232142856 +2025-03-10 13:31:46,094 - INFO - STOP LOSS hit for long at 2053.645817857143 | PnL: -0.50% | $-1.14 +2025-03-10 13:31:46,133 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.949667857143 | Take profit: 2079.969573214286 +2025-03-10 13:31:47,737 - INFO - TAKE PROFIT hit for long at 2079.969573214286 | PnL: 1.50% | $2.63 +2025-03-10 13:31:47,765 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.023267857143 | Take profit: 2121.8687732142853 +2025-03-10 13:31:47,822 - INFO - TAKE PROFIT hit for long at 2121.8687732142853 | PnL: 1.50% | $2.70 +2025-03-10 13:31:47,851 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8280178571426 | Take profit: 2171.6545232142857 +2025-03-10 13:31:47,997 - INFO - CLOSED long at 2141.3 | PnL: 0.08% | $-0.04 +2025-03-10 13:31:48,096 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.0918178571433 | Take profit: 2166.8231232142857 +2025-03-10 13:31:48,232 - INFO - STOP LOSS hit for long at 2124.0918178571433 | PnL: -0.50% | $-1.19 +2025-03-10 13:31:48,376 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.778717857143 | Take profit: 2153.2424232142857 +2025-03-10 13:31:48,533 - INFO - STOP LOSS hit for long at 2110.778717857143 | PnL: -0.50% | $-1.18 +2025-03-10 13:31:48,749 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.883417857143 | Take profit: 2144.168323214286 +2025-03-10 13:31:49,059 - INFO - CLOSED long at 2106.49 | PnL: -0.28% | $-0.74 +2025-03-10 13:31:49,059 - INFO - OPENED SHORT at 2106.49 | Stop loss: 2117.036732142857 | Take profit: 2074.871226785714 +2025-03-10 13:31:49,169 - INFO - CLOSED short at 2103.33 | PnL: 0.15% | $0.10 +2025-03-10 13:31:49,169 - INFO - OPENED LONG at 2103.33 | Stop loss: 2092.7990678571427 | Take profit: 2134.9013732142853 +2025-03-10 13:31:49,237 - INFO - STOP LOSS hit for long at 2092.7990678571427 | PnL: -0.50% | $-1.15 +2025-03-10 13:31:49,270 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0180678571433 | Take profit: 2131.044373214286 +2025-03-10 13:44:50,633 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 13:44:50,664 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 13:44:50,665 - INFO - Fetching initial data for ETH/USDT +2025-03-10 13:44:54,388 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 13:44:54,409 - INFO - Initialized environment with 500 candles +2025-03-10 13:44:57,591 - INFO - Starting training for 1000 episodes... +2025-03-10 13:44:57,592 - INFO - Starting training on device: cuda +2025-03-10 13:44:57,593 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 13:44:57,593 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 13:44:57,793 - INFO - Model loaded successfully with weights_only=True +2025-03-10 13:44:57,793 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $-1.29, Win Rate: 38.7% +2025-03-10 13:44:58,133 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:44:58,151 - INFO - CLOSED long at 2058.11 | PnL: -0.23% | $-0.66 +2025-03-10 13:44:58,156 - INFO - OPENED LONG at 2061.18 | Stop loss: 2050.859157142857 | Take profit: 2092.120114285714 +2025-03-10 13:44:58,231 - INFO - CLOSED long at 2072.33 | PnL: 0.54% | $0.87 +2025-03-10 13:44:58,231 - INFO - OPENED SHORT at 2072.33 | Stop loss: 2082.706592857143 | Take profit: 2041.2226357142856 +2025-03-10 13:44:58,237 - INFO - CLOSED short at 2071.38 | PnL: 0.05% | $-0.11 +2025-03-10 13:44:58,237 - INFO - OPENED LONG at 2071.38 | Stop loss: 2061.0081571428573 | Take profit: 2102.4731142857145 +2025-03-10 13:44:58,283 - INFO - CLOSED long at 2067.6 | PnL: -0.18% | $-0.56 +2025-03-10 13:44:58,286 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.1575071428574 | Take profit: 2098.5450642857145 +2025-03-10 13:44:58,330 - INFO - CLOSED long at 2070.4 | PnL: 0.14% | $0.08 +2025-03-10 13:44:58,334 - INFO - OPENED LONG at 2071.4 | Stop loss: 2061.0280571428575 | Take profit: 2102.4934142857146 +2025-03-10 13:44:58,882 - INFO - CLOSED long at 2065.26 | PnL: -0.30% | $-0.78 +2025-03-10 13:44:59,670 - INFO - OPENED SHORT at 2070.04 | Stop loss: 2080.405142857143 | Take profit: 2038.9669857142858 +2025-03-10 13:44:59,698 - INFO - CLOSED short at 2067.8 | PnL: 0.11% | $0.02 +2025-03-10 13:44:59,876 - INFO - OPENED SHORT at 2065.83 | Stop loss: 2076.1740928571426 | Take profit: 2034.8201357142857 +2025-03-10 13:45:00,374 - INFO - CLOSED short at 2062.71 | PnL: 0.15% | $0.10 +2025-03-10 13:45:00,375 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.381507142857 | Take profit: 2093.673064285714 +2025-03-10 13:45:00,403 - INFO - CLOSED long at 2062.89 | PnL: 0.01% | $-0.18 +2025-03-10 13:45:00,403 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.219392857143 | Take profit: 2031.9242357142857 +2025-03-10 13:45:00,432 - INFO - CLOSED short at 2064.5 | PnL: -0.08% | $-0.35 +2025-03-10 13:45:00,433 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.162557142857 | Take profit: 2095.4899142857143 +2025-03-10 13:45:00,497 - INFO - CLOSED long at 2061.6 | PnL: -0.14% | $-0.47 +2025-03-10 13:45:00,497 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.922942857143 | Take profit: 2030.6535857142858 +2025-03-10 13:45:00,593 - INFO - CLOSED short at 2058.89 | PnL: 0.13% | $0.06 +2025-03-10 13:45:00,593 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.580607142857 | Take profit: 2089.795764285714 +2025-03-10 13:45:00,635 - INFO - CLOSED long at 2059.3 | PnL: 0.02% | $-0.16 +2025-03-10 13:45:00,635 - INFO - OPENED SHORT at 2059.3 | Stop loss: 2069.6114428571427 | Take profit: 2028.3880857142858 +2025-03-10 13:45:00,666 - INFO - CLOSED short at 2060.31 | PnL: -0.05% | $-0.29 +2025-03-10 13:45:00,705 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.4760571428574 | Take profit: 2092.7494142857145 +2025-03-10 13:45:00,828 - INFO - CLOSED long at 2060.91 | PnL: -0.04% | $-0.28 +2025-03-10 13:45:00,829 - INFO - OPENED SHORT at 2060.91 | Stop loss: 2071.2294928571428 | Take profit: 2029.9739357142855 +2025-03-10 13:45:00,924 - INFO - CLOSED short at 2061.13 | PnL: -0.01% | $-0.21 +2025-03-10 13:45:00,924 - INFO - OPENED LONG at 2061.13 | Stop loss: 2050.8094071428573 | Take profit: 2092.0693642857145 +2025-03-10 13:45:01,026 - INFO - CLOSED long at 2064.1 | PnL: 0.14% | $0.08 +2025-03-10 13:45:01,028 - INFO - OPENED SHORT at 2064.1 | Stop loss: 2074.435442857143 | Take profit: 2033.1160857142856 +2025-03-10 13:45:01,076 - INFO - CLOSED short at 2065.36 | PnL: -0.06% | $-0.31 +2025-03-10 13:45:01,077 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.0182571428572 | Take profit: 2096.362814285714 +2025-03-10 13:45:01,292 - INFO - CLOSED long at 2062.6 | PnL: -0.13% | $-0.45 +2025-03-10 13:45:01,292 - INFO - OPENED SHORT at 2062.6 | Stop loss: 2072.927942857143 | Take profit: 2031.6385857142857 +2025-03-10 13:45:01,342 - INFO - CLOSED short at 2061.7 | PnL: 0.04% | $-0.11 +2025-03-10 13:45:01,343 - INFO - OPENED LONG at 2061.7 | Stop loss: 2051.3765571428567 | Take profit: 2092.647914285714 +2025-03-10 13:45:02,800 - INFO - CLOSED long at 2068.15 | PnL: 0.31% | $0.41 +2025-03-10 13:45:03,648 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.947892857143 | Take profit: 2037.5387357142858 +2025-03-10 13:45:03,679 - INFO - CLOSED short at 2071.59 | PnL: -0.15% | $-0.47 +2025-03-10 13:45:04,408 - INFO - OPENED SHORT at 2073.99 | Stop loss: 2084.3748928571426 | Take profit: 2042.8577357142854 +2025-03-10 13:45:05,153 - INFO - CLOSED short at 2065.8 | PnL: 0.39% | $0.56 +2025-03-10 13:45:05,153 - INFO - OPENED LONG at 2065.8 | Stop loss: 2055.4560571428574 | Take profit: 2096.8094142857144 +2025-03-10 13:45:05,861 - INFO - STOP LOSS hit for long at 2055.4560571428574 | PnL: -0.50% | $-1.15 +2025-03-10 13:45:06,005 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.8095071428575 | Take profit: 2087.9890642857144 +2025-03-10 13:45:06,298 - INFO - CLOSED long at 2066.59 | PnL: 0.46% | $0.69 +2025-03-10 13:45:06,622 - INFO - OPENED LONG at 2069.81 | Stop loss: 2059.446007142857 | Take profit: 2100.8795642857144 +2025-03-10 13:45:06,676 - INFO - CLOSED long at 2070.41 | PnL: 0.03% | $-0.14 +2025-03-10 13:45:06,847 - INFO - OPENED LONG at 2074.9 | Stop loss: 2064.510557142857 | Take profit: 2106.0459142857144 +2025-03-10 13:45:07,096 - INFO - TAKE PROFIT hit for long at 2106.0459142857144 | PnL: 1.50% | $2.68 +2025-03-10 13:45:07,124 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.827357142857 | Take profit: 2171.655514285714 +2025-03-10 13:45:07,445 - INFO - STOP LOSS hit for long at 2128.827357142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:45:07,690 - INFO - OPENED SHORT at 2121.4 | Stop loss: 2132.021942857143 | Take profit: 2089.556585714286 +2025-03-10 13:45:07,716 - INFO - CLOSED short at 2118.52 | PnL: 0.14% | $0.07 +2025-03-10 13:45:07,792 - INFO - OPENED LONG at 2115.28 | Stop loss: 2104.688657142857 | Take profit: 2147.0316142857146 +2025-03-10 13:45:07,855 - INFO - CLOSED long at 2110.6 | PnL: -0.22% | $-0.62 +2025-03-10 13:45:08,543 - INFO - OPENED SHORT at 2102.29 | Stop loss: 2112.816392857143 | Take profit: 2070.733235714286 +2025-03-10 13:45:08,640 - INFO - CLOSED short at 2104.83 | PnL: -0.12% | $-0.43 +2025-03-10 13:45:08,665 - INFO - OPENED SHORT at 2106.39 | Stop loss: 2116.936892857143 | Take profit: 2074.7717357142856 +2025-03-10 13:45:09,051 - INFO - CLOSED short at 2092.46 | PnL: 0.66% | $1.08 +2025-03-10 13:45:09,078 - INFO - OPENED LONG at 2091.1 | Stop loss: 2080.6295571428573 | Take profit: 2122.488914285714 +2025-03-10 13:45:09,321 - INFO - CLOSED long at 2085.3 | PnL: -0.28% | $-0.73 +2025-03-10 13:45:09,345 - INFO - OPENED LONG at 2082.44 | Stop loss: 2072.0128571428572 | Take profit: 2113.6990142857144 +2025-03-10 13:45:09,806 - INFO - CLOSED long at 2089.96 | PnL: 0.36% | $0.50 +2025-03-10 13:45:09,807 - INFO - OPENED SHORT at 2089.96 | Stop loss: 2100.424742857143 | Take profit: 2058.588185714286 +2025-03-10 13:45:10,071 - INFO - CLOSED short at 2091.05 | PnL: -0.05% | $-0.29 +2025-03-10 13:45:10,071 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.579807142857 | Take profit: 2122.4381642857143 +2025-03-10 13:45:10,101 - INFO - CLOSED long at 2091.05 | PnL: 0.00% | $-0.19 +2025-03-10 13:45:10,101 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.5201928571432 | Take profit: 2059.6618357142856 +2025-03-10 13:45:10,123 - INFO - CLOSED short at 2091.95 | PnL: -0.04% | $-0.28 +2025-03-10 13:45:10,155 - INFO - OPENED SHORT at 2094.7 | Stop loss: 2105.1884428571425 | Take profit: 2063.2570857142855 +2025-03-10 13:45:10,470 - INFO - STOP LOSS hit for short at 2105.1884428571425 | PnL: -0.50% | $-1.15 +2025-03-10 13:45:10,497 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.012342857143 | Take profit: 2071.905385714286 +2025-03-10 13:45:10,998 - INFO - CLOSED short at 2102.7 | PnL: 0.04% | $-0.12 +2025-03-10 13:45:10,999 - INFO - OPENED LONG at 2102.7 | Stop loss: 2092.171557142857 | Take profit: 2134.262914285714 +2025-03-10 13:45:11,614 - INFO - CLOSED long at 2110.99 | PnL: 0.39% | $0.56 +2025-03-10 13:45:11,615 - INFO - OPENED SHORT at 2110.99 | Stop loss: 2121.559892857143 | Take profit: 2079.3027357142855 +2025-03-10 13:45:11,670 - INFO - CLOSED short at 2111.19 | PnL: -0.01% | $-0.21 +2025-03-10 13:45:11,672 - INFO - OPENED LONG at 2111.19 | Stop loss: 2100.619107142857 | Take profit: 2142.8802642857145 +2025-03-10 13:45:11,698 - INFO - CLOSED long at 2112.61 | PnL: 0.07% | $-0.06 +2025-03-10 13:45:11,699 - INFO - OPENED SHORT at 2112.61 | Stop loss: 2123.187992857143 | Take profit: 2080.898435714286 +2025-03-10 13:45:11,935 - INFO - CLOSED short at 2114.71 | PnL: -0.10% | $-0.38 +2025-03-10 13:45:11,935 - INFO - OPENED LONG at 2114.71 | Stop loss: 2104.121507142857 | Take profit: 2146.4530642857144 +2025-03-10 13:45:11,984 - INFO - CLOSED long at 2117.6 | PnL: 0.14% | $0.07 +2025-03-10 13:45:11,984 - INFO - OPENED SHORT at 2117.6 | Stop loss: 2128.2029428571427 | Take profit: 2085.8135857142856 +2025-03-10 13:45:12,005 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.52, Avg Loss=$-0.43 +2025-03-10 13:45:12,006 - INFO - Episode 0: Reward=-111.74, Balance=$95.49, Win Rate=34.1%, Trades=44, Episode PnL=$-4.80, Total PnL=$-4.51, Max Drawdown=4.4%, Pred Accuracy=96.6% +2025-03-10 13:45:12,155 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 13:45:12,157 - INFO - Checkpoint saved at episode 0 +2025-03-10 13:45:12,357 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 13:45:12,359 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2405, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 13:45:12,986 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:45:13,018 - INFO - CLOSED long at 2060.31 | PnL: -0.13% | $-0.45 +2025-03-10 13:45:13,018 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.6264928571427 | Take profit: 2029.3829357142856 +2025-03-10 13:45:13,053 - INFO - CLOSED short at 2059.49 | PnL: 0.04% | $-0.12 +2025-03-10 13:45:13,054 - INFO - OPENED LONG at 2059.49 | Stop loss: 2049.177607142857 | Take profit: 2090.404764285714 +2025-03-10 13:45:13,232 - INFO - CLOSED long at 2064.32 | PnL: 0.23% | $0.27 +2025-03-10 13:45:13,280 - INFO - OPENED SHORT at 2070.58 | Stop loss: 2080.9478428571424 | Take profit: 2039.4988857142857 +2025-03-10 13:45:13,563 - INFO - CLOSED short at 2067.9 | PnL: 0.13% | $0.06 +2025-03-10 13:45:13,587 - INFO - OPENED SHORT at 2067.69 | Stop loss: 2078.0433928571433 | Take profit: 2036.6522357142858 +2025-03-10 13:45:13,675 - INFO - CLOSED short at 2075.1 | PnL: -0.36% | $-0.91 +2025-03-10 13:45:13,675 - INFO - OPENED LONG at 2075.1 | Stop loss: 2064.709557142857 | Take profit: 2106.248914285714 +2025-03-10 13:45:13,700 - INFO - CLOSED long at 2072.91 | PnL: -0.11% | $-0.40 +2025-03-10 13:45:13,700 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.2894928571427 | Take profit: 2041.7939357142857 +2025-03-10 13:45:14,142 - INFO - CLOSED short at 2068.9 | PnL: 0.19% | $0.18 +2025-03-10 13:45:14,713 - INFO - OPENED SHORT at 2069.7 | Stop loss: 2080.0634428571425 | Take profit: 2038.6320857142855 +2025-03-10 13:45:14,741 - INFO - CLOSED short at 2070.4 | PnL: -0.03% | $-0.26 +2025-03-10 13:45:14,766 - INFO - OPENED LONG at 2069.96 | Stop loss: 2059.595257142857 | Take profit: 2101.0318142857145 +2025-03-10 13:45:15,166 - INFO - CLOSED long at 2069.46 | PnL: -0.02% | $-0.24 +2025-03-10 13:45:15,896 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.048392857143 | Take profit: 2037.6372357142857 +2025-03-10 13:45:15,950 - INFO - CLOSED short at 2067.11 | PnL: 0.08% | $-0.05 +2025-03-10 13:45:16,008 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.746942857143 | Take profit: 2035.3815857142858 +2025-03-10 13:45:16,065 - INFO - CLOSED short at 2065.28 | PnL: 0.05% | $-0.09 +2025-03-10 13:45:16,093 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.7368928571427 | Take profit: 2035.3717357142855 +2025-03-10 13:45:16,444 - INFO - CLOSED short at 2065.26 | PnL: 0.05% | $-0.09 +2025-03-10 13:45:16,467 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.219392857143 | Take profit: 2031.9242357142857 +2025-03-10 13:45:16,500 - INFO - CLOSED short at 2062.65 | PnL: 0.01% | $-0.17 +2025-03-10 13:45:16,719 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.586142857143 | Take profit: 2035.2239857142854 +2025-03-10 13:45:17,102 - INFO - CLOSED short at 2059.3 | PnL: 0.34% | $0.46 +2025-03-10 13:45:17,168 - INFO - OPENED SHORT at 2064.7 | Stop loss: 2075.038442857143 | Take profit: 2033.7070857142853 +2025-03-10 13:45:17,774 - INFO - CLOSED short at 2059.61 | PnL: 0.25% | $0.29 +2025-03-10 13:45:17,867 - INFO - OPENED SHORT at 2059.02 | Stop loss: 2069.330042857143 | Take profit: 2028.1122857142857 +2025-03-10 13:45:18,394 - INFO - CLOSED short at 2066.36 | PnL: -0.36% | $-0.89 +2025-03-10 13:45:18,394 - INFO - OPENED LONG at 2066.36 | Stop loss: 2056.013257142857 | Take profit: 2097.3778142857145 +2025-03-10 13:45:18,886 - INFO - CLOSED long at 2071.6 | PnL: 0.25% | $0.30 +2025-03-10 13:45:19,665 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.1489428571426 | Take profit: 2035.7755857142859 +2025-03-10 13:45:19,736 - INFO - CLOSED short at 2068.59 | PnL: -0.09% | $-0.36 +2025-03-10 13:45:19,848 - INFO - OPENED SHORT at 2070.2 | Stop loss: 2080.5659428571425 | Take profit: 2039.1245857142856 +2025-03-10 13:45:19,945 - INFO - CLOSED short at 2069.69 | PnL: 0.02% | $-0.15 +2025-03-10 13:45:19,946 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.326607142857 | Take profit: 2100.7577642857145 +2025-03-10 13:45:20,134 - INFO - CLOSED long at 2068.67 | PnL: -0.05% | $-0.29 +2025-03-10 13:45:20,135 - INFO - OPENED SHORT at 2068.67 | Stop loss: 2079.0282928571432 | Take profit: 2037.6175357142856 +2025-03-10 13:45:20,182 - INFO - CLOSED short at 2070.67 | PnL: -0.10% | $-0.38 +2025-03-10 13:45:20,182 - INFO - OPENED LONG at 2070.67 | Stop loss: 2060.301707142857 | Take profit: 2101.7524642857143 +2025-03-10 13:45:20,221 - INFO - CLOSED long at 2069.78 | PnL: -0.04% | $-0.27 +2025-03-10 13:45:20,221 - INFO - OPENED SHORT at 2069.78 | Stop loss: 2080.143842857143 | Take profit: 2038.710885714286 +2025-03-10 13:45:20,407 - INFO - CLOSED short at 2075.32 | PnL: -0.27% | $-0.70 +2025-03-10 13:45:20,434 - INFO - OPENED SHORT at 2075.29 | Stop loss: 2085.681392857143 | Take profit: 2044.1382357142857 +2025-03-10 13:45:20,455 - INFO - CLOSED short at 2076.9 | PnL: -0.08% | $-0.34 +2025-03-10 13:45:20,750 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.540607142857 | Take profit: 2097.915764285714 +2025-03-10 13:45:20,775 - INFO - CLOSED long at 2067.88 | PnL: 0.05% | $-0.10 +2025-03-10 13:45:20,820 - INFO - OPENED LONG at 2068.1 | Stop loss: 2057.744557142857 | Take profit: 2099.1439142857143 +2025-03-10 13:45:20,845 - INFO - CLOSED long at 2069.0 | PnL: 0.04% | $-0.11 +2025-03-10 13:45:21,052 - INFO - OPENED LONG at 2065.8 | Stop loss: 2055.4560571428574 | Take profit: 2096.8094142857144 +2025-03-10 13:45:21,096 - INFO - CLOSED long at 2065.07 | PnL: -0.04% | $-0.26 +2025-03-10 13:45:21,539 - INFO - OPENED SHORT at 2058.09 | Stop loss: 2068.395392857143 | Take profit: 2027.1962357142859 +2025-03-10 13:45:21,918 - INFO - CLOSED short at 2063.9 | PnL: -0.28% | $-0.72 +2025-03-10 13:45:21,919 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5655571428574 | Take profit: 2094.8809142857144 +2025-03-10 13:45:21,943 - INFO - CLOSED long at 2065.1 | PnL: 0.06% | $-0.08 +2025-03-10 13:45:21,944 - INFO - OPENED SHORT at 2065.1 | Stop loss: 2075.4404428571424 | Take profit: 2034.1010857142855 +2025-03-10 13:45:22,386 - INFO - CLOSED short at 2069.81 | PnL: -0.23% | $-0.61 +2025-03-10 13:45:22,590 - INFO - OPENED LONG at 2074.9 | Stop loss: 2064.510557142857 | Take profit: 2106.0459142857144 +2025-03-10 13:45:22,634 - INFO - CLOSED long at 2076.08 | PnL: 0.06% | $-0.08 +2025-03-10 13:45:22,739 - INFO - OPENED LONG at 2103.02 | Stop loss: 2092.4899571428573 | Take profit: 2134.587714285714 +2025-03-10 13:45:22,784 - INFO - TAKE PROFIT hit for long at 2134.587714285714 | PnL: 1.50% | $2.60 +2025-03-10 13:45:23,040 - INFO - OPENED SHORT at 2126.99 | Stop loss: 2137.6398928571425 | Take profit: 2095.0627357142857 +2025-03-10 13:45:23,077 - INFO - CLOSED short at 2127.3 | PnL: -0.01% | $-0.22 +2025-03-10 13:45:23,106 - INFO - OPENED SHORT at 2128.69 | Stop loss: 2139.3483928571427 | Take profit: 2096.737235714286 +2025-03-10 13:45:23,580 - INFO - CLOSED short at 2120.81 | PnL: 0.37% | $0.51 +2025-03-10 13:45:23,581 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.191007142857 | Take profit: 2152.6445642857143 +2025-03-10 13:45:23,668 - INFO - STOP LOSS hit for long at 2110.191007142857 | PnL: -0.50% | $-1.15 +2025-03-10 13:45:23,700 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.942607142857 | Take profit: 2138.1097642857144 +2025-03-10 13:45:23,878 - INFO - STOP LOSS hit for long at 2095.942607142857 | PnL: -0.50% | $-1.14 +2025-03-10 13:45:23,927 - INFO - OPENED LONG at 2098.1 | Stop loss: 2087.594557142857 | Take profit: 2129.593914285714 +2025-03-10 13:45:24,012 - INFO - CLOSED long at 2098.9 | PnL: 0.04% | $-0.12 +2025-03-10 13:45:24,311 - INFO - OPENED LONG at 2098.39 | Stop loss: 2087.883107142857 | Take profit: 2129.8882642857143 +2025-03-10 13:45:24,355 - INFO - CLOSED long at 2093.46 | PnL: -0.23% | $-0.62 +2025-03-10 13:45:24,762 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.6711928571426 | Take profit: 2050.008835714286 +2025-03-10 13:45:25,393 - INFO - STOP LOSS hit for short at 2091.6711928571426 | PnL: -0.50% | $-1.11 +2025-03-10 13:45:25,440 - INFO - OPENED SHORT at 2094.7 | Stop loss: 2105.1884428571425 | Take profit: 2063.2570857142855 +2025-03-10 13:45:25,670 - INFO - STOP LOSS hit for short at 2105.1884428571425 | PnL: -0.50% | $-1.10 +2025-03-10 13:45:25,712 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.012342857143 | Take profit: 2071.905385714286 +2025-03-10 13:45:25,843 - INFO - CLOSED short at 2103.07 | PnL: 0.02% | $-0.15 +2025-03-10 13:45:25,843 - INFO - OPENED LONG at 2103.07 | Stop loss: 2092.5397071428574 | Take profit: 2134.6384642857147 +2025-03-10 13:45:25,883 - INFO - CLOSED long at 2101.5 | PnL: -0.07% | $-0.32 +2025-03-10 13:45:25,883 - INFO - OPENED SHORT at 2101.5 | Stop loss: 2112.0224428571432 | Take profit: 2069.955085714286 +2025-03-10 13:45:25,930 - INFO - CLOSED short at 2103.64 | PnL: -0.10% | $-0.36 +2025-03-10 13:45:25,955 - INFO - OPENED SHORT at 2105.2 | Stop loss: 2115.7409428571427 | Take profit: 2073.5995857142857 +2025-03-10 13:45:26,773 - INFO - CLOSED short at 2108.99 | PnL: -0.18% | $-0.50 +2025-03-10 13:45:26,774 - INFO - OPENED LONG at 2108.99 | Stop loss: 2098.4301071428567 | Take profit: 2140.647264285714 +2025-03-10 13:45:27,037 - INFO - CLOSED long at 2116.81 | PnL: 0.37% | $0.48 +2025-03-10 13:45:27,038 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.4089928571425 | Take profit: 2085.035435714286 +2025-03-10 13:45:27,085 - INFO - CLOSED short at 2114.71 | PnL: 0.10% | $-0.00 +2025-03-10 13:45:27,085 - INFO - OPENED LONG at 2114.71 | Stop loss: 2104.121507142857 | Take profit: 2146.4530642857144 +2025-03-10 13:45:27,164 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.57, Avg Loss=$-0.40 +2025-03-10 13:45:27,164 - INFO - Episode 1: Reward=-127.83, Balance=$90.24, Win Rate=19.6%, Trades=46, Episode PnL=$-8.43, Total PnL=$-14.26, Max Drawdown=9.7%, Pred Accuracy=96.7% +2025-03-10 13:45:27,638 - INFO - OPENED SHORT at 2064.32 | Stop loss: 2074.6565428571434 | Take profit: 2033.3327857142858 +2025-03-10 13:45:27,659 - INFO - CLOSED short at 2065.86 | PnL: -0.07% | $-0.35 +2025-03-10 13:45:27,659 - INFO - OPENED LONG at 2065.86 | Stop loss: 2055.515757142857 | Take profit: 2096.8703142857144 +2025-03-10 13:45:27,741 - INFO - CLOSED long at 2068.11 | PnL: 0.11% | $0.02 +2025-03-10 13:45:27,741 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.465492857143 | Take profit: 2037.0659357142858 +2025-03-10 13:45:27,869 - INFO - CLOSED short at 2071.63 | PnL: -0.17% | $-0.53 +2025-03-10 13:45:27,869 - INFO - OPENED LONG at 2071.63 | Stop loss: 2061.256907142857 | Take profit: 2102.7268642857143 +2025-03-10 13:45:27,918 - INFO - CLOSED long at 2069.6 | PnL: -0.10% | $-0.39 +2025-03-10 13:45:27,918 - INFO - OPENED SHORT at 2069.6 | Stop loss: 2079.962942857143 | Take profit: 2038.5335857142857 +2025-03-10 13:45:27,989 - INFO - CLOSED short at 2067.9 | PnL: 0.08% | $-0.04 +2025-03-10 13:45:27,989 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.5455571428574 | Take profit: 2098.9409142857144 +2025-03-10 13:45:28,012 - INFO - CLOSED long at 2067.69 | PnL: -0.01% | $-0.22 +2025-03-10 13:45:28,012 - INFO - OPENED SHORT at 2067.69 | Stop loss: 2078.0433928571433 | Take profit: 2036.6522357142858 +2025-03-10 13:45:28,056 - INFO - CLOSED short at 2071.44 | PnL: -0.18% | $-0.55 +2025-03-10 13:45:28,056 - INFO - OPENED LONG at 2071.44 | Stop loss: 2061.067857142857 | Take profit: 2102.534014285714 +2025-03-10 13:45:28,221 - INFO - CLOSED long at 2071.38 | PnL: -0.00% | $-0.20 +2025-03-10 13:45:28,222 - INFO - OPENED SHORT at 2071.38 | Stop loss: 2081.751842857143 | Take profit: 2040.2868857142857 +2025-03-10 13:45:28,259 - INFO - CLOSED short at 2071.41 | PnL: -0.00% | $-0.20 +2025-03-10 13:45:28,260 - INFO - OPENED LONG at 2071.41 | Stop loss: 2061.0380071428567 | Take profit: 2102.5035642857138 +2025-03-10 13:45:28,290 - INFO - CLOSED long at 2069.37 | PnL: -0.10% | $-0.38 +2025-03-10 13:45:28,291 - INFO - OPENED SHORT at 2069.37 | Stop loss: 2079.731792857143 | Take profit: 2038.3070357142856 +2025-03-10 13:45:28,315 - INFO - CLOSED short at 2070.9 | PnL: -0.07% | $-0.34 +2025-03-10 13:45:28,316 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.530557142857 | Take profit: 2101.9859142857144 +2025-03-10 13:45:28,338 - INFO - CLOSED long at 2072.8 | PnL: 0.09% | $-0.02 +2025-03-10 13:45:28,339 - INFO - OPENED SHORT at 2072.8 | Stop loss: 2083.178942857143 | Take profit: 2041.685585714286 +2025-03-10 13:45:28,386 - INFO - CLOSED short at 2070.28 | PnL: 0.12% | $0.04 +2025-03-10 13:45:28,386 - INFO - OPENED LONG at 2070.28 | Stop loss: 2059.913657142857 | Take profit: 2101.3566142857144 +2025-03-10 13:45:28,413 - INFO - CLOSED long at 2068.02 | PnL: -0.11% | $-0.40 +2025-03-10 13:45:28,413 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.375042857143 | Take profit: 2036.9772857142857 +2025-03-10 13:45:28,659 - INFO - CLOSED short at 2068.8 | PnL: -0.04% | $-0.26 +2025-03-10 13:45:28,980 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.2594428571433 | Take profit: 2037.8440857142857 +2025-03-10 13:45:29,150 - INFO - CLOSED short at 2069.96 | PnL: -0.05% | $-0.29 +2025-03-10 13:45:29,681 - INFO - OPENED LONG at 2063.61 | Stop loss: 2053.277007142857 | Take profit: 2094.5865642857143 +2025-03-10 13:45:29,934 - INFO - CLOSED long at 2067.59 | PnL: 0.19% | $0.18 +2025-03-10 13:45:29,935 - INFO - OPENED SHORT at 2067.59 | Stop loss: 2077.942892857143 | Take profit: 2036.553735714286 +2025-03-10 13:45:29,999 - INFO - CLOSED short at 2071.59 | PnL: -0.19% | $-0.56 +2025-03-10 13:45:29,999 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.2171071428575 | Take profit: 2102.6862642857145 +2025-03-10 13:45:30,024 - INFO - CLOSED long at 2070.7 | PnL: -0.04% | $-0.27 +2025-03-10 13:45:30,025 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0684428571426 | Take profit: 2039.6170857142854 +2025-03-10 13:45:30,726 - INFO - CLOSED short at 2059.59 | PnL: 0.54% | $0.83 +2025-03-10 13:45:31,343 - INFO - OPENED LONG at 2062.61 | Stop loss: 2052.2820071428573 | Take profit: 2093.5715642857144 +2025-03-10 13:45:31,482 - INFO - CLOSED long at 2061.13 | PnL: -0.07% | $-0.33 +2025-03-10 13:45:31,483 - INFO - OPENED SHORT at 2061.13 | Stop loss: 2071.450592857143 | Take profit: 2030.190635714286 +2025-03-10 13:45:32,323 - INFO - CLOSED short at 2058.15 | PnL: 0.14% | $0.08 +2025-03-10 13:45:32,449 - INFO - OPENED SHORT at 2062.69 | Stop loss: 2073.0183928571428 | Take profit: 2031.7272357142858 +2025-03-10 13:45:32,476 - INFO - CLOSED short at 2063.4 | PnL: -0.03% | $-0.26 +2025-03-10 13:45:32,791 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.3466071428575 | Take profit: 2096.697764285714 +2025-03-10 13:45:32,819 - INFO - CLOSED long at 2069.79 | PnL: 0.20% | $0.19 +2025-03-10 13:45:32,844 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3749428571427 | Take profit: 2040.8975857142857 +2025-03-10 13:45:33,180 - INFO - CLOSED short at 2068.39 | PnL: 0.17% | $0.14 +2025-03-10 13:45:33,181 - INFO - OPENED LONG at 2068.39 | Stop loss: 2058.033107142857 | Take profit: 2099.438264285714 +2025-03-10 13:45:33,204 - INFO - CLOSED long at 2069.69 | PnL: 0.06% | $-0.07 +2025-03-10 13:45:33,205 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.053392857143 | Take profit: 2038.6222357142858 +2025-03-10 13:45:33,253 - INFO - CLOSED short at 2067.44 | PnL: 0.11% | $0.02 +2025-03-10 13:45:33,277 - INFO - OPENED SHORT at 2068.79 | Stop loss: 2079.148892857143 | Take profit: 2037.7357357142857 +2025-03-10 13:45:33,519 - INFO - CLOSED short at 2063.95 | PnL: 0.23% | $0.25 +2025-03-10 13:45:33,542 - INFO - OPENED SHORT at 2063.97 | Stop loss: 2074.3047928571423 | Take profit: 2032.9880357142854 +2025-03-10 13:45:34,266 - INFO - STOP LOSS hit for short at 2074.3047928571423 | PnL: -0.50% | $-1.15 +2025-03-10 13:45:34,397 - INFO - OPENED SHORT at 2075.29 | Stop loss: 2085.681392857143 | Take profit: 2044.1382357142857 +2025-03-10 13:45:34,673 - INFO - CLOSED short at 2067.9 | PnL: 0.36% | $0.48 +2025-03-10 13:45:35,264 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.6800071428574 | Take profit: 2093.977564285715 +2025-03-10 13:45:35,348 - INFO - CLOSED long at 2060.2 | PnL: -0.14% | $-0.45 +2025-03-10 13:45:35,348 - INFO - OPENED SHORT at 2060.2 | Stop loss: 2070.515942857143 | Take profit: 2029.2745857142854 +2025-03-10 13:45:35,662 - INFO - CLOSED short at 2057.11 | PnL: 0.15% | $0.09 +2025-03-10 13:45:35,662 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.8095071428575 | Take profit: 2087.9890642857144 +2025-03-10 13:45:36,238 - INFO - CLOSED long at 2070.24 | PnL: 0.64% | $1.02 +2025-03-10 13:45:36,238 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.606142857143 | Take profit: 2039.1639857142854 +2025-03-10 13:45:36,270 - INFO - CLOSED short at 2069.34 | PnL: 0.04% | $-0.11 +2025-03-10 13:45:36,270 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.978357142857 | Take profit: 2100.4025142857145 +2025-03-10 13:45:36,295 - INFO - CLOSED long at 2069.81 | PnL: 0.02% | $-0.15 +2025-03-10 13:45:36,322 - INFO - OPENED SHORT at 2070.41 | Stop loss: 2080.776992857143 | Take profit: 2039.3314357142856 +2025-03-10 13:45:36,411 - INFO - CLOSED short at 2071.89 | PnL: -0.07% | $-0.33 +2025-03-10 13:45:36,619 - INFO - OPENED LONG at 2103.02 | Stop loss: 2092.4899571428573 | Take profit: 2134.587714285714 +2025-03-10 13:45:36,660 - INFO - CLOSED long at 2130.7 | PnL: 1.32% | $2.31 +2025-03-10 13:45:36,737 - INFO - OPENED LONG at 2133.95 | Stop loss: 2123.265307142857 | Take profit: 2165.9816642857145 +2025-03-10 13:45:36,761 - INFO - CLOSED long at 2137.59 | PnL: 0.17% | $0.14 +2025-03-10 13:45:37,669 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.504757142857 | Take profit: 2139.7033142857144 +2025-03-10 13:45:37,752 - INFO - CLOSED long at 2100.5 | PnL: -0.36% | $-0.89 +2025-03-10 13:45:37,752 - INFO - OPENED SHORT at 2100.5 | Stop loss: 2111.017442857143 | Take profit: 2068.9700857142857 +2025-03-10 13:45:37,836 - INFO - CLOSED short at 2099.53 | PnL: 0.05% | $-0.10 +2025-03-10 13:45:37,876 - INFO - OPENED SHORT at 2098.1 | Stop loss: 2108.605442857143 | Take profit: 2066.6060857142857 +2025-03-10 13:45:38,014 - INFO - CLOSED short at 2100.69 | PnL: -0.12% | $-0.43 +2025-03-10 13:45:38,014 - INFO - OPENED LONG at 2100.69 | Stop loss: 2090.1716071428573 | Take profit: 2132.222764285714 +2025-03-10 13:45:38,043 - INFO - CLOSED long at 2104.83 | PnL: 0.20% | $0.19 +2025-03-10 13:45:38,044 - INFO - OPENED SHORT at 2104.83 | Stop loss: 2115.3690928571427 | Take profit: 2073.2351357142857 +2025-03-10 13:45:38,342 - INFO - CLOSED short at 2098.39 | PnL: 0.31% | $0.40 +2025-03-10 13:45:38,377 - INFO - OPENED SHORT at 2095.29 | Stop loss: 2105.781392857143 | Take profit: 2063.8382357142855 +2025-03-10 13:45:38,706 - INFO - CLOSED short at 2083.28 | PnL: 0.57% | $0.91 +2025-03-10 13:45:38,707 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848657142857 | Take profit: 2114.551614285714 +2025-03-10 13:45:38,730 - INFO - CLOSED long at 2088.44 | PnL: 0.25% | $0.29 +2025-03-10 13:45:38,730 - INFO - OPENED SHORT at 2088.44 | Stop loss: 2098.897142857143 | Take profit: 2057.090985714286 +2025-03-10 13:45:39,074 - INFO - CLOSED short at 2085.8 | PnL: 0.13% | $0.05 +2025-03-10 13:45:39,074 - INFO - OPENED LONG at 2085.8 | Stop loss: 2075.3560571428575 | Take profit: 2117.1094142857146 +2025-03-10 13:45:39,127 - INFO - CLOSED long at 2085.83 | PnL: 0.00% | $-0.19 +2025-03-10 13:45:39,128 - INFO - OPENED SHORT at 2085.83 | Stop loss: 2096.2740928571425 | Take profit: 2054.5201357142855 +2025-03-10 13:45:39,383 - INFO - CLOSED short at 2086.81 | PnL: -0.05% | $-0.29 +2025-03-10 13:45:40,266 - INFO - OPENED LONG at 2100.0 | Stop loss: 2089.485057142857 | Take profit: 2131.522414285714 +2025-03-10 13:45:40,365 - INFO - CLOSED long at 2104.73 | PnL: 0.23% | $0.24 +2025-03-10 13:45:40,836 - INFO - OPENED SHORT at 2112.61 | Stop loss: 2123.187992857143 | Take profit: 2080.898435714286 +2025-03-10 13:45:41,126 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.39, Avg Loss=$-0.34 +2025-03-10 13:45:41,127 - INFO - Episode 2: Reward=-106.58, Balance=$98.13, Win Rate=40.8%, Trades=49, Episode PnL=$0.26, Total PnL=$-16.13, Max Drawdown=5.0%, Pred Accuracy=96.7% +2025-03-10 13:45:41,276 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 13:45:41,277 - INFO - New best PnL model saved: $0.26 +2025-03-10 13:45:41,429 - INFO - Model saved to models/trading_agent_best_winrate.pt +2025-03-10 13:45:41,430 - INFO - New best win rate model saved: 40.8% +2025-03-10 13:45:41,785 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.415492857143 | Take profit: 2027.215935714286 +2025-03-10 13:45:41,932 - INFO - STOP LOSS hit for short at 2068.415492857143 | PnL: -0.50% | $-1.19 +2025-03-10 13:45:41,985 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.465492857143 | Take profit: 2037.0659357142858 +2025-03-10 13:45:43,566 - INFO - CLOSED short at 2072.75 | PnL: -0.22% | $-0.64 +2025-03-10 13:45:43,676 - INFO - OPENED LONG at 2072.7 | Stop loss: 2062.321557142857 | Take profit: 2103.812914285714 +2025-03-10 13:45:43,703 - INFO - CLOSED long at 2072.15 | PnL: -0.03% | $-0.25 +2025-03-10 13:45:43,703 - INFO - OPENED SHORT at 2072.15 | Stop loss: 2082.525692857143 | Take profit: 2041.045335714286 +2025-03-10 13:45:44,053 - INFO - CLOSED short at 2067.79 | PnL: 0.21% | $0.21 +2025-03-10 13:45:44,795 - INFO - OPENED SHORT at 2065.28 | Stop loss: 2075.6213428571427 | Take profit: 2034.2783857142858 +2025-03-10 13:45:44,968 - INFO - CLOSED short at 2065.69 | PnL: -0.02% | $-0.23 +2025-03-10 13:45:45,031 - INFO - OPENED SHORT at 2065.83 | Stop loss: 2076.1740928571426 | Take profit: 2034.8201357142857 +2025-03-10 13:45:45,053 - INFO - CLOSED short at 2066.15 | PnL: -0.02% | $-0.22 +2025-03-10 13:45:45,084 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.601242857143 | Take profit: 2034.2586857142858 +2025-03-10 13:45:45,273 - INFO - CLOSED short at 2061.3 | PnL: 0.19% | $0.18 +2025-03-10 13:45:45,297 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.922892857143 | Take profit: 2032.613735714286 +2025-03-10 13:45:45,321 - INFO - CLOSED short at 2064.96 | PnL: -0.07% | $-0.32 +2025-03-10 13:45:45,390 - INFO - OPENED SHORT at 2065.54 | Stop loss: 2075.882642857143 | Take profit: 2034.5344857142857 +2025-03-10 13:45:45,415 - INFO - CLOSED short at 2066.09 | PnL: -0.03% | $-0.25 +2025-03-10 13:45:45,624 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.837442857143 | Take profit: 2033.5100857142857 +2025-03-10 13:45:45,998 - INFO - CLOSED short at 2060.3 | PnL: 0.20% | $0.20 +2025-03-10 13:45:45,998 - INFO - OPENED LONG at 2060.3 | Stop loss: 2049.9835571428575 | Take profit: 2091.2269142857144 +2025-03-10 13:45:46,039 - INFO - CLOSED long at 2061.13 | PnL: 0.04% | $-0.12 +2025-03-10 13:45:46,315 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.214392857143 | Take profit: 2030.9392357142856 +2025-03-10 13:45:46,646 - INFO - CLOSED short at 2058.28 | PnL: 0.18% | $0.15 +2025-03-10 13:45:46,647 - INFO - OPENED LONG at 2058.28 | Stop loss: 2047.9736571428573 | Take profit: 2089.1766142857145 +2025-03-10 13:45:46,782 - INFO - CLOSED long at 2054.83 | PnL: -0.17% | $-0.52 +2025-03-10 13:45:46,783 - INFO - OPENED SHORT at 2054.83 | Stop loss: 2065.1190928571427 | Take profit: 2023.9851357142857 +2025-03-10 13:45:46,831 - INFO - CLOSED short at 2056.71 | PnL: -0.09% | $-0.37 +2025-03-10 13:45:46,832 - INFO - OPENED LONG at 2056.71 | Stop loss: 2046.4115071428573 | Take profit: 2087.583064285714 +2025-03-10 13:45:47,024 - INFO - CLOSED long at 2062.69 | PnL: 0.29% | $0.37 +2025-03-10 13:45:47,025 - INFO - OPENED SHORT at 2062.69 | Stop loss: 2073.0183928571428 | Take profit: 2031.7272357142858 +2025-03-10 13:45:47,050 - INFO - CLOSED short at 2063.4 | PnL: -0.03% | $-0.26 +2025-03-10 13:45:47,050 - INFO - OPENED LONG at 2063.4 | Stop loss: 2053.068057142857 | Take profit: 2094.3734142857143 +2025-03-10 13:45:47,076 - INFO - CLOSED long at 2066.36 | PnL: 0.14% | $0.08 +2025-03-10 13:45:47,077 - INFO - OPENED SHORT at 2066.36 | Stop loss: 2076.706742857143 | Take profit: 2035.3421857142857 +2025-03-10 13:45:47,459 - INFO - STOP LOSS hit for short at 2076.706742857143 | PnL: -0.50% | $-1.15 +2025-03-10 13:45:47,505 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.399992857143 | Take profit: 2043.862435714286 +2025-03-10 13:45:48,284 - INFO - CLOSED short at 2065.31 | PnL: 0.47% | $0.70 +2025-03-10 13:45:48,808 - INFO - OPENED SHORT at 2069.78 | Stop loss: 2080.143842857143 | Take profit: 2038.710885714286 +2025-03-10 13:45:48,878 - INFO - CLOSED short at 2074.37 | PnL: -0.22% | $-0.62 +2025-03-10 13:45:48,901 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.460292857143 | Take profit: 2043.9215357142857 +2025-03-10 13:45:48,926 - INFO - CLOSED short at 2074.35 | PnL: 0.03% | $-0.12 +2025-03-10 13:45:48,973 - INFO - OPENED SHORT at 2073.99 | Stop loss: 2084.3748928571426 | Take profit: 2042.8577357142854 +2025-03-10 13:45:48,992 - INFO - CLOSED short at 2075.32 | PnL: -0.06% | $-0.31 +2025-03-10 13:45:48,992 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.9284571428575 | Take profit: 2106.4722142857145 +2025-03-10 13:45:49,015 - INFO - CLOSED long at 2075.29 | PnL: -0.00% | $-0.19 +2025-03-10 13:45:50,649 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.415342857143 | Take profit: 2033.0963857142856 +2025-03-10 13:45:50,826 - INFO - CLOSED short at 2062.54 | PnL: 0.07% | $-0.05 +2025-03-10 13:45:50,826 - INFO - OPENED LONG at 2062.54 | Stop loss: 2052.212357142857 | Take profit: 2093.500514285714 +2025-03-10 13:45:50,869 - INFO - CLOSED long at 2065.72 | PnL: 0.15% | $0.10 +2025-03-10 13:45:50,870 - INFO - OPENED SHORT at 2065.72 | Stop loss: 2076.0635428571427 | Take profit: 2034.7117857142855 +2025-03-10 13:45:50,941 - INFO - CLOSED short at 2069.34 | PnL: -0.18% | $-0.52 +2025-03-10 13:45:50,941 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.978357142857 | Take profit: 2100.4025142857145 +2025-03-10 13:45:51,009 - INFO - CLOSED long at 2073.49 | PnL: 0.20% | $0.19 +2025-03-10 13:45:51,010 - INFO - OPENED SHORT at 2073.49 | Stop loss: 2083.8723928571426 | Take profit: 2042.3652357142855 +2025-03-10 13:45:51,269 - INFO - STOP LOSS hit for short at 2083.8723928571426 | PnL: -0.50% | $-1.13 +2025-03-10 13:45:51,291 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.9573928571426 | Take profit: 2059.1102357142854 +2025-03-10 13:45:51,319 - INFO - STOP LOSS hit for short at 2100.9573928571426 | PnL: -0.50% | $-1.12 +2025-03-10 13:45:51,342 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.368442857143 | Take profit: 2098.7170857142855 +2025-03-10 13:45:51,455 - INFO - STOP LOSS hit for short at 2141.368442857143 | PnL: -0.50% | $-1.10 +2025-03-10 13:45:51,504 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.021442857143 | Take profit: 2109.158085714286 +2025-03-10 13:45:51,725 - INFO - CLOSED short at 2128.69 | PnL: 0.59% | $0.89 +2025-03-10 13:45:51,750 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.710392857143 | Take profit: 2089.251235714286 +2025-03-10 13:45:52,617 - INFO - CLOSED short at 2102.29 | PnL: 0.89% | $1.44 +2025-03-10 13:45:52,642 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.761192857143 | Take profit: 2067.738835714286 +2025-03-10 13:45:52,820 - INFO - CLOSED short at 2100.74 | PnL: -0.07% | $-0.32 +2025-03-10 13:45:53,111 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.231457142857 | Take profit: 2126.1632142857143 +2025-03-10 13:45:53,150 - INFO - CLOSED long at 2094.08 | PnL: -0.03% | $-0.24 +2025-03-10 13:45:53,151 - INFO - OPENED SHORT at 2094.08 | Stop loss: 2104.5653428571427 | Take profit: 2062.6463857142858 +2025-03-10 13:45:53,809 - INFO - CLOSED short at 2089.79 | PnL: 0.20% | $0.19 +2025-03-10 13:45:53,810 - INFO - OPENED LONG at 2089.79 | Stop loss: 2079.326107142857 | Take profit: 2121.1592642857145 +2025-03-10 13:45:53,832 - INFO - CLOSED long at 2085.67 | PnL: -0.20% | $-0.55 +2025-03-10 13:45:53,832 - INFO - OPENED SHORT at 2085.67 | Stop loss: 2096.113292857143 | Take profit: 2054.362535714286 +2025-03-10 13:45:53,981 - INFO - CLOSED short at 2094.7 | PnL: -0.43% | $-0.98 +2025-03-10 13:45:53,981 - INFO - OPENED LONG at 2094.7 | Stop loss: 2084.211557142857 | Take profit: 2126.1429142857137 +2025-03-10 13:45:54,386 - INFO - CLOSED long at 2105.83 | PnL: 0.53% | $0.79 +2025-03-10 13:45:54,527 - INFO - OPENED LONG at 2105.21 | Stop loss: 2094.6690071428575 | Take profit: 2136.810564285714 +2025-03-10 13:45:54,553 - INFO - CLOSED long at 2103.9 | PnL: -0.06% | $-0.30 +2025-03-10 13:45:54,668 - INFO - OPENED SHORT at 2104.73 | Stop loss: 2115.268592857143 | Take profit: 2073.1366357142856 +2025-03-10 13:45:54,885 - INFO - CLOSED short at 2110.4 | PnL: -0.27% | $-0.68 +2025-03-10 13:45:55,479 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.42, Avg Loss=$-0.51 +2025-03-10 13:45:55,480 - INFO - Episode 3: Reward=-107.95, Balance=$91.73, Win Rate=32.5%, Trades=40, Episode PnL=$-7.45, Total PnL=$-24.39, Max Drawdown=8.5%, Pred Accuracy=96.8% +2025-03-10 13:45:55,889 - INFO - OPENED SHORT at 2057.8 | Stop loss: 2068.103942857143 | Take profit: 2026.9105857142858 +2025-03-10 13:45:56,071 - INFO - STOP LOSS hit for short at 2068.103942857143 | PnL: -0.50% | $-1.19 +2025-03-10 13:45:56,104 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.465492857143 | Take profit: 2037.0659357142858 +2025-03-10 13:45:56,240 - INFO - CLOSED short at 2070.99 | PnL: -0.14% | $-0.47 +2025-03-10 13:45:56,275 - INFO - OPENED SHORT at 2069.6 | Stop loss: 2079.962942857143 | Take profit: 2038.5335857142857 +2025-03-10 13:45:57,128 - INFO - CLOSED short at 2065.99 | PnL: 0.17% | $0.15 +2025-03-10 13:45:57,463 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.3247428571426 | Take profit: 2038.8881857142858 +2025-03-10 13:45:57,569 - INFO - CLOSED short at 2072.75 | PnL: -0.13% | $-0.46 +2025-03-10 13:45:57,622 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.078442857143 | Take profit: 2041.5870857142854 +2025-03-10 13:45:57,869 - INFO - CLOSED short at 2071.11 | PnL: 0.08% | $-0.05 +2025-03-10 13:45:57,944 - INFO - OPENED SHORT at 2068.32 | Stop loss: 2078.676542857143 | Take profit: 2037.2727857142859 +2025-03-10 13:45:58,070 - INFO - CLOSED short at 2065.49 | PnL: 0.14% | $0.07 +2025-03-10 13:45:58,070 - INFO - OPENED LONG at 2065.49 | Stop loss: 2055.147607142857 | Take profit: 2096.494764285714 +2025-03-10 13:45:58,965 - INFO - CLOSED long at 2065.69 | PnL: 0.01% | $-0.18 +2025-03-10 13:45:58,965 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.033392857143 | Take profit: 2034.6822357142858 +2025-03-10 13:46:00,465 - INFO - CLOSED short at 2059.61 | PnL: 0.29% | $0.38 +2025-03-10 13:46:00,516 - INFO - OPENED LONG at 2059.16 | Stop loss: 2048.849257142857 | Take profit: 2090.069814285714 +2025-03-10 13:46:01,011 - INFO - CLOSED long at 2062.69 | PnL: 0.17% | $0.14 +2025-03-10 13:46:01,388 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.399992857143 | Take profit: 2043.862435714286 +2025-03-10 13:46:01,889 - INFO - CLOSED short at 2063.97 | PnL: 0.53% | $0.84 +2025-03-10 13:46:02,799 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2544428571427 | Take profit: 2036.8590857142858 +2025-03-10 13:46:02,855 - INFO - CLOSED short at 2066.89 | PnL: 0.05% | $-0.10 +2025-03-10 13:46:02,911 - INFO - OPENED SHORT at 2065.45 | Stop loss: 2075.7921928571427 | Take profit: 2034.4458357142857 +2025-03-10 13:46:02,962 - INFO - CLOSED short at 2069.0 | PnL: -0.17% | $-0.54 +2025-03-10 13:46:03,010 - INFO - OPENED SHORT at 2070.1 | Stop loss: 2080.4654428571425 | Take profit: 2039.0260857142857 +2025-03-10 13:46:03,040 - INFO - CLOSED short at 2067.19 | PnL: 0.14% | $0.08 +2025-03-10 13:46:03,068 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.842442857143 | Take profit: 2034.4950857142856 +2025-03-10 13:46:03,227 - INFO - CLOSED short at 2063.98 | PnL: 0.07% | $-0.05 +2025-03-10 13:46:03,275 - INFO - OPENED SHORT at 2065.06 | Stop loss: 2075.400242857143 | Take profit: 2034.0616857142857 +2025-03-10 13:46:03,450 - INFO - CLOSED short at 2058.09 | PnL: 0.34% | $0.47 +2025-03-10 13:46:03,451 - INFO - OPENED LONG at 2058.09 | Stop loss: 2047.784607142857 | Take profit: 2088.9837642857146 +2025-03-10 13:46:04,647 - INFO - TAKE PROFIT hit for long at 2088.9837642857146 | PnL: 1.50% | $2.76 +2025-03-10 13:46:04,995 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.0911571428574 | Take profit: 2166.8241142857146 +2025-03-10 13:46:05,023 - INFO - CLOSED long at 2126.99 | PnL: -0.36% | $-0.94 +2025-03-10 13:46:05,051 - INFO - OPENED SHORT at 2127.3 | Stop loss: 2137.951442857143 | Take profit: 2095.368085714286 +2025-03-10 13:46:05,079 - INFO - CLOSED short at 2128.69 | PnL: -0.07% | $-0.33 +2025-03-10 13:46:05,220 - INFO - OPENED SHORT at 2117.24 | Stop loss: 2127.8411428571426 | Take profit: 2085.4589857142855 +2025-03-10 13:46:05,310 - INFO - CLOSED short at 2118.52 | PnL: -0.06% | $-0.32 +2025-03-10 13:46:05,338 - INFO - OPENED SHORT at 2119.14 | Stop loss: 2129.750642857143 | Take profit: 2087.3304857142857 +2025-03-10 13:46:05,447 - INFO - CLOSED short at 2109.05 | PnL: 0.48% | $0.75 +2025-03-10 13:46:05,474 - INFO - OPENED SHORT at 2112.09 | Stop loss: 2122.665392857143 | Take profit: 2080.386235714286 +2025-03-10 13:46:05,720 - INFO - CLOSED short at 2114.8 | PnL: -0.13% | $-0.46 +2025-03-10 13:46:05,770 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.151507142857 | Take profit: 2140.3630642857142 +2025-03-10 13:46:05,839 - INFO - CLOSED long at 2103.33 | PnL: -0.26% | $-0.71 +2025-03-10 13:46:05,957 - INFO - OPENED LONG at 2098.1 | Stop loss: 2087.594557142857 | Take profit: 2129.593914285714 +2025-03-10 13:46:05,993 - INFO - CLOSED long at 2102.19 | PnL: 0.19% | $0.19 +2025-03-10 13:46:05,993 - INFO - OPENED SHORT at 2102.19 | Stop loss: 2112.7158928571425 | Take profit: 2070.634735714286 +2025-03-10 13:46:06,629 - INFO - CLOSED short at 2088.44 | PnL: 0.65% | $1.10 +2025-03-10 13:46:06,630 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.982857142857 | Take profit: 2119.789014285714 +2025-03-10 13:46:06,739 - INFO - CLOSED long at 2082.44 | PnL: -0.29% | $-0.78 +2025-03-10 13:46:06,739 - INFO - OPENED SHORT at 2082.44 | Stop loss: 2092.867142857143 | Take profit: 2051.1809857142857 +2025-03-10 13:46:07,404 - INFO - CLOSED short at 2091.05 | PnL: -0.41% | $-1.02 +2025-03-10 13:46:07,404 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.579807142857 | Take profit: 2122.4381642857143 +2025-03-10 13:46:07,565 - INFO - CLOSED long at 2099.99 | PnL: 0.43% | $0.65 +2025-03-10 13:46:07,565 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.5048928571427 | Take profit: 2068.4677357142855 +2025-03-10 13:46:07,708 - INFO - CLOSED short at 2099.89 | PnL: 0.00% | $-0.19 +2025-03-10 13:46:07,708 - INFO - OPENED LONG at 2099.89 | Stop loss: 2089.375607142857 | Take profit: 2131.410764285714 +2025-03-10 13:46:07,808 - INFO - CLOSED long at 2103.48 | PnL: 0.17% | $0.14 +2025-03-10 13:46:07,809 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.012342857143 | Take profit: 2071.905385714286 +2025-03-10 13:46:07,835 - INFO - CLOSED short at 2104.93 | PnL: -0.07% | $-0.34 +2025-03-10 13:46:07,835 - INFO - OPENED LONG at 2104.93 | Stop loss: 2094.390407142857 | Take profit: 2136.526364285714 +2025-03-10 13:46:07,861 - INFO - CLOSED long at 2103.81 | PnL: -0.05% | $-0.30 +2025-03-10 13:46:07,862 - INFO - OPENED SHORT at 2103.81 | Stop loss: 2114.343992857143 | Take profit: 2072.2304357142857 +2025-03-10 13:46:07,929 - INFO - CLOSED short at 2103.07 | PnL: 0.04% | $-0.13 +2025-03-10 13:46:07,930 - INFO - OPENED LONG at 2103.07 | Stop loss: 2092.5397071428574 | Take profit: 2134.6384642857147 +2025-03-10 13:46:08,438 - INFO - CLOSED long at 2108.0 | PnL: 0.23% | $0.26 +2025-03-10 13:46:08,481 - INFO - OPENED LONG at 2112.28 | Stop loss: 2101.7036571428575 | Take profit: 2143.9866142857145 +2025-03-10 13:46:08,505 - INFO - CLOSED long at 2110.87 | PnL: -0.07% | $-0.33 +2025-03-10 13:46:08,506 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.439292857143 | Take profit: 2079.1845357142856 +2025-03-10 13:46:08,524 - INFO - CLOSED short at 2110.4 | PnL: 0.02% | $-0.15 +2025-03-10 13:46:08,550 - INFO - OPENED SHORT at 2113.7 | Stop loss: 2124.2834428571427 | Take profit: 2081.9720857142856 +2025-03-10 13:46:08,655 - INFO - CLOSED short at 2112.28 | PnL: 0.07% | $-0.06 +2025-03-10 13:46:08,701 - INFO - OPENED SHORT at 2112.11 | Stop loss: 2122.685492857143 | Take profit: 2080.405935714286 +2025-03-10 13:46:09,047 - INFO - CLOSED short at 2117.6 | PnL: -0.26% | $-0.71 +2025-03-10 13:46:09,112 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.57, Avg Loss=$-0.43 +2025-03-10 13:46:09,113 - INFO - Episode 4: Reward=-108.28, Balance=$98.17, Win Rate=37.8%, Trades=37, Episode PnL=$-1.22, Total PnL=$-26.22, Max Drawdown=3.6%, Pred Accuracy=96.8% +2025-03-10 13:46:09,654 - INFO - OPENED SHORT at 2064.32 | Stop loss: 2074.6565428571434 | Take profit: 2033.3327857142858 +2025-03-10 13:46:10,117 - INFO - STOP LOSS hit for short at 2074.6565428571434 | PnL: -0.50% | $-1.19 +2025-03-10 13:46:10,156 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.2894928571427 | Take profit: 2041.7939357142857 +2025-03-10 13:46:10,374 - INFO - CLOSED short at 2070.28 | PnL: 0.13% | $0.05 +2025-03-10 13:46:10,374 - INFO - OPENED LONG at 2070.28 | Stop loss: 2059.913657142857 | Take profit: 2101.3566142857144 +2025-03-10 13:46:10,830 - INFO - CLOSED long at 2065.08 | PnL: -0.25% | $-0.69 +2025-03-10 13:46:10,830 - INFO - OPENED SHORT at 2065.08 | Stop loss: 2075.420342857143 | Take profit: 2034.0813857142857 +2025-03-10 13:46:11,203 - INFO - CLOSED short at 2072.75 | PnL: -0.37% | $-0.92 +2025-03-10 13:46:11,203 - INFO - OPENED LONG at 2072.75 | Stop loss: 2062.371307142857 | Take profit: 2103.863664285714 +2025-03-10 13:46:11,230 - INFO - CLOSED long at 2073.11 | PnL: 0.02% | $-0.16 +2025-03-10 13:46:11,230 - INFO - OPENED SHORT at 2073.11 | Stop loss: 2083.490492857143 | Take profit: 2041.990935714286 +2025-03-10 13:46:11,419 - INFO - CLOSED short at 2070.4 | PnL: 0.13% | $0.06 +2025-03-10 13:46:11,563 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.6500571428573 | Take profit: 2098.0274142857143 +2025-03-10 13:46:11,771 - INFO - CLOSED long at 2067.89 | PnL: 0.04% | $-0.11 +2025-03-10 13:46:11,890 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.978357142857 | Take profit: 2100.4025142857145 +2025-03-10 13:46:11,917 - INFO - CLOSED long at 2067.86 | PnL: -0.07% | $-0.33 +2025-03-10 13:46:11,944 - INFO - OPENED LONG at 2067.59 | Stop loss: 2057.237107142857 | Take profit: 2098.6262642857146 +2025-03-10 13:46:12,246 - INFO - CLOSED long at 2068.69 | PnL: 0.05% | $-0.09 +2025-03-10 13:46:12,489 - INFO - OPENED LONG at 2067.8 | Stop loss: 2057.446057142857 | Take profit: 2098.8394142857146 +2025-03-10 13:46:12,528 - INFO - CLOSED long at 2068.18 | PnL: 0.02% | $-0.16 +2025-03-10 13:46:12,529 - INFO - OPENED SHORT at 2068.18 | Stop loss: 2078.5358428571426 | Take profit: 2037.1348857142855 +2025-03-10 13:46:12,602 - INFO - CLOSED short at 2067.88 | PnL: 0.01% | $-0.16 +2025-03-10 13:46:12,602 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.525657142857 | Take profit: 2098.9206142857142 +2025-03-10 13:46:12,647 - INFO - CLOSED long at 2064.99 | PnL: -0.14% | $-0.46 +2025-03-10 13:46:12,647 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.3298928571426 | Take profit: 2033.9927357142856 +2025-03-10 13:46:12,677 - INFO - CLOSED short at 2065.83 | PnL: -0.04% | $-0.27 +2025-03-10 13:46:12,724 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.601242857143 | Take profit: 2034.2586857142858 +2025-03-10 13:46:12,796 - INFO - CLOSED short at 2061.78 | PnL: 0.17% | $0.13 +2025-03-10 13:46:13,377 - INFO - OPENED SHORT at 2059.3 | Stop loss: 2069.6114428571427 | Take profit: 2028.3880857142858 +2025-03-10 13:46:14,688 - INFO - CLOSED short at 2064.49 | PnL: -0.25% | $-0.67 +2025-03-10 13:46:14,714 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6765928571426 | Take profit: 2035.3126357142855 +2025-03-10 13:46:14,766 - INFO - CLOSED short at 2066.79 | PnL: -0.02% | $-0.23 +2025-03-10 13:46:14,817 - INFO - OPENED LONG at 2067.01 | Stop loss: 2056.6600071428575 | Take profit: 2098.037564285715 +2025-03-10 13:46:15,571 - INFO - CLOSED long at 2063.95 | PnL: -0.15% | $-0.47 +2025-03-10 13:46:15,593 - INFO - OPENED SHORT at 2063.97 | Stop loss: 2074.3047928571423 | Take profit: 2032.9880357142854 +2025-03-10 13:46:16,403 - INFO - CLOSED short at 2071.61 | PnL: -0.37% | $-0.88 +2025-03-10 13:46:16,431 - INFO - OPENED SHORT at 2074.37 | Stop loss: 2084.7567928571425 | Take profit: 2043.2320357142855 +2025-03-10 13:46:17,439 - INFO - CLOSED short at 2064.11 | PnL: 0.49% | $0.73 +2025-03-10 13:46:17,439 - INFO - OPENED LONG at 2064.11 | Stop loss: 2053.774507142857 | Take profit: 2095.0940642857145 +2025-03-10 13:46:17,493 - INFO - CLOSED long at 2066.33 | PnL: 0.11% | $0.01 +2025-03-10 13:46:17,494 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6765928571426 | Take profit: 2035.3126357142855 +2025-03-10 13:46:17,920 - INFO - CLOSED short at 2063.9 | PnL: 0.12% | $0.03 +2025-03-10 13:46:17,921 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5655571428574 | Take profit: 2094.8809142857144 +2025-03-10 13:46:18,099 - INFO - CLOSED long at 2064.08 | PnL: 0.01% | $-0.17 +2025-03-10 13:46:18,307 - INFO - OPENED LONG at 2070.31 | Stop loss: 2059.943507142857 | Take profit: 2101.387064285714 +2025-03-10 13:46:18,327 - INFO - CLOSED long at 2070.24 | PnL: -0.00% | $-0.19 +2025-03-10 13:46:18,606 - INFO - OPENED LONG at 2077.61 | Stop loss: 2067.2070071428575 | Take profit: 2108.796564285715 +2025-03-10 13:46:18,714 - INFO - TAKE PROFIT hit for long at 2108.796564285715 | PnL: 1.50% | $2.61 +2025-03-10 13:46:19,406 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.882757142857 | Take profit: 2144.1693142857143 +2025-03-10 13:46:19,659 - INFO - STOP LOSS hit for long at 2101.882757142857 | PnL: -0.50% | $-1.15 +2025-03-10 13:46:20,180 - INFO - OPENED SHORT at 2099.59 | Stop loss: 2110.102892857143 | Take profit: 2068.0737357142857 +2025-03-10 13:46:20,233 - INFO - CLOSED short at 2100.02 | PnL: -0.02% | $-0.23 +2025-03-10 13:46:20,233 - INFO - OPENED LONG at 2100.02 | Stop loss: 2089.504957142857 | Take profit: 2131.5427142857143 +2025-03-10 13:46:20,273 - INFO - CLOSED long at 2098.39 | PnL: -0.08% | $-0.34 +2025-03-10 13:46:20,274 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.8968928571426 | Take profit: 2066.8917357142855 +2025-03-10 13:46:20,326 - INFO - CLOSED short at 2093.46 | PnL: 0.23% | $0.25 +2025-03-10 13:46:20,326 - INFO - OPENED LONG at 2093.46 | Stop loss: 2082.977757142857 | Take profit: 2124.8843142857145 +2025-03-10 13:46:20,348 - INFO - CLOSED long at 2093.33 | PnL: -0.01% | $-0.20 +2025-03-10 13:46:20,349 - INFO - OPENED SHORT at 2093.33 | Stop loss: 2103.8115928571424 | Take profit: 2061.907635714286 +2025-03-10 13:46:21,103 - INFO - CLOSED short at 2089.96 | PnL: 0.16% | $0.11 +2025-03-10 13:46:21,129 - INFO - OPENED LONG at 2087.0 | Stop loss: 2076.550057142857 | Take profit: 2118.327414285714 +2025-03-10 13:46:21,150 - INFO - CLOSED long at 2087.47 | PnL: 0.02% | $-0.15 +2025-03-10 13:46:21,176 - INFO - OPENED LONG at 2087.78 | Stop loss: 2077.3261571428575 | Take profit: 2119.119114285714 +2025-03-10 13:46:21,201 - INFO - CLOSED long at 2086.81 | PnL: -0.05% | $-0.28 +2025-03-10 13:46:21,243 - INFO - OPENED LONG at 2085.67 | Stop loss: 2075.2267071428573 | Take profit: 2116.9774642857146 +2025-03-10 13:46:21,275 - INFO - CLOSED long at 2089.2 | PnL: 0.17% | $0.13 +2025-03-10 13:46:21,390 - INFO - OPENED SHORT at 2091.95 | Stop loss: 2102.424692857143 | Take profit: 2060.5483357142853 +2025-03-10 13:46:21,636 - INFO - STOP LOSS hit for short at 2102.424692857143 | PnL: -0.50% | $-1.13 +2025-03-10 13:46:22,189 - INFO - OPENED SHORT at 2104.73 | Stop loss: 2115.268592857143 | Take profit: 2073.1366357142856 +2025-03-10 13:46:22,770 - INFO - STOP LOSS hit for short at 2115.268592857143 | PnL: -0.50% | $-1.12 +2025-03-10 13:46:22,797 - INFO - OPENED SHORT at 2117.39 | Stop loss: 2127.991892857143 | Take profit: 2085.6067357142856 +2025-03-10 13:46:23,014 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.41, Avg Loss=$-0.47 +2025-03-10 13:46:23,015 - INFO - Episode 5: Reward=-113.22, Balance=$92.40, Win Rate=28.6%, Trades=35, Episode PnL=$-5.61, Total PnL=$-33.82, Max Drawdown=7.6%, Pred Accuracy=96.9% +2025-03-10 13:46:23,246 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.219392857143 | Take profit: 2031.9242357142857 +2025-03-10 13:46:23,747 - INFO - CLOSED short at 2067.69 | PnL: -0.23% | $-0.66 +2025-03-10 13:46:23,747 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.3366071428572 | Take profit: 2098.727764285715 +2025-03-10 13:46:23,772 - INFO - CLOSED long at 2070.26 | PnL: 0.12% | $0.05 +2025-03-10 13:46:23,772 - INFO - OPENED SHORT at 2070.26 | Stop loss: 2080.626242857143 | Take profit: 2039.183685714286 +2025-03-10 13:46:24,910 - INFO - CLOSED short at 2071.39 | PnL: -0.05% | $-0.31 +2025-03-10 13:46:24,911 - INFO - OPENED LONG at 2071.39 | Stop loss: 2061.018107142857 | Take profit: 2102.483264285714 +2025-03-10 13:46:25,251 - INFO - CLOSED long at 2069.35 | PnL: -0.10% | $-0.39 +2025-03-10 13:46:25,603 - INFO - OPENED LONG at 2069.2 | Stop loss: 2058.8390571428567 | Take profit: 2100.260414285714 +2025-03-10 13:46:25,913 - INFO - CLOSED long at 2065.28 | PnL: -0.19% | $-0.57 +2025-03-10 13:46:25,914 - INFO - OPENED SHORT at 2065.28 | Stop loss: 2075.6213428571427 | Take profit: 2034.2783857142858 +2025-03-10 13:46:26,026 - INFO - CLOSED short at 2068.18 | PnL: -0.14% | $-0.47 +2025-03-10 13:46:26,027 - INFO - OPENED LONG at 2068.18 | Stop loss: 2057.824157142857 | Take profit: 2099.225114285714 +2025-03-10 13:46:26,053 - INFO - CLOSED long at 2065.69 | PnL: -0.12% | $-0.43 +2025-03-10 13:46:26,053 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.033392857143 | Take profit: 2034.6822357142858 +2025-03-10 13:46:26,144 - INFO - CLOSED short at 2066.15 | PnL: -0.02% | $-0.24 +2025-03-10 13:46:26,145 - INFO - OPENED LONG at 2066.15 | Stop loss: 2055.8043071428574 | Take profit: 2097.164664285714 +2025-03-10 13:46:26,166 - INFO - CLOSED long at 2065.26 | PnL: -0.04% | $-0.28 +2025-03-10 13:46:26,167 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.601242857143 | Take profit: 2034.2586857142858 +2025-03-10 13:46:26,192 - INFO - CLOSED short at 2062.89 | PnL: 0.11% | $0.03 +2025-03-10 13:46:26,193 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:46:26,814 - INFO - CLOSED long at 2060.3 | PnL: -0.13% | $-0.43 +2025-03-10 13:46:26,814 - INFO - OPENED SHORT at 2060.3 | Stop loss: 2070.616442857143 | Take profit: 2029.373085714286 +2025-03-10 13:46:27,020 - INFO - CLOSED short at 2063.0 | PnL: -0.13% | $-0.44 +2025-03-10 13:46:27,080 - INFO - OPENED LONG at 2061.7 | Stop loss: 2051.3765571428567 | Take profit: 2092.647914285714 +2025-03-10 13:46:27,291 - INFO - CLOSED long at 2058.28 | PnL: -0.17% | $-0.51 +2025-03-10 13:46:27,292 - INFO - OPENED SHORT at 2058.28 | Stop loss: 2068.586342857143 | Take profit: 2027.3833857142859 +2025-03-10 13:46:27,804 - INFO - STOP LOSS hit for short at 2068.586342857143 | PnL: -0.50% | $-1.14 +2025-03-10 13:46:27,828 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3749428571427 | Take profit: 2040.8975857142857 +2025-03-10 13:46:29,155 - INFO - CLOSED short at 2073.99 | PnL: -0.10% | $-0.37 +2025-03-10 13:46:29,156 - INFO - OPENED LONG at 2073.99 | Stop loss: 2063.605107142857 | Take profit: 2105.1222642857138 +2025-03-10 13:46:29,311 - INFO - CLOSED long at 2072.09 | PnL: -0.09% | $-0.36 +2025-03-10 13:46:29,311 - INFO - OPENED SHORT at 2072.09 | Stop loss: 2082.4653928571433 | Take profit: 2040.9862357142858 +2025-03-10 13:46:29,392 - INFO - CLOSED short at 2067.7 | PnL: 0.21% | $0.21 +2025-03-10 13:46:29,393 - INFO - OPENED LONG at 2067.7 | Stop loss: 2057.346557142857 | Take profit: 2098.737914285714 +2025-03-10 13:46:29,653 - INFO - CLOSED long at 2070.1 | PnL: 0.12% | $0.03 +2025-03-10 13:46:29,654 - INFO - OPENED SHORT at 2070.1 | Stop loss: 2080.4654428571425 | Take profit: 2039.0260857142857 +2025-03-10 13:46:30,050 - INFO - CLOSED short at 2066.33 | PnL: 0.18% | $0.15 +2025-03-10 13:46:30,051 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.9834071428572 | Take profit: 2097.3473642857143 +2025-03-10 13:46:30,096 - INFO - CLOSED long at 2063.01 | PnL: -0.16% | $-0.49 +2025-03-10 13:46:30,097 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.339992857143 | Take profit: 2032.042435714286 +2025-03-10 13:46:31,238 - INFO - STOP LOSS hit for short at 2073.339992857143 | PnL: -0.50% | $-1.11 +2025-03-10 13:46:31,316 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.369892857143 | Take profit: 2041.8727357142855 +2025-03-10 13:46:31,498 - INFO - CLOSED short at 2077.61 | PnL: -0.22% | $-0.59 +2025-03-10 13:46:31,527 - INFO - OPENED SHORT at 2085.56 | Stop loss: 2096.002742857143 | Take profit: 2054.2541857142855 +2025-03-10 13:46:31,572 - INFO - STOP LOSS hit for short at 2096.002742857143 | PnL: -0.50% | $-1.09 +2025-03-10 13:46:31,598 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.368442857143 | Take profit: 2098.7170857142855 +2025-03-10 13:46:31,740 - INFO - STOP LOSS hit for short at 2141.368442857143 | PnL: -0.50% | $-1.08 +2025-03-10 13:46:31,872 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.0911571428574 | Take profit: 2166.8241142857146 +2025-03-10 13:46:31,955 - INFO - STOP LOSS hit for long at 2124.0911571428574 | PnL: -0.50% | $-1.07 +2025-03-10 13:46:32,220 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.167942857143 | Take profit: 2078.9185857142857 +2025-03-10 13:46:32,308 - INFO - CLOSED short at 2112.95 | PnL: -0.11% | $-0.37 +2025-03-10 13:46:32,309 - INFO - OPENED LONG at 2112.95 | Stop loss: 2102.370307142857 | Take profit: 2144.666664285714 +2025-03-10 13:46:32,333 - INFO - CLOSED long at 2112.46 | PnL: -0.02% | $-0.22 +2025-03-10 13:46:32,333 - INFO - OPENED SHORT at 2112.46 | Stop loss: 2123.0372428571427 | Take profit: 2080.7506857142857 +2025-03-10 13:46:32,781 - INFO - CLOSED short at 2102.29 | PnL: 0.48% | $0.67 +2025-03-10 13:46:32,782 - INFO - OPENED LONG at 2102.29 | Stop loss: 2091.7636071428574 | Take profit: 2133.8467642857145 +2025-03-10 13:46:32,808 - INFO - CLOSED long at 2099.25 | PnL: -0.14% | $-0.43 +2025-03-10 13:46:32,809 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.761192857143 | Take profit: 2067.738835714286 +2025-03-10 13:46:33,243 - INFO - CLOSED short at 2092.46 | PnL: 0.32% | $0.39 +2025-03-10 13:46:33,574 - INFO - OPENED LONG at 2081.49 | Stop loss: 2071.067607142857 | Take profit: 2112.734764285714 +2025-03-10 13:46:34,602 - INFO - CLOSED long at 2098.49 | PnL: 0.82% | $1.26 +2025-03-10 13:46:34,602 - INFO - OPENED SHORT at 2098.49 | Stop loss: 2108.9973928571426 | Take profit: 2066.9902357142855 +2025-03-10 13:46:34,834 - INFO - CLOSED short at 2103.81 | PnL: -0.25% | $-0.63 +2025-03-10 13:46:34,869 - INFO - OPENED SHORT at 2103.07 | Stop loss: 2113.6002928571434 | Take profit: 2071.501535714286 +2025-03-10 13:46:35,311 - INFO - CLOSED short at 2104.73 | PnL: -0.08% | $-0.32 +2025-03-10 13:46:35,311 - INFO - OPENED LONG at 2104.73 | Stop loss: 2094.1914071428573 | Take profit: 2136.3233642857144 +2025-03-10 13:46:35,341 - INFO - CLOSED long at 2107.25 | PnL: 0.12% | $0.03 +2025-03-10 13:46:35,341 - INFO - OPENED SHORT at 2107.25 | Stop loss: 2117.801192857143 | Take profit: 2075.6188357142855 +2025-03-10 13:46:35,900 - INFO - STOP LOSS hit for short at 2117.801192857143 | PnL: -0.50% | $-1.06 +2025-03-10 13:46:36,017 - INFO - OPENED LONG at 2116.81 | Stop loss: 2106.211007142857 | Take profit: 2148.5845642857144 +2025-03-10 13:46:36,145 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.31, Avg Loss=$-0.58 +2025-03-10 13:46:36,146 - INFO - Episode 6: Reward=-112.59, Balance=$87.79, Win Rate=25.7%, Trades=35, Episode PnL=$-9.89, Total PnL=$-46.04, Max Drawdown=12.2%, Pred Accuracy=97.0% +2025-03-10 13:46:36,344 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:46:37,010 - INFO - CLOSED long at 2071.44 | PnL: 0.41% | $0.62 +2025-03-10 13:46:37,040 - INFO - OPENED SHORT at 2073.73 | Stop loss: 2084.113592857143 | Take profit: 2042.6016357142857 +2025-03-10 13:46:37,226 - INFO - CLOSED short at 2069.37 | PnL: 0.21% | $0.22 +2025-03-10 13:46:37,226 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.008207142857 | Take profit: 2100.432964285714 +2025-03-10 13:46:37,256 - INFO - CLOSED long at 2070.9 | PnL: 0.07% | $-0.05 +2025-03-10 13:46:37,256 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.269442857143 | Take profit: 2039.8140857142857 +2025-03-10 13:46:37,518 - INFO - CLOSED short at 2069.19 | PnL: 0.08% | $-0.03 +2025-03-10 13:46:37,519 - INFO - OPENED LONG at 2069.19 | Stop loss: 2058.829107142857 | Take profit: 2100.2502642857144 +2025-03-10 13:46:37,655 - INFO - CLOSED long at 2066.39 | PnL: -0.14% | $-0.47 +2025-03-10 13:46:37,683 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.645107142857 | Take profit: 2097.002264285714 +2025-03-10 13:46:38,192 - INFO - CLOSED long at 2072.7 | PnL: 0.32% | $0.45 +2025-03-10 13:46:38,193 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.078442857143 | Take profit: 2041.5870857142854 +2025-03-10 13:46:38,266 - INFO - CLOSED short at 2074.29 | PnL: -0.08% | $-0.35 +2025-03-10 13:46:38,266 - INFO - OPENED LONG at 2074.29 | Stop loss: 2063.9036071428573 | Take profit: 2105.4267642857144 +2025-03-10 13:46:38,338 - INFO - CLOSED long at 2071.92 | PnL: -0.11% | $-0.43 +2025-03-10 13:46:38,338 - INFO - OPENED SHORT at 2071.92 | Stop loss: 2082.294542857143 | Take profit: 2040.8187857142857 +2025-03-10 13:46:38,370 - INFO - CLOSED short at 2070.4 | PnL: 0.07% | $-0.05 +2025-03-10 13:46:38,370 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.033057142857 | Take profit: 2101.4784142857143 +2025-03-10 13:46:38,406 - INFO - CLOSED long at 2071.11 | PnL: 0.03% | $-0.13 +2025-03-10 13:46:38,441 - INFO - OPENED LONG at 2069.46 | Stop loss: 2059.097757142857 | Take profit: 2100.5243142857144 +2025-03-10 13:46:38,745 - INFO - CLOSED long at 2068.58 | PnL: -0.04% | $-0.28 +2025-03-10 13:46:38,746 - INFO - OPENED SHORT at 2068.58 | Stop loss: 2078.937842857143 | Take profit: 2037.5288857142857 +2025-03-10 13:46:38,773 - INFO - CLOSED short at 2068.8 | PnL: -0.01% | $-0.22 +2025-03-10 13:46:38,773 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.4410571428575 | Take profit: 2099.8544142857145 +2025-03-10 13:46:38,926 - INFO - CLOSED long at 2069.2 | PnL: 0.02% | $-0.16 +2025-03-10 13:46:38,927 - INFO - OPENED SHORT at 2069.2 | Stop loss: 2079.5609428571424 | Take profit: 2038.1395857142854 +2025-03-10 13:46:38,965 - INFO - CLOSED short at 2070.3 | PnL: -0.05% | $-0.30 +2025-03-10 13:46:38,965 - INFO - OPENED LONG at 2070.3 | Stop loss: 2059.9335571428574 | Take profit: 2101.3769142857145 +2025-03-10 13:46:39,099 - INFO - CLOSED long at 2070.73 | PnL: 0.02% | $-0.16 +2025-03-10 13:46:39,126 - INFO - OPENED LONG at 2068.5 | Stop loss: 2058.142557142857 | Take profit: 2099.5499142857143 +2025-03-10 13:46:39,155 - INFO - CLOSED long at 2068.69 | PnL: 0.01% | $-0.18 +2025-03-10 13:46:39,155 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.048392857143 | Take profit: 2037.6372357142857 +2025-03-10 13:46:39,183 - INFO - CLOSED short at 2067.84 | PnL: 0.04% | $-0.12 +2025-03-10 13:46:39,192 - INFO - OPENED LONG at 2067.84 | Stop loss: 2057.485857142857 | Take profit: 2098.8800142857144 +2025-03-10 13:46:39,988 - INFO - CLOSED long at 2063.59 | PnL: -0.21% | $-0.60 +2025-03-10 13:46:39,989 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.922892857143 | Take profit: 2032.613735714286 +2025-03-10 13:46:40,014 - INFO - CLOSED short at 2064.96 | PnL: -0.07% | $-0.32 +2025-03-10 13:46:40,014 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.620257142857 | Take profit: 2095.9568142857142 +2025-03-10 13:46:40,037 - INFO - CLOSED long at 2066.24 | PnL: 0.06% | $-0.07 +2025-03-10 13:46:40,037 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.586142857143 | Take profit: 2035.2239857142854 +2025-03-10 13:46:40,893 - INFO - CLOSED short at 2063.39 | PnL: 0.14% | $0.07 +2025-03-10 13:46:40,894 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.058107142857 | Take profit: 2094.363264285714 +2025-03-10 13:46:40,935 - INFO - CLOSED long at 2064.79 | PnL: 0.07% | $-0.06 +2025-03-10 13:46:40,935 - INFO - OPENED SHORT at 2064.79 | Stop loss: 2075.128892857143 | Take profit: 2033.7957357142857 +2025-03-10 13:46:41,781 - INFO - CLOSED short at 2061.6 | PnL: 0.15% | $0.11 +2025-03-10 13:46:41,782 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.277057142857 | Take profit: 2092.546414285714 +2025-03-10 13:46:41,827 - INFO - CLOSED long at 2061.3 | PnL: -0.01% | $-0.22 +2025-03-10 13:46:41,827 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.621442857143 | Take profit: 2030.358085714286 +2025-03-10 13:46:41,869 - INFO - CLOSED short at 2062.69 | PnL: -0.07% | $-0.32 +2025-03-10 13:46:41,869 - INFO - OPENED LONG at 2062.69 | Stop loss: 2052.3616071428573 | Take profit: 2093.6527642857145 +2025-03-10 13:46:41,898 - INFO - CLOSED long at 2063.4 | PnL: 0.03% | $-0.13 +2025-03-10 13:46:41,899 - INFO - OPENED SHORT at 2063.4 | Stop loss: 2073.7319428571427 | Take profit: 2032.4265857142857 +2025-03-10 13:46:41,926 - INFO - CLOSED short at 2066.36 | PnL: -0.14% | $-0.47 +2025-03-10 13:46:41,926 - INFO - OPENED LONG at 2066.36 | Stop loss: 2056.013257142857 | Take profit: 2097.3778142857145 +2025-03-10 13:46:42,038 - INFO - CLOSED long at 2066.33 | PnL: -0.00% | $-0.19 +2025-03-10 13:46:42,038 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6765928571426 | Take profit: 2035.3126357142855 +2025-03-10 13:46:42,116 - INFO - CLOSED short at 2066.79 | PnL: -0.02% | $-0.23 +2025-03-10 13:46:42,117 - INFO - OPENED LONG at 2066.79 | Stop loss: 2056.441107142857 | Take profit: 2097.814264285714 +2025-03-10 13:46:42,173 - INFO - CLOSED long at 2067.33 | PnL: 0.03% | $-0.14 +2025-03-10 13:46:42,174 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.6815928571427 | Take profit: 2036.2976357142854 +2025-03-10 13:46:42,371 - INFO - STOP LOSS hit for short at 2077.6815928571427 | PnL: -0.50% | $-1.14 +2025-03-10 13:46:42,399 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.399992857143 | Take profit: 2043.862435714286 +2025-03-10 13:46:42,990 - INFO - CLOSED short at 2063.97 | PnL: 0.53% | $0.81 +2025-03-10 13:46:42,991 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.635207142857 | Take profit: 2094.951964285714 +2025-03-10 13:46:43,329 - INFO - CLOSED long at 2070.2 | PnL: 0.30% | $0.38 +2025-03-10 13:46:43,330 - INFO - OPENED SHORT at 2070.2 | Stop loss: 2080.5659428571425 | Take profit: 2039.1245857142856 +2025-03-10 13:46:43,756 - INFO - CLOSED short at 2070.61 | PnL: -0.02% | $-0.23 +2025-03-10 13:46:43,979 - INFO - OPENED SHORT at 2074.35 | Stop loss: 2084.7366928571428 | Take profit: 2043.2123357142855 +2025-03-10 13:46:44,419 - INFO - CLOSED short at 2065.45 | PnL: 0.43% | $0.62 +2025-03-10 13:46:44,442 - INFO - OPENED SHORT at 2068.1 | Stop loss: 2078.4554428571428 | Take profit: 2037.0560857142857 +2025-03-10 13:46:45,487 - INFO - CLOSED short at 2065.12 | PnL: 0.14% | $0.08 +2025-03-10 13:46:45,488 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.779457142857 | Take profit: 2096.1192142857144 +2025-03-10 13:46:45,512 - INFO - CLOSED long at 2068.33 | PnL: 0.16% | $0.11 +2025-03-10 13:46:45,513 - INFO - OPENED SHORT at 2068.33 | Stop loss: 2078.686592857143 | Take profit: 2037.2826357142858 +2025-03-10 13:46:45,831 - INFO - CLOSED short at 2069.34 | PnL: -0.05% | $-0.28 +2025-03-10 13:46:45,831 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.978357142857 | Take profit: 2100.4025142857145 +2025-03-10 13:46:45,864 - INFO - CLOSED long at 2069.81 | PnL: 0.02% | $-0.15 +2025-03-10 13:46:45,864 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.173992857143 | Take profit: 2038.7404357142857 +2025-03-10 13:46:46,085 - INFO - STOP LOSS hit for short at 2080.173992857143 | PnL: -0.50% | $-1.14 +2025-03-10 13:46:46,465 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.340107142857 | Take profit: 2158.9172642857143 +2025-03-10 13:46:46,820 - INFO - STOP LOSS hit for long at 2116.340107142857 | PnL: -0.50% | $-1.13 +2025-03-10 13:46:46,921 - INFO - OPENED LONG at 2109.05 | Stop loss: 2098.4898071428574 | Take profit: 2140.7081642857147 +2025-03-10 13:46:47,057 - INFO - CLOSED long at 2112.46 | PnL: 0.16% | $0.11 +2025-03-10 13:46:47,058 - INFO - OPENED SHORT at 2112.46 | Stop loss: 2123.0372428571427 | Take profit: 2080.7506857142857 +2025-03-10 13:46:48,032 - INFO - CLOSED short at 2083.97 | PnL: 1.35% | $2.33 +2025-03-10 13:46:48,033 - INFO - OPENED LONG at 2083.97 | Stop loss: 2073.535207142857 | Take profit: 2115.251964285714 +2025-03-10 13:46:48,916 - INFO - CLOSED long at 2097.11 | PnL: 0.63% | $1.01 +2025-03-10 13:46:48,917 - INFO - OPENED SHORT at 2097.11 | Stop loss: 2107.6104928571426 | Take profit: 2065.630935714286 +2025-03-10 13:46:49,598 - INFO - STOP LOSS hit for short at 2107.6104928571426 | PnL: -0.50% | $-1.16 +2025-03-10 13:46:49,621 - INFO - OPENED SHORT at 2112.28 | Stop loss: 2122.856342857143 | Take profit: 2080.573385714286 +2025-03-10 13:46:50,039 - INFO - CLOSED short at 2108.99 | PnL: 0.16% | $0.11 +2025-03-10 13:46:50,040 - INFO - OPENED LONG at 2108.99 | Stop loss: 2098.4301071428567 | Take profit: 2140.647264285714 +2025-03-10 13:46:50,081 - INFO - CLOSED long at 2111.19 | PnL: 0.10% | $0.01 +2025-03-10 13:46:50,081 - INFO - OPENED SHORT at 2111.19 | Stop loss: 2121.760892857143 | Take profit: 2079.4997357142856 +2025-03-10 13:46:50,209 - INFO - CLOSED short at 2117.39 | PnL: -0.29% | $-0.75 +2025-03-10 13:46:50,210 - INFO - OPENED LONG at 2117.39 | Stop loss: 2106.788107142857 | Take profit: 2149.173264285714 +2025-03-10 13:46:50,253 - INFO - CLOSED long at 2115.3 | PnL: -0.10% | $-0.38 +2025-03-10 13:46:50,254 - INFO - OPENED SHORT at 2115.3 | Stop loss: 2125.891442857143 | Take profit: 2083.5480857142857 +2025-03-10 13:46:50,403 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.47, Avg Loss=$-0.35 +2025-03-10 13:46:50,404 - INFO - Episode 7: Reward=-112.36, Balance=$94.99, Win Rate=30.6%, Trades=49, Episode PnL=$-4.05, Total PnL=$-51.05, Max Drawdown=6.9%, Pred Accuracy=97.1% +2025-03-10 13:46:50,928 - INFO - OPENED SHORT at 2061.79 | Stop loss: 2072.1138928571427 | Take profit: 2030.8407357142858 +2025-03-10 13:46:51,387 - INFO - STOP LOSS hit for short at 2072.1138928571427 | PnL: -0.50% | $-1.19 +2025-03-10 13:46:51,433 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.2894928571427 | Take profit: 2041.7939357142857 +2025-03-10 13:46:51,692 - INFO - CLOSED short at 2070.79 | PnL: 0.10% | $0.00 +2025-03-10 13:46:51,692 - INFO - OPENED LONG at 2070.79 | Stop loss: 2060.421107142857 | Take profit: 2101.874264285714 +2025-03-10 13:46:51,717 - INFO - CLOSED long at 2070.28 | PnL: -0.02% | $-0.24 +2025-03-10 13:46:51,718 - INFO - OPENED SHORT at 2070.28 | Stop loss: 2080.6463428571433 | Take profit: 2039.203385714286 +2025-03-10 13:46:51,838 - INFO - CLOSED short at 2070.7 | PnL: -0.02% | $-0.24 +2025-03-10 13:46:51,838 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.331557142857 | Take profit: 2101.782914285714 +2025-03-10 13:46:52,112 - INFO - CLOSED long at 2065.99 | PnL: -0.23% | $-0.64 +2025-03-10 13:46:52,112 - INFO - OPENED SHORT at 2065.99 | Stop loss: 2076.3348928571427 | Take profit: 2034.9777357142855 +2025-03-10 13:46:52,525 - INFO - CLOSED short at 2073.11 | PnL: -0.34% | $-0.86 +2025-03-10 13:46:52,526 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.729507142857 | Take profit: 2104.2290642857142 +2025-03-10 13:46:52,553 - INFO - CLOSED long at 2072.7 | PnL: -0.02% | $-0.23 +2025-03-10 13:46:52,553 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.078442857143 | Take profit: 2041.5870857142854 +2025-03-10 13:46:52,668 - INFO - CLOSED short at 2070.4 | PnL: 0.11% | $0.02 +2025-03-10 13:46:52,669 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.033057142857 | Take profit: 2101.4784142857143 +2025-03-10 13:46:52,712 - INFO - CLOSED long at 2071.11 | PnL: 0.03% | $-0.13 +2025-03-10 13:46:52,712 - INFO - OPENED SHORT at 2071.11 | Stop loss: 2081.4804928571434 | Take profit: 2040.0209357142858 +2025-03-10 13:46:52,791 - INFO - CLOSED short at 2069.35 | PnL: 0.08% | $-0.03 +2025-03-10 13:46:52,791 - INFO - OPENED LONG at 2069.35 | Stop loss: 2058.988307142857 | Take profit: 2100.412664285714 +2025-03-10 13:46:52,836 - INFO - CLOSED long at 2068.32 | PnL: -0.05% | $-0.29 +2025-03-10 13:46:52,836 - INFO - OPENED SHORT at 2068.32 | Stop loss: 2078.676542857143 | Take profit: 2037.2727857142859 +2025-03-10 13:46:54,025 - INFO - CLOSED short at 2067.88 | PnL: 0.02% | $-0.15 +2025-03-10 13:46:54,025 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.525657142857 | Take profit: 2098.9206142857142 +2025-03-10 13:46:54,096 - INFO - CLOSED long at 2066.15 | PnL: -0.08% | $-0.35 +2025-03-10 13:46:54,096 - INFO - OPENED SHORT at 2066.15 | Stop loss: 2076.4956928571432 | Take profit: 2035.1353357142857 +2025-03-10 13:46:54,303 - INFO - CLOSED short at 2066.24 | PnL: -0.00% | $-0.20 +2025-03-10 13:46:54,303 - INFO - OPENED LONG at 2066.24 | Stop loss: 2055.8938571428566 | Take profit: 2097.256014285714 +2025-03-10 13:46:54,831 - INFO - CLOSED long at 2064.1 | PnL: -0.10% | $-0.39 +2025-03-10 13:46:54,832 - INFO - OPENED SHORT at 2064.1 | Stop loss: 2074.435442857143 | Take profit: 2033.1160857142856 +2025-03-10 13:46:55,089 - INFO - CLOSED short at 2061.09 | PnL: 0.15% | $0.09 +2025-03-10 13:46:55,090 - INFO - OPENED LONG at 2061.09 | Stop loss: 2050.7696071428572 | Take profit: 2092.0287642857143 +2025-03-10 13:46:55,109 - INFO - CLOSED long at 2059.61 | PnL: -0.07% | $-0.32 +2025-03-10 13:46:55,109 - INFO - OPENED SHORT at 2059.61 | Stop loss: 2069.922992857143 | Take profit: 2028.693435714286 +2025-03-10 13:46:55,929 - INFO - STOP LOSS hit for short at 2069.922992857143 | PnL: -0.50% | $-1.13 +2025-03-10 13:46:56,002 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.4149928571433 | Take profit: 2046.817435714286 +2025-03-10 13:46:56,723 - INFO - CLOSED short at 2064.31 | PnL: 0.66% | $1.04 +2025-03-10 13:46:56,724 - INFO - OPENED LONG at 2064.31 | Stop loss: 2053.973507142857 | Take profit: 2095.2970642857144 +2025-03-10 13:46:56,775 - INFO - CLOSED long at 2065.5 | PnL: 0.06% | $-0.08 +2025-03-10 13:46:56,776 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.842442857143 | Take profit: 2034.4950857142856 +2025-03-10 13:46:57,283 - INFO - CLOSED short at 2070.61 | PnL: -0.25% | $-0.65 +2025-03-10 13:46:57,284 - INFO - OPENED LONG at 2070.61 | Stop loss: 2060.2420071428573 | Take profit: 2101.6915642857143 +2025-03-10 13:46:57,309 - INFO - CLOSED long at 2071.99 | PnL: 0.07% | $-0.06 +2025-03-10 13:46:57,310 - INFO - OPENED SHORT at 2071.99 | Stop loss: 2082.3648928571424 | Take profit: 2040.8877357142856 +2025-03-10 13:46:57,338 - INFO - CLOSED short at 2068.19 | PnL: 0.18% | $0.16 +2025-03-10 13:46:57,338 - INFO - OPENED LONG at 2068.19 | Stop loss: 2057.834107142857 | Take profit: 2099.2352642857145 +2025-03-10 13:46:57,362 - INFO - CLOSED long at 2068.67 | PnL: 0.02% | $-0.14 +2025-03-10 13:46:57,362 - INFO - OPENED SHORT at 2068.67 | Stop loss: 2079.0282928571432 | Take profit: 2037.6175357142856 +2025-03-10 13:46:58,526 - INFO - CLOSED short at 2059.2 | PnL: 0.46% | $0.67 +2025-03-10 13:46:58,895 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.234442857143 | Take profit: 2032.9190857142858 +2025-03-10 13:46:59,065 - INFO - CLOSED short at 2064.08 | PnL: -0.01% | $-0.20 +2025-03-10 13:46:59,065 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.744657142857 | Take profit: 2095.0636142857143 +2025-03-10 13:46:59,112 - INFO - CLOSED long at 2061.21 | PnL: -0.14% | $-0.45 +2025-03-10 13:46:59,112 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.5309928571432 | Take profit: 2030.269435714286 +2025-03-10 13:46:59,409 - INFO - STOP LOSS hit for short at 2071.5309928571432 | PnL: -0.50% | $-1.12 +2025-03-10 13:46:59,806 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2526428571427 | Take profit: 2107.4244857142858 +2025-03-10 13:47:00,512 - INFO - CLOSED short at 2119.07 | PnL: 0.96% | $1.58 +2025-03-10 13:47:00,512 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.4597071428575 | Take profit: 2150.8784642857145 +2025-03-10 13:47:00,562 - INFO - STOP LOSS hit for long at 2108.4597071428575 | PnL: -0.50% | $-1.13 +2025-03-10 13:47:00,687 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.5296928571424 | Take profit: 2081.2333357142857 +2025-03-10 13:47:01,710 - INFO - CLOSED short at 2100.02 | PnL: 0.61% | $0.95 +2025-03-10 13:47:01,710 - INFO - OPENED LONG at 2100.02 | Stop loss: 2089.504957142857 | Take profit: 2131.5427142857143 +2025-03-10 13:47:02,019 - INFO - STOP LOSS hit for long at 2089.504957142857 | PnL: -0.50% | $-1.12 +2025-03-10 13:47:02,061 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848657142857 | Take profit: 2114.551614285714 +2025-03-10 13:47:02,164 - INFO - CLOSED long at 2082.44 | PnL: -0.04% | $-0.26 +2025-03-10 13:47:02,165 - INFO - OPENED SHORT at 2082.44 | Stop loss: 2092.867142857143 | Take profit: 2051.1809857142857 +2025-03-10 13:47:02,196 - INFO - CLOSED short at 2081.49 | PnL: 0.05% | $-0.10 +2025-03-10 13:47:02,196 - INFO - OPENED LONG at 2081.49 | Stop loss: 2071.067607142857 | Take profit: 2112.734764285714 +2025-03-10 13:47:02,463 - INFO - CLOSED long at 2085.8 | PnL: 0.21% | $0.20 +2025-03-10 13:47:02,489 - INFO - OPENED LONG at 2084.72 | Stop loss: 2074.281457142857 | Take profit: 2116.013214285714 +2025-03-10 13:47:02,539 - INFO - CLOSED long at 2085.85 | PnL: 0.05% | $-0.08 +2025-03-10 13:47:02,539 - INFO - OPENED SHORT at 2085.85 | Stop loss: 2096.2941928571427 | Take profit: 2054.539835714286 +2025-03-10 13:47:02,564 - INFO - CLOSED short at 2088.66 | PnL: -0.13% | $-0.43 +2025-03-10 13:47:02,565 - INFO - OPENED LONG at 2088.66 | Stop loss: 2078.201757142857 | Take profit: 2120.012314285714 +2025-03-10 13:47:02,635 - INFO - CLOSED long at 2089.96 | PnL: 0.06% | $-0.07 +2025-03-10 13:47:02,635 - INFO - OPENED SHORT at 2089.96 | Stop loss: 2100.424742857143 | Take profit: 2058.588185714286 +2025-03-10 13:47:02,842 - INFO - CLOSED short at 2089.79 | PnL: 0.01% | $-0.17 +2025-03-10 13:47:02,869 - INFO - OPENED SHORT at 2085.67 | Stop loss: 2096.113292857143 | Take profit: 2054.362535714286 +2025-03-10 13:47:03,012 - INFO - CLOSED short at 2097.8 | PnL: -0.58% | $-1.25 +2025-03-10 13:47:03,037 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.5048928571427 | Take profit: 2068.4677357142855 +2025-03-10 13:47:03,743 - INFO - CLOSED short at 2102.0 | PnL: -0.10% | $-0.35 +2025-03-10 13:47:03,766 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.941992857143 | Take profit: 2071.8364357142855 +2025-03-10 13:47:04,106 - INFO - STOP LOSS hit for short at 2113.941992857143 | PnL: -0.50% | $-1.08 +2025-03-10 13:47:04,178 - INFO - OPENED SHORT at 2112.28 | Stop loss: 2122.856342857143 | Take profit: 2080.573385714286 +2025-03-10 13:47:04,609 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.52, Avg Loss=$-0.46 +2025-03-10 13:47:04,610 - INFO - Episode 8: Reward=-118.55, Balance=$89.55, Win Rate=21.4%, Trades=42, Episode PnL=$-6.71, Total PnL=$-61.50, Max Drawdown=10.4%, Pred Accuracy=97.2% +2025-03-10 13:47:04,934 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.219392857143 | Take profit: 2031.9242357142857 +2025-03-10 13:47:05,347 - INFO - CLOSED short at 2071.63 | PnL: -0.42% | $-1.04 +2025-03-10 13:47:05,347 - INFO - OPENED LONG at 2071.63 | Stop loss: 2061.256907142857 | Take profit: 2102.7268642857143 +2025-03-10 13:47:05,376 - INFO - CLOSED long at 2070.99 | PnL: -0.03% | $-0.26 +2025-03-10 13:47:05,376 - INFO - OPENED SHORT at 2070.99 | Stop loss: 2081.3598928571428 | Take profit: 2039.9027357142854 +2025-03-10 13:47:05,541 - INFO - CLOSED short at 2067.69 | PnL: 0.16% | $0.12 +2025-03-10 13:47:05,541 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.3366071428572 | Take profit: 2098.727764285715 +2025-03-10 13:47:05,582 - INFO - CLOSED long at 2070.26 | PnL: 0.12% | $0.05 +2025-03-10 13:47:05,583 - INFO - OPENED SHORT at 2070.26 | Stop loss: 2080.626242857143 | Take profit: 2039.183685714286 +2025-03-10 13:47:05,625 - INFO - CLOSED short at 2071.44 | PnL: -0.06% | $-0.31 +2025-03-10 13:47:05,625 - INFO - OPENED LONG at 2071.44 | Stop loss: 2061.067857142857 | Take profit: 2102.534014285714 +2025-03-10 13:47:05,701 - INFO - CLOSED long at 2072.91 | PnL: 0.07% | $-0.06 +2025-03-10 13:47:05,702 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.2894928571427 | Take profit: 2041.7939357142857 +2025-03-10 13:47:05,727 - INFO - CLOSED short at 2072.33 | PnL: 0.03% | $-0.14 +2025-03-10 13:47:05,727 - INFO - OPENED LONG at 2072.33 | Stop loss: 2061.953407142857 | Take profit: 2103.437364285714 +2025-03-10 13:47:06,628 - INFO - CLOSED long at 2069.96 | PnL: -0.11% | $-0.42 +2025-03-10 13:47:06,628 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.3247428571426 | Take profit: 2038.8881857142858 +2025-03-10 13:47:06,704 - INFO - CLOSED short at 2071.39 | PnL: -0.07% | $-0.33 +2025-03-10 13:47:06,822 - INFO - OPENED SHORT at 2073.11 | Stop loss: 2083.490492857143 | Take profit: 2041.990935714286 +2025-03-10 13:47:09,248 - INFO - CLOSED short at 2061.9 | PnL: 0.54% | $0.85 +2025-03-10 13:47:10,206 - INFO - OPENED SHORT at 2062.69 | Stop loss: 2073.0183928571428 | Take profit: 2031.7272357142858 +2025-03-10 13:47:10,460 - INFO - CLOSED short at 2066.34 | PnL: -0.18% | $-0.54 +2025-03-10 13:47:10,460 - INFO - OPENED LONG at 2066.34 | Stop loss: 2055.9933571428573 | Take profit: 2097.3575142857144 +2025-03-10 13:47:10,488 - INFO - CLOSED long at 2066.79 | PnL: 0.02% | $-0.15 +2025-03-10 13:47:10,488 - INFO - OPENED SHORT at 2066.79 | Stop loss: 2077.1388928571428 | Take profit: 2035.7657357142857 +2025-03-10 13:47:10,682 - INFO - STOP LOSS hit for short at 2077.1388928571428 | PnL: -0.50% | $-1.17 +2025-03-10 13:47:10,723 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.399992857143 | Take profit: 2043.862435714286 +2025-03-10 13:47:11,414 - INFO - CLOSED short at 2064.4 | PnL: 0.51% | $0.79 +2025-03-10 13:47:11,414 - INFO - OPENED LONG at 2064.4 | Stop loss: 2054.0630571428574 | Take profit: 2095.388414285714 +2025-03-10 13:47:11,762 - INFO - CLOSED long at 2070.2 | PnL: 0.28% | $0.35 +2025-03-10 13:47:11,763 - INFO - OPENED SHORT at 2070.2 | Stop loss: 2080.5659428571425 | Take profit: 2039.1245857142856 +2025-03-10 13:47:12,210 - INFO - CLOSED short at 2074.35 | PnL: -0.20% | $-0.58 +2025-03-10 13:47:12,211 - INFO - OPENED LONG at 2074.35 | Stop loss: 2063.963307142857 | Take profit: 2105.487664285714 +2025-03-10 13:47:12,732 - INFO - CLOSED long at 2065.45 | PnL: -0.43% | $-1.02 +2025-03-10 13:47:12,824 - INFO - OPENED SHORT at 2069.0 | Stop loss: 2079.359942857143 | Take profit: 2037.9425857142858 +2025-03-10 13:47:13,243 - INFO - CLOSED short at 2064.11 | PnL: 0.24% | $0.26 +2025-03-10 13:47:13,243 - INFO - OPENED LONG at 2064.11 | Stop loss: 2053.774507142857 | Take profit: 2095.0940642857145 +2025-03-10 13:47:13,267 - INFO - CLOSED long at 2064.5 | PnL: 0.02% | $-0.16 +2025-03-10 13:47:13,267 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.837442857143 | Take profit: 2033.5100857142857 +2025-03-10 13:47:13,320 - INFO - CLOSED short at 2063.01 | PnL: 0.07% | $-0.05 +2025-03-10 13:47:13,320 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.6800071428574 | Take profit: 2093.977564285715 +2025-03-10 13:47:13,564 - INFO - CLOSED long at 2049.21 | PnL: -0.67% | $-1.47 +2025-03-10 13:47:13,565 - INFO - OPENED SHORT at 2049.21 | Stop loss: 2059.470992857143 | Take profit: 2018.4494357142858 +2025-03-10 13:47:13,614 - INFO - CLOSED short at 2049.5 | PnL: -0.01% | $-0.21 +2025-03-10 13:47:13,615 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.237557142857 | Take profit: 2080.264914285714 +2025-03-10 13:47:14,025 - INFO - CLOSED long at 2067.49 | PnL: 0.88% | $1.46 +2025-03-10 13:47:14,061 - INFO - OPENED SHORT at 2066.59 | Stop loss: 2076.937892857143 | Take profit: 2035.5687357142858 +2025-03-10 13:47:14,112 - INFO - CLOSED short at 2061.21 | PnL: 0.26% | $0.31 +2025-03-10 13:47:14,283 - INFO - OPENED SHORT at 2070.31 | Stop loss: 2080.676492857143 | Take profit: 2039.2329357142855 +2025-03-10 13:47:14,410 - INFO - CLOSED short at 2069.81 | PnL: 0.02% | $-0.15 +2025-03-10 13:47:14,473 - INFO - OPENED SHORT at 2073.49 | Stop loss: 2083.8723928571426 | Take profit: 2042.3652357142855 +2025-03-10 13:47:14,590 - INFO - CLOSED short at 2074.9 | PnL: -0.07% | $-0.32 +2025-03-10 13:47:14,618 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.4753428571426 | Take profit: 2044.9163857142858 +2025-03-10 13:47:14,641 - INFO - CLOSED short at 2077.61 | PnL: -0.07% | $-0.33 +2025-03-10 13:47:14,678 - INFO - OPENED SHORT at 2085.56 | Stop loss: 2096.002742857143 | Take profit: 2054.2541857142855 +2025-03-10 13:47:14,789 - INFO - STOP LOSS hit for short at 2096.002742857143 | PnL: -0.50% | $-1.14 +2025-03-10 13:47:14,841 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.368442857143 | Take profit: 2098.7170857142855 +2025-03-10 13:47:14,891 - INFO - CLOSED short at 2131.78 | PnL: -0.05% | $-0.28 +2025-03-10 13:47:15,091 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.0911571428574 | Take profit: 2166.8241142857146 +2025-03-10 13:47:15,256 - INFO - STOP LOSS hit for long at 2124.0911571428574 | PnL: -0.50% | $-1.12 +2025-03-10 13:47:15,955 - INFO - OPENED SHORT at 2103.33 | Stop loss: 2113.861592857143 | Take profit: 2071.7576357142857 +2025-03-10 13:47:16,088 - INFO - CLOSED short at 2098.1 | PnL: 0.25% | $0.27 +2025-03-10 13:47:16,270 - INFO - OPENED SHORT at 2106.39 | Stop loss: 2116.936892857143 | Take profit: 2074.7717357142856 +2025-03-10 13:47:16,311 - INFO - CLOSED short at 2100.74 | PnL: 0.27% | $0.31 +2025-03-10 13:47:16,356 - INFO - OPENED SHORT at 2103.86 | Stop loss: 2114.3942428571427 | Take profit: 2072.2796857142857 +2025-03-10 13:47:16,952 - INFO - CLOSED short at 2083.41 | PnL: 0.97% | $1.62 +2025-03-10 13:47:16,952 - INFO - OPENED LONG at 2083.41 | Stop loss: 2072.9780071428568 | Take profit: 2114.6835642857145 +2025-03-10 13:47:16,980 - INFO - CLOSED long at 2085.09 | PnL: 0.08% | $-0.04 +2025-03-10 13:47:16,981 - INFO - OPENED SHORT at 2085.09 | Stop loss: 2095.530392857143 | Take profit: 2053.791235714286 +2025-03-10 13:47:17,184 - INFO - CLOSED short at 2085.85 | PnL: -0.04% | $-0.26 +2025-03-10 13:47:17,230 - INFO - OPENED SHORT at 2088.66 | Stop loss: 2099.118242857143 | Take profit: 2057.3076857142855 +2025-03-10 13:47:17,661 - INFO - CLOSED short at 2091.95 | PnL: -0.16% | $-0.49 +2025-03-10 13:47:17,661 - INFO - OPENED LONG at 2091.95 | Stop loss: 2081.4753071428568 | Take profit: 2123.351664285714 +2025-03-10 13:47:18,503 - INFO - CLOSED long at 2102.0 | PnL: 0.48% | $0.71 +2025-03-10 13:47:18,503 - INFO - OPENED SHORT at 2102.0 | Stop loss: 2112.524942857143 | Take profit: 2070.4475857142857 +2025-03-10 13:47:18,682 - INFO - CLOSED short at 2110.87 | PnL: -0.42% | $-0.99 +2025-03-10 13:47:18,682 - INFO - OPENED LONG at 2110.87 | Stop loss: 2100.300707142857 | Take profit: 2142.555464285714 +2025-03-10 13:47:18,860 - INFO - CLOSED long at 2115.26 | PnL: 0.21% | $0.20 +2025-03-10 13:47:18,861 - INFO - OPENED SHORT at 2115.26 | Stop loss: 2125.851242857143 | Take profit: 2083.508685714286 +2025-03-10 13:47:19,375 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.56, Avg Loss=$-0.50 +2025-03-10 13:47:19,377 - INFO - Episode 9: Reward=-109.72, Balance=$94.29, Win Rate=33.3%, Trades=39, Episode PnL=$-4.47, Total PnL=$-67.20, Max Drawdown=7.1%, Pred Accuracy=97.3% +2025-03-10 13:47:19,787 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.585607142857 | Take profit: 2088.7807642857138 +2025-03-10 13:47:20,139 - INFO - CLOSED long at 2070.99 | PnL: 0.64% | $1.07 +2025-03-10 13:47:20,140 - INFO - OPENED SHORT at 2070.99 | Stop loss: 2081.3598928571428 | Take profit: 2039.9027357142854 +2025-03-10 13:47:22,876 - INFO - CLOSED short at 2066.1 | PnL: 0.24% | $0.27 +2025-03-10 13:47:22,876 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.754557142857 | Take profit: 2097.113914285714 +2025-03-10 13:47:22,901 - INFO - CLOSED long at 2065.28 | PnL: -0.04% | $-0.28 +2025-03-10 13:47:22,901 - INFO - OPENED SHORT at 2065.28 | Stop loss: 2075.6213428571427 | Take profit: 2034.2783857142858 +2025-03-10 13:47:22,926 - INFO - CLOSED short at 2066.39 | PnL: -0.05% | $-0.31 +2025-03-10 13:47:22,928 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.043107142857 | Take profit: 2097.408264285714 +2025-03-10 13:47:22,955 - INFO - CLOSED long at 2064.47 | PnL: -0.09% | $-0.39 +2025-03-10 13:47:22,956 - INFO - OPENED SHORT at 2064.47 | Stop loss: 2074.8072928571423 | Take profit: 2033.4805357142855 +2025-03-10 13:47:22,981 - INFO - CLOSED short at 2070.04 | PnL: -0.27% | $-0.74 +2025-03-10 13:47:22,982 - INFO - OPENED LONG at 2070.04 | Stop loss: 2059.674857142857 | Take profit: 2101.1130142857146 +2025-03-10 13:47:23,416 - INFO - STOP LOSS hit for long at 2059.674857142857 | PnL: -0.50% | $-1.19 +2025-03-10 13:47:23,533 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.620257142857 | Take profit: 2095.9568142857142 +2025-03-10 13:47:24,014 - INFO - CLOSED long at 2059.3 | PnL: -0.27% | $-0.73 +2025-03-10 13:47:24,015 - INFO - OPENED SHORT at 2059.3 | Stop loss: 2069.6114428571427 | Take profit: 2028.3880857142858 +2025-03-10 13:47:24,048 - INFO - CLOSED short at 2060.31 | PnL: -0.05% | $-0.29 +2025-03-10 13:47:24,048 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.993507142857 | Take profit: 2091.2370642857145 +2025-03-10 13:47:24,074 - INFO - CLOSED long at 2061.8 | PnL: 0.07% | $-0.05 +2025-03-10 13:47:24,468 - INFO - OPENED LONG at 2064.79 | Stop loss: 2054.4511071428574 | Take profit: 2095.784264285714 +2025-03-10 13:47:24,827 - INFO - CLOSED long at 2059.61 | PnL: -0.25% | $-0.68 +2025-03-10 13:47:24,828 - INFO - OPENED SHORT at 2059.61 | Stop loss: 2069.922992857143 | Take profit: 2028.693435714286 +2025-03-10 13:47:24,887 - INFO - CLOSED short at 2059.02 | PnL: 0.03% | $-0.14 +2025-03-10 13:47:24,888 - INFO - OPENED LONG at 2059.02 | Stop loss: 2048.709957142857 | Take profit: 2089.927714285714 +2025-03-10 13:47:24,946 - INFO - CLOSED long at 2059.96 | PnL: 0.05% | $-0.10 +2025-03-10 13:47:24,947 - INFO - OPENED SHORT at 2059.96 | Stop loss: 2070.274742857143 | Take profit: 2029.0381857142856 +2025-03-10 13:47:25,334 - INFO - CLOSED short at 2061.66 | PnL: -0.08% | $-0.35 +2025-03-10 13:47:25,410 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9785571428574 | Take profit: 2092.2419142857143 +2025-03-10 13:47:25,903 - INFO - CLOSED long at 2072.0 | PnL: 0.52% | $0.80 +2025-03-10 13:47:26,249 - INFO - OPENED LONG at 2068.15 | Stop loss: 2057.794307142857 | Take profit: 2099.194664285714 +2025-03-10 13:47:26,539 - INFO - CLOSED long at 2071.49 | PnL: 0.16% | $0.12 +2025-03-10 13:47:26,566 - INFO - OPENED LONG at 2069.87 | Stop loss: 2059.5057071428573 | Take profit: 2100.940464285714 +2025-03-10 13:47:28,547 - INFO - CLOSED long at 2067.19 | PnL: -0.13% | $-0.44 +2025-03-10 13:47:28,548 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.540892857143 | Take profit: 2036.1597357142857 +2025-03-10 13:47:29,455 - INFO - CLOSED short at 2049.5 | PnL: 0.86% | $1.45 +2025-03-10 13:47:29,456 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.237557142857 | Take profit: 2080.264914285714 +2025-03-10 13:47:29,517 - INFO - CLOSED long at 2051.99 | PnL: 0.12% | $0.04 +2025-03-10 13:47:29,517 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.2648928571425 | Take profit: 2021.1877357142855 +2025-03-10 13:47:29,578 - INFO - CLOSED short at 2058.3 | PnL: -0.31% | $-0.79 +2025-03-10 13:47:29,578 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9935571428573 | Take profit: 2089.1969142857147 +2025-03-10 13:47:29,635 - INFO - CLOSED long at 2056.85 | PnL: -0.07% | $-0.33 +2025-03-10 13:47:29,636 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.1491928571427 | Take profit: 2025.9748357142857 +2025-03-10 13:47:29,715 - INFO - CLOSED short at 2062.83 | PnL: -0.29% | $-0.75 +2025-03-10 13:47:29,716 - INFO - OPENED LONG at 2062.83 | Stop loss: 2052.500907142857 | Take profit: 2093.794864285714 +2025-03-10 13:47:29,743 - INFO - CLOSED long at 2063.9 | PnL: 0.05% | $-0.09 +2025-03-10 13:47:29,743 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.234442857143 | Take profit: 2032.9190857142858 +2025-03-10 13:47:30,711 - INFO - STOP LOSS hit for short at 2074.234442857143 | PnL: -0.50% | $-1.15 +2025-03-10 13:47:30,760 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.4753428571426 | Take profit: 2044.9163857142858 +2025-03-10 13:47:30,878 - INFO - STOP LOSS hit for short at 2086.4753428571426 | PnL: -0.50% | $-1.13 +2025-03-10 13:47:30,907 - INFO - OPENED LONG at 2103.02 | Stop loss: 2092.4899571428573 | Take profit: 2134.587714285714 +2025-03-10 13:47:30,964 - INFO - TAKE PROFIT hit for long at 2134.587714285714 | PnL: 1.50% | $2.61 +2025-03-10 13:47:30,994 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.1061571428572 | Take profit: 2163.7791142857145 +2025-03-10 13:47:31,403 - INFO - STOP LOSS hit for long at 2121.1061571428572 | PnL: -0.50% | $-1.15 +2025-03-10 13:47:31,433 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.534307142857 | Take profit: 2151.9746642857144 +2025-03-10 13:47:31,508 - INFO - CLOSED long at 2117.24 | PnL: -0.14% | $-0.45 +2025-03-10 13:47:31,607 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.315407142857 | Take profit: 2151.751364285714 +2025-03-10 13:47:31,798 - INFO - STOP LOSS hit for long at 2109.315407142857 | PnL: -0.50% | $-1.13 +2025-03-10 13:47:32,090 - INFO - OPENED SHORT at 2113.24 | Stop loss: 2123.8211428571426 | Take profit: 2081.5189857142855 +2025-03-10 13:47:32,276 - INFO - CLOSED short at 2108.71 | PnL: 0.21% | $0.21 +2025-03-10 13:47:32,277 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.151507142857 | Take profit: 2140.3630642857142 +2025-03-10 13:47:32,477 - INFO - STOP LOSS hit for long at 2098.151507142857 | PnL: -0.50% | $-1.12 +2025-03-10 13:47:32,870 - INFO - OPENED SHORT at 2103.86 | Stop loss: 2114.3942428571427 | Take profit: 2072.2796857142857 +2025-03-10 13:47:33,629 - INFO - CLOSED short at 2086.57 | PnL: 0.82% | $1.33 +2025-03-10 13:47:33,629 - INFO - OPENED LONG at 2086.57 | Stop loss: 2076.1222071428574 | Take profit: 2117.8909642857143 +2025-03-10 13:47:33,662 - INFO - CLOSED long at 2085.8 | PnL: -0.04% | $-0.26 +2025-03-10 13:47:33,662 - INFO - OPENED SHORT at 2085.8 | Stop loss: 2096.243942857143 | Take profit: 2054.4905857142858 +2025-03-10 13:47:33,913 - INFO - CLOSED short at 2087.0 | PnL: -0.06% | $-0.29 +2025-03-10 13:47:33,913 - INFO - OPENED LONG at 2087.0 | Stop loss: 2076.550057142857 | Take profit: 2118.327414285714 +2025-03-10 13:47:35,377 - INFO - CLOSED long at 2110.4 | PnL: 1.12% | $1.90 +2025-03-10 13:47:35,643 - INFO - OPENED LONG at 2113.1 | Stop loss: 2102.519557142857 | Take profit: 2144.818914285714 +2025-03-10 13:47:36,109 - INFO - CLOSED long at 2116.81 | PnL: 0.18% | $0.14 +2025-03-10 13:47:36,109 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.4089928571425 | Take profit: 2085.035435714286 +2025-03-10 13:47:36,224 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.90, Avg Loss=$-0.57 +2025-03-10 13:47:36,224 - INFO - Episode 10: Reward=-107.47, Balance=$95.61, Win Rate=30.6%, Trades=36, Episode PnL=$-2.34, Total PnL=$-71.59, Max Drawdown=7.2%, Pred Accuracy=97.5% +2025-03-10 13:47:36,397 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 13:47:36,398 - INFO - Checkpoint saved at episode 10 +2025-03-10 13:47:36,470 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 13:47:36,471 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2405, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 13:47:36,811 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.219392857143 | Take profit: 2031.9242357142857 +2025-03-10 13:47:36,834 - INFO - CLOSED short at 2060.31 | PnL: 0.13% | $0.05 +2025-03-10 13:47:36,834 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.993507142857 | Take profit: 2091.2370642857145 +2025-03-10 13:47:36,884 - INFO - CLOSED long at 2057.8 | PnL: -0.12% | $-0.44 +2025-03-10 13:47:36,884 - INFO - OPENED SHORT at 2057.8 | Stop loss: 2068.103942857143 | Take profit: 2026.9105857142858 +2025-03-10 13:47:37,064 - INFO - STOP LOSS hit for short at 2068.103942857143 | PnL: -0.50% | $-1.19 +2025-03-10 13:47:37,107 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.465492857143 | Take profit: 2037.0659357142858 +2025-03-10 13:47:38,114 - INFO - CLOSED short at 2069.01 | PnL: -0.04% | $-0.28 +2025-03-10 13:47:38,210 - INFO - OPENED SHORT at 2066.29 | Stop loss: 2076.6363928571427 | Take profit: 2035.2732357142856 +2025-03-10 13:47:40,821 - INFO - CLOSED short at 2064.7 | PnL: 0.08% | $-0.04 +2025-03-10 13:47:40,854 - INFO - OPENED SHORT at 2062.61 | Stop loss: 2072.937992857143 | Take profit: 2031.648435714286 +2025-03-10 13:47:40,901 - INFO - CLOSED short at 2060.3 | PnL: 0.11% | $0.02 +2025-03-10 13:47:40,901 - INFO - OPENED LONG at 2060.3 | Stop loss: 2049.9835571428575 | Take profit: 2091.2269142857144 +2025-03-10 13:47:40,924 - INFO - CLOSED long at 2061.13 | PnL: 0.04% | $-0.12 +2025-03-10 13:47:40,925 - INFO - OPENED SHORT at 2061.13 | Stop loss: 2071.450592857143 | Take profit: 2030.190635714286 +2025-03-10 13:47:41,028 - INFO - CLOSED short at 2064.33 | PnL: -0.16% | $-0.50 +2025-03-10 13:47:41,058 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.721892857143 | Take profit: 2032.4167357142856 +2025-03-10 13:47:41,272 - INFO - CLOSED short at 2062.6 | PnL: 0.04% | $-0.12 +2025-03-10 13:47:41,272 - INFO - OPENED LONG at 2062.6 | Stop loss: 2052.272057142857 | Take profit: 2093.5614142857144 +2025-03-10 13:47:41,346 - INFO - CLOSED long at 2060.7 | PnL: -0.09% | $-0.37 +2025-03-10 13:47:41,346 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.018442857143 | Take profit: 2029.7670857142855 +2025-03-10 13:47:41,425 - INFO - CLOSED short at 2059.16 | PnL: 0.07% | $-0.05 +2025-03-10 13:47:41,425 - INFO - OPENED LONG at 2059.16 | Stop loss: 2048.849257142857 | Take profit: 2090.069814285714 +2025-03-10 13:47:42,659 - INFO - CLOSED long at 2075.01 | PnL: 0.77% | $1.29 +2025-03-10 13:47:42,863 - INFO - OPENED SHORT at 2073.23 | Stop loss: 2083.611092857143 | Take profit: 2042.109135714286 +2025-03-10 13:47:43,321 - INFO - CLOSED short at 2063.95 | PnL: 0.45% | $0.68 +2025-03-10 13:47:43,322 - INFO - OPENED LONG at 2063.95 | Stop loss: 2053.615307142857 | Take profit: 2094.9316642857143 +2025-03-10 13:47:43,648 - INFO - CLOSED long at 2067.53 | PnL: 0.17% | $0.14 +2025-03-10 13:47:43,648 - INFO - OPENED SHORT at 2067.53 | Stop loss: 2077.882592857143 | Take profit: 2036.494635714286 +2025-03-10 13:47:44,390 - INFO - CLOSED short at 2068.67 | PnL: -0.06% | $-0.31 +2025-03-10 13:47:44,419 - INFO - OPENED SHORT at 2070.67 | Stop loss: 2081.0382928571426 | Take profit: 2039.5875357142857 +2025-03-10 13:47:44,786 - INFO - CLOSED short at 2075.29 | PnL: -0.22% | $-0.63 +2025-03-10 13:47:45,604 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.4353928571427 | Take profit: 2035.0762357142858 +2025-03-10 13:47:45,627 - INFO - CLOSED short at 2063.39 | PnL: 0.13% | $0.06 +2025-03-10 13:47:45,904 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.339992857143 | Take profit: 2032.042435714286 +2025-03-10 13:47:45,930 - INFO - CLOSED short at 2060.7 | PnL: 0.11% | $0.02 +2025-03-10 13:47:45,957 - INFO - OPENED SHORT at 2060.2 | Stop loss: 2070.515942857143 | Take profit: 2029.2745857142854 +2025-03-10 13:47:47,035 - INFO - CLOSED short at 2065.72 | PnL: -0.27% | $-0.72 +2025-03-10 13:47:47,035 - INFO - OPENED LONG at 2065.72 | Stop loss: 2055.376457142857 | Take profit: 2096.728214285714 +2025-03-10 13:47:47,088 - INFO - CLOSED long at 2070.24 | PnL: 0.22% | $0.23 +2025-03-10 13:47:47,089 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.606142857143 | Take profit: 2039.1639857142854 +2025-03-10 13:47:47,483 - INFO - STOP LOSS hit for short at 2080.606142857143 | PnL: -0.50% | $-1.17 +2025-03-10 13:47:47,758 - INFO - OPENED LONG at 2141.3 | Stop loss: 2130.5785571428573 | Take profit: 2173.441914285714 +2025-03-10 13:47:47,873 - INFO - STOP LOSS hit for long at 2130.5785571428573 | PnL: -0.50% | $-1.15 +2025-03-10 13:47:48,273 - INFO - OPENED SHORT at 2109.05 | Stop loss: 2119.610192857143 | Take profit: 2077.3918357142857 +2025-03-10 13:47:48,409 - INFO - STOP LOSS hit for short at 2119.610192857143 | PnL: -0.50% | $-1.14 +2025-03-10 13:47:48,472 - INFO - OPENED SHORT at 2114.8 | Stop loss: 2125.388942857143 | Take profit: 2083.055585714286 +2025-03-10 13:47:48,648 - INFO - CLOSED short at 2103.33 | PnL: 0.54% | $0.83 +2025-03-10 13:47:48,674 - INFO - OPENED SHORT at 2100.5 | Stop loss: 2111.017442857143 | Take profit: 2068.9700857142857 +2025-03-10 13:47:48,794 - INFO - CLOSED short at 2102.29 | PnL: -0.09% | $-0.35 +2025-03-10 13:47:48,794 - INFO - OPENED LONG at 2102.29 | Stop loss: 2091.7636071428574 | Take profit: 2133.8467642857145 +2025-03-10 13:47:48,818 - INFO - CLOSED long at 2099.25 | PnL: -0.14% | $-0.46 +2025-03-10 13:47:48,819 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.761192857143 | Take profit: 2067.738835714286 +2025-03-10 13:47:48,878 - INFO - CLOSED short at 2100.69 | PnL: -0.07% | $-0.32 +2025-03-10 13:47:48,878 - INFO - OPENED LONG at 2100.69 | Stop loss: 2090.1716071428573 | Take profit: 2132.222764285714 +2025-03-10 13:47:48,918 - INFO - CLOSED long at 2104.83 | PnL: 0.20% | $0.18 +2025-03-10 13:47:48,919 - INFO - OPENED SHORT at 2104.83 | Stop loss: 2115.3690928571427 | Take profit: 2073.2351357142857 +2025-03-10 13:47:49,552 - INFO - CLOSED short at 2081.25 | PnL: 1.12% | $1.91 +2025-03-10 13:47:49,638 - INFO - OPENED SHORT at 2086.57 | Stop loss: 2097.017792857143 | Take profit: 2055.249035714286 +2025-03-10 13:47:50,278 - INFO - STOP LOSS hit for short at 2097.017792857143 | PnL: -0.50% | $-1.15 +2025-03-10 13:47:50,324 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1631428571427 | Take profit: 2070.0929857142855 +2025-03-10 13:47:51,124 - INFO - STOP LOSS hit for short at 2112.1631428571427 | PnL: -0.50% | $-1.13 +2025-03-10 13:47:51,530 - INFO - OPENED LONG at 2118.72 | Stop loss: 2108.111457142857 | Take profit: 2150.523214285714 +2025-03-10 13:47:51,749 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.49, Avg Loss=$-0.58 +2025-03-10 13:47:51,749 - INFO - Episode 11: Reward=-98.70, Balance=$93.79, Win Rate=35.5%, Trades=31, Episode PnL=$-5.37, Total PnL=$-77.80, Max Drawdown=6.2%, Pred Accuracy=97.9% +2025-03-10 13:47:52,011 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.993507142857 | Take profit: 2091.2370642857145 +2025-03-10 13:47:52,157 - INFO - CLOSED long at 2061.18 | PnL: 0.04% | $-0.11 +2025-03-10 13:47:52,183 - INFO - OPENED SHORT at 2064.32 | Stop loss: 2074.6565428571434 | Take profit: 2033.3327857142858 +2025-03-10 13:47:52,434 - INFO - CLOSED short at 2068.65 | PnL: -0.21% | $-0.61 +2025-03-10 13:47:52,434 - INFO - OPENED LONG at 2068.65 | Stop loss: 2058.291807142857 | Take profit: 2099.702164285714 +2025-03-10 13:47:52,452 - INFO - CLOSED long at 2068.99 | PnL: 0.02% | $-0.16 +2025-03-10 13:47:52,475 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2544428571427 | Take profit: 2036.8590857142858 +2025-03-10 13:47:52,706 - INFO - CLOSED short at 2069.37 | PnL: -0.07% | $-0.34 +2025-03-10 13:47:52,706 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.008207142857 | Take profit: 2100.432964285714 +2025-03-10 13:47:52,740 - INFO - CLOSED long at 2070.9 | PnL: 0.07% | $-0.05 +2025-03-10 13:47:52,741 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.269442857143 | Take profit: 2039.8140857142857 +2025-03-10 13:47:53,022 - INFO - CLOSED short at 2067.6 | PnL: 0.16% | $0.12 +2025-03-10 13:47:53,337 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.947892857143 | Take profit: 2037.5387357142858 +2025-03-10 13:47:53,545 - INFO - CLOSED short at 2073.11 | PnL: -0.22% | $-0.63 +2025-03-10 13:47:53,545 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.729507142857 | Take profit: 2104.2290642857142 +2025-03-10 13:47:53,597 - INFO - CLOSED long at 2072.7 | PnL: -0.02% | $-0.23 +2025-03-10 13:47:53,597 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.078442857143 | Take profit: 2041.5870857142854 +2025-03-10 13:47:54,109 - INFO - CLOSED short at 2069.34 | PnL: 0.16% | $0.12 +2025-03-10 13:47:54,110 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.978357142857 | Take profit: 2100.4025142857145 +2025-03-10 13:47:54,136 - INFO - CLOSED long at 2067.86 | PnL: -0.07% | $-0.33 +2025-03-10 13:47:54,136 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.2142428571433 | Take profit: 2036.819685714286 +2025-03-10 13:47:54,780 - INFO - CLOSED short at 2067.88 | PnL: -0.00% | $-0.20 +2025-03-10 13:47:54,780 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.525657142857 | Take profit: 2098.9206142857142 +2025-03-10 13:47:54,826 - INFO - CLOSED long at 2064.99 | PnL: -0.14% | $-0.46 +2025-03-10 13:47:54,826 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.3298928571426 | Take profit: 2033.9927357142856 +2025-03-10 13:47:55,498 - INFO - CLOSED short at 2059.3 | PnL: 0.28% | $0.34 +2025-03-10 13:47:56,059 - INFO - OPENED LONG at 2062.6 | Stop loss: 2052.272057142857 | Take profit: 2093.5614142857144 +2025-03-10 13:47:56,172 - INFO - CLOSED long at 2059.61 | PnL: -0.14% | $-0.47 +2025-03-10 13:47:56,223 - INFO - OPENED LONG at 2059.02 | Stop loss: 2048.709957142857 | Take profit: 2089.927714285714 +2025-03-10 13:47:56,376 - INFO - CLOSED long at 2058.28 | PnL: -0.04% | $-0.26 +2025-03-10 13:47:56,376 - INFO - OPENED SHORT at 2058.28 | Stop loss: 2068.586342857143 | Take profit: 2027.3833857142859 +2025-03-10 13:47:57,003 - INFO - STOP LOSS hit for short at 2068.586342857143 | PnL: -0.50% | $-1.15 +2025-03-10 13:47:57,185 - INFO - OPENED SHORT at 2072.6 | Stop loss: 2082.977942857143 | Take profit: 2041.4885857142856 +2025-03-10 13:47:57,343 - INFO - CLOSED short at 2068.39 | PnL: 0.20% | $0.20 +2025-03-10 13:47:57,343 - INFO - OPENED LONG at 2068.39 | Stop loss: 2058.033107142857 | Take profit: 2099.438264285714 +2025-03-10 13:47:58,056 - INFO - CLOSED long at 2070.9 | PnL: 0.12% | $0.04 +2025-03-10 13:47:58,057 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.269442857143 | Take profit: 2039.8140857142857 +2025-03-10 13:47:58,440 - INFO - CLOSED short at 2073.27 | PnL: -0.11% | $-0.41 +2025-03-10 13:47:58,440 - INFO - OPENED LONG at 2073.27 | Stop loss: 2062.888707142857 | Take profit: 2104.3914642857144 +2025-03-10 13:47:58,937 - INFO - CLOSED long at 2065.5 | PnL: -0.37% | $-0.90 +2025-03-10 13:47:58,938 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.842442857143 | Take profit: 2034.4950857142856 +2025-03-10 13:47:58,961 - INFO - CLOSED short at 2065.7 | PnL: -0.01% | $-0.21 +2025-03-10 13:47:58,962 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.356557142857 | Take profit: 2096.707914285714 +2025-03-10 13:47:59,125 - INFO - CLOSED long at 2063.98 | PnL: -0.08% | $-0.34 +2025-03-10 13:47:59,126 - INFO - OPENED SHORT at 2063.98 | Stop loss: 2074.314842857143 | Take profit: 2032.9978857142858 +2025-03-10 13:47:59,178 - INFO - CLOSED short at 2066.1 | PnL: -0.10% | $-0.38 +2025-03-10 13:47:59,178 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.754557142857 | Take profit: 2097.113914285714 +2025-03-10 13:47:59,293 - INFO - CLOSED long at 2066.33 | PnL: 0.01% | $-0.17 +2025-03-10 13:47:59,338 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3815571428568 | Take profit: 2091.632914285714 +2025-03-10 13:47:59,384 - INFO - CLOSED long at 2059.2 | PnL: -0.07% | $-0.32 +2025-03-10 13:47:59,687 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1943928571427 | Take profit: 2026.9992357142855 +2025-03-10 13:47:59,852 - INFO - STOP LOSS hit for short at 2068.1943928571427 | PnL: -0.50% | $-1.11 +2025-03-10 13:47:59,885 - INFO - OPENED LONG at 2067.49 | Stop loss: 2057.1376071428567 | Take profit: 2098.524764285714 +2025-03-10 13:47:59,926 - INFO - CLOSED long at 2066.59 | PnL: -0.04% | $-0.26 +2025-03-10 13:47:59,926 - INFO - OPENED SHORT at 2066.59 | Stop loss: 2076.937892857143 | Take profit: 2035.5687357142858 +2025-03-10 13:48:00,485 - INFO - STOP LOSS hit for short at 2076.937892857143 | PnL: -0.50% | $-1.09 +2025-03-10 13:48:00,840 - INFO - OPENED LONG at 2142.68 | Stop loss: 2131.951657142857 | Take profit: 2174.842614285714 +2025-03-10 13:48:00,869 - INFO - CLOSED long at 2140.01 | PnL: -0.12% | $-0.40 +2025-03-10 13:48:00,869 - INFO - OPENED SHORT at 2140.01 | Stop loss: 2150.7249928571428 | Take profit: 2107.887435714286 +2025-03-10 13:48:00,940 - INFO - CLOSED short at 2127.3 | PnL: 0.59% | $0.88 +2025-03-10 13:48:00,941 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.6485571428575 | Take profit: 2159.2319142857145 +2025-03-10 13:48:01,253 - INFO - STOP LOSS hit for long at 2116.6485571428575 | PnL: -0.50% | $-1.09 +2025-03-10 13:48:01,278 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.877907142857 | Take profit: 2139.063864285714 +2025-03-10 13:48:01,369 - INFO - CLOSED long at 2112.95 | PnL: 0.26% | $0.29 +2025-03-10 13:48:01,390 - INFO - OPENED SHORT at 2112.46 | Stop loss: 2123.0372428571427 | Take profit: 2080.7506857142857 +2025-03-10 13:48:01,415 - INFO - CLOSED short at 2113.24 | PnL: -0.04% | $-0.25 +2025-03-10 13:48:01,416 - INFO - OPENED LONG at 2113.24 | Stop loss: 2102.658857142857 | Take profit: 2144.961014285714 +2025-03-10 13:48:01,724 - INFO - STOP LOSS hit for long at 2102.658857142857 | PnL: -0.50% | $-1.07 +2025-03-10 13:48:01,745 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.535057142857 | Take profit: 2121.3724142857145 +2025-03-10 13:48:02,877 - INFO - CLOSED long at 2088.66 | PnL: -0.06% | $-0.29 +2025-03-10 13:48:02,877 - INFO - OPENED SHORT at 2088.66 | Stop loss: 2099.118242857143 | Take profit: 2057.3076857142855 +2025-03-10 13:48:03,076 - INFO - CLOSED short at 2089.79 | PnL: -0.05% | $-0.27 +2025-03-10 13:48:03,076 - INFO - OPENED LONG at 2089.79 | Stop loss: 2079.326107142857 | Take profit: 2121.1592642857145 +2025-03-10 13:48:03,123 - INFO - CLOSED long at 2085.67 | PnL: -0.20% | $-0.52 +2025-03-10 13:48:03,124 - INFO - OPENED SHORT at 2085.67 | Stop loss: 2096.113292857143 | Take profit: 2054.362535714286 +2025-03-10 13:48:03,315 - INFO - STOP LOSS hit for short at 2096.113292857143 | PnL: -0.50% | $-1.05 +2025-03-10 13:48:03,339 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.5048928571427 | Take profit: 2068.4677357142855 +2025-03-10 13:48:04,081 - INFO - STOP LOSS hit for short at 2110.5048928571427 | PnL: -0.50% | $-1.04 +2025-03-10 13:48:04,185 - INFO - OPENED SHORT at 2115.26 | Stop loss: 2125.851242857143 | Take profit: 2083.508685714286 +2025-03-10 13:48:04,684 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.28, Avg Loss=$-0.51 +2025-03-10 13:48:04,684 - INFO - Episode 12: Reward=-26.63, Balance=$85.80, Win Rate=17.9%, Trades=39, Episode PnL=$-10.18, Total PnL=$-92.00, Max Drawdown=14.2%, Pred Accuracy=98.3% +2025-03-10 13:48:04,974 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.219392857143 | Take profit: 2031.9242357142857 +2025-03-10 13:48:05,503 - INFO - CLOSED short at 2067.69 | PnL: -0.23% | $-0.66 +2025-03-10 13:48:05,503 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.3366071428572 | Take profit: 2098.727764285715 +2025-03-10 13:48:05,575 - INFO - CLOSED long at 2073.73 | PnL: 0.29% | $0.38 +2025-03-10 13:48:05,627 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.2894928571427 | Take profit: 2041.7939357142857 +2025-03-10 13:48:05,675 - INFO - CLOSED short at 2072.33 | PnL: 0.03% | $-0.14 +2025-03-10 13:48:05,840 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.269442857143 | Take profit: 2039.8140857142857 +2025-03-10 13:48:05,931 - INFO - CLOSED short at 2070.28 | PnL: 0.03% | $-0.14 +2025-03-10 13:48:05,991 - INFO - OPENED SHORT at 2067.2 | Stop loss: 2077.5509428571427 | Take profit: 2036.1695857142856 +2025-03-10 13:48:06,016 - INFO - CLOSED short at 2070.36 | PnL: -0.15% | $-0.50 +2025-03-10 13:48:06,774 - INFO - OPENED SHORT at 2071.36 | Stop loss: 2081.731742857143 | Take profit: 2040.2671857142857 +2025-03-10 13:48:06,798 - INFO - CLOSED short at 2072.75 | PnL: -0.07% | $-0.33 +2025-03-10 13:48:06,818 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.729507142857 | Take profit: 2104.2290642857142 +2025-03-10 13:48:06,858 - INFO - CLOSED long at 2072.7 | PnL: -0.02% | $-0.23 +2025-03-10 13:48:07,499 - INFO - OPENED LONG at 2069.2 | Stop loss: 2058.8390571428567 | Take profit: 2100.260414285714 +2025-03-10 13:48:07,527 - INFO - CLOSED long at 2070.3 | PnL: 0.05% | $-0.09 +2025-03-10 13:48:07,527 - INFO - OPENED SHORT at 2070.3 | Stop loss: 2080.666442857143 | Take profit: 2039.2230857142858 +2025-03-10 13:48:07,572 - INFO - CLOSED short at 2070.7 | PnL: -0.02% | $-0.23 +2025-03-10 13:48:07,572 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.331557142857 | Take profit: 2101.782914285714 +2025-03-10 13:48:07,918 - INFO - CLOSED long at 2064.47 | PnL: -0.30% | $-0.78 +2025-03-10 13:48:07,918 - INFO - OPENED SHORT at 2064.47 | Stop loss: 2074.8072928571423 | Take profit: 2033.4805357142855 +2025-03-10 13:48:07,942 - INFO - CLOSED short at 2070.04 | PnL: -0.27% | $-0.71 +2025-03-10 13:48:07,942 - INFO - OPENED LONG at 2070.04 | Stop loss: 2059.674857142857 | Take profit: 2101.1130142857146 +2025-03-10 13:48:07,966 - INFO - CLOSED long at 2067.8 | PnL: -0.11% | $-0.40 +2025-03-10 13:48:07,967 - INFO - OPENED SHORT at 2067.8 | Stop loss: 2078.153942857143 | Take profit: 2036.760585714286 +2025-03-10 13:48:07,989 - INFO - CLOSED short at 2068.18 | PnL: -0.02% | $-0.23 +2025-03-10 13:48:07,990 - INFO - OPENED LONG at 2068.18 | Stop loss: 2057.824157142857 | Take profit: 2099.225114285714 +2025-03-10 13:48:08,042 - INFO - CLOSED long at 2067.88 | PnL: -0.01% | $-0.22 +2025-03-10 13:48:08,043 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2343428571426 | Take profit: 2036.8393857142858 +2025-03-10 13:48:08,347 - INFO - CLOSED short at 2064.96 | PnL: 0.14% | $0.08 +2025-03-10 13:48:08,348 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.620257142857 | Take profit: 2095.9568142857142 +2025-03-10 13:48:08,370 - INFO - CLOSED long at 2066.24 | PnL: 0.06% | $-0.07 +2025-03-10 13:48:08,370 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.586142857143 | Take profit: 2035.2239857142854 +2025-03-10 13:48:08,754 - INFO - CLOSED short at 2059.3 | PnL: 0.34% | $0.45 +2025-03-10 13:48:08,754 - INFO - OPENED LONG at 2059.3 | Stop loss: 2048.988557142857 | Take profit: 2090.2119142857146 +2025-03-10 13:48:08,975 - INFO - CLOSED long at 2061.9 | PnL: 0.13% | $0.05 +2025-03-10 13:48:09,493 - INFO - OPENED SHORT at 2057.4 | Stop loss: 2067.701942857143 | Take profit: 2026.5165857142858 +2025-03-10 13:48:10,120 - INFO - STOP LOSS hit for short at 2067.701942857143 | PnL: -0.50% | $-1.15 +2025-03-10 13:48:10,290 - INFO - OPENED LONG at 2071.04 | Stop loss: 2060.669857142857 | Take profit: 2102.1280142857145 +2025-03-10 13:48:10,683 - INFO - CLOSED long at 2067.33 | PnL: -0.18% | $-0.53 +2025-03-10 13:48:10,683 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.6815928571427 | Take profit: 2036.2976357142854 +2025-03-10 13:48:10,706 - INFO - CLOSED short at 2066.38 | PnL: 0.05% | $-0.10 +2025-03-10 13:48:10,707 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.0331571428574 | Take profit: 2097.398114285714 +2025-03-10 13:48:10,801 - INFO - CLOSED long at 2063.97 | PnL: -0.12% | $-0.41 +2025-03-10 13:48:10,802 - INFO - OPENED SHORT at 2063.97 | Stop loss: 2074.3047928571423 | Take profit: 2032.9880357142854 +2025-03-10 13:48:10,859 - INFO - CLOSED short at 2065.3 | PnL: -0.06% | $-0.31 +2025-03-10 13:48:10,859 - INFO - OPENED LONG at 2065.3 | Stop loss: 2054.9585571428574 | Take profit: 2096.3019142857142 +2025-03-10 13:48:10,893 - INFO - CLOSED long at 2064.4 | PnL: -0.04% | $-0.27 +2025-03-10 13:48:10,936 - INFO - OPENED SHORT at 2064.31 | Stop loss: 2074.6464928571427 | Take profit: 2033.3229357142857 +2025-03-10 13:48:11,622 - INFO - CLOSED short at 2074.37 | PnL: -0.49% | $-1.09 +2025-03-10 13:48:11,693 - INFO - OPENED SHORT at 2074.35 | Stop loss: 2084.7366928571428 | Take profit: 2043.2123357142855 +2025-03-10 13:48:11,872 - INFO - CLOSED short at 2075.61 | PnL: -0.06% | $-0.29 +2025-03-10 13:48:11,873 - INFO - OPENED LONG at 2075.61 | Stop loss: 2065.2170071428573 | Take profit: 2106.7665642857146 +2025-03-10 13:48:11,895 - INFO - CLOSED long at 2074.0 | PnL: -0.08% | $-0.32 +2025-03-10 13:48:11,896 - INFO - OPENED SHORT at 2074.0 | Stop loss: 2084.384942857143 | Take profit: 2042.8675857142857 +2025-03-10 13:48:12,642 - INFO - CLOSED short at 2065.06 | PnL: 0.43% | $0.60 +2025-03-10 13:48:13,642 - INFO - OPENED LONG at 2069.81 | Stop loss: 2059.446007142857 | Take profit: 2100.8795642857144 +2025-03-10 13:48:13,893 - INFO - CLOSED long at 2076.08 | PnL: 0.30% | $0.37 +2025-03-10 13:48:13,894 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.4753428571426 | Take profit: 2044.9163857142858 +2025-03-10 13:48:13,917 - INFO - CLOSED short at 2077.61 | PnL: -0.07% | $-0.32 +2025-03-10 13:48:13,939 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.1172571428574 | Take profit: 2116.865814285714 +2025-03-10 13:48:14,003 - INFO - CLOSED long at 2130.7 | PnL: 2.16% | $3.79 +2025-03-10 13:48:14,154 - INFO - OPENED LONG at 2137.59 | Stop loss: 2126.887107142857 | Take profit: 2169.6762642857143 +2025-03-10 13:48:14,231 - INFO - CLOSED long at 2141.3 | PnL: 0.17% | $0.14 +2025-03-10 13:48:14,231 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.021442857143 | Take profit: 2109.158085714286 +2025-03-10 13:48:14,302 - INFO - CLOSED short at 2134.78 | PnL: 0.30% | $0.39 +2025-03-10 13:48:14,302 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.0911571428574 | Take profit: 2166.8241142857146 +2025-03-10 13:48:14,330 - INFO - CLOSED long at 2126.99 | PnL: -0.36% | $-0.89 +2025-03-10 13:48:14,331 - INFO - OPENED SHORT at 2126.99 | Stop loss: 2137.6398928571425 | Take profit: 2095.0627357142857 +2025-03-10 13:48:15,042 - INFO - CLOSED short at 2103.33 | PnL: 1.11% | $1.93 +2025-03-10 13:48:15,042 - INFO - OPENED LONG at 2103.33 | Stop loss: 2092.798407142857 | Take profit: 2134.902364285714 +2025-03-10 13:48:15,062 - INFO - CLOSED long at 2100.5 | PnL: -0.13% | $-0.46 +2025-03-10 13:48:15,062 - INFO - OPENED SHORT at 2100.5 | Stop loss: 2111.017442857143 | Take profit: 2068.9700857142857 +2025-03-10 13:48:15,426 - INFO - CLOSED short at 2104.68 | PnL: -0.20% | $-0.58 +2025-03-10 13:48:15,596 - INFO - OPENED SHORT at 2092.46 | Stop loss: 2102.937242857143 | Take profit: 2061.0506857142855 +2025-03-10 13:48:16,826 - INFO - STOP LOSS hit for short at 2102.937242857143 | PnL: -0.50% | $-1.15 +2025-03-10 13:48:17,232 - INFO - OPENED SHORT at 2102.0 | Stop loss: 2112.524942857143 | Take profit: 2070.4475857142857 +2025-03-10 13:48:17,505 - INFO - STOP LOSS hit for short at 2112.524942857143 | PnL: -0.50% | $-1.14 +2025-03-10 13:48:17,526 - INFO - OPENED SHORT at 2113.0 | Stop loss: 2123.579942857143 | Take profit: 2081.2825857142857 +2025-03-10 13:48:17,589 - INFO - CLOSED short at 2113.1 | PnL: -0.00% | $-0.20 +2025-03-10 13:48:17,589 - INFO - OPENED LONG at 2113.1 | Stop loss: 2102.519557142857 | Take profit: 2144.818914285714 +2025-03-10 13:48:17,610 - INFO - CLOSED long at 2112.28 | PnL: -0.04% | $-0.26 +2025-03-10 13:48:17,610 - INFO - OPENED SHORT at 2112.28 | Stop loss: 2122.856342857143 | Take profit: 2080.573385714286 +2025-03-10 13:48:17,680 - INFO - CLOSED short at 2112.26 | PnL: 0.00% | $-0.18 +2025-03-10 13:48:17,680 - INFO - OPENED LONG at 2112.26 | Stop loss: 2101.6837571428573 | Take profit: 2143.9663142857144 +2025-03-10 13:48:18,012 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.82, Avg Loss=$-0.45 +2025-03-10 13:48:18,013 - INFO - Episode 13: Reward=-25.56, Balance=$93.79, Win Rate=23.8%, Trades=42, Episode PnL=$-2.29, Total PnL=$-98.21, Max Drawdown=7.6%, Pred Accuracy=98.6% +2025-03-10 13:48:18,343 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:48:18,468 - INFO - CLOSED long at 2058.11 | PnL: -0.23% | $-0.66 +2025-03-10 13:48:18,469 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.415492857143 | Take profit: 2027.215935714286 +2025-03-10 13:48:18,491 - INFO - CLOSED short at 2061.79 | PnL: -0.18% | $-0.55 +2025-03-10 13:48:18,492 - INFO - OPENED LONG at 2061.79 | Stop loss: 2051.4661071428573 | Take profit: 2092.7392642857144 +2025-03-10 13:48:18,551 - INFO - CLOSED long at 2065.86 | PnL: 0.20% | $0.19 +2025-03-10 13:48:18,574 - INFO - OPENED LONG at 2070.58 | Stop loss: 2060.212157142857 | Take profit: 2101.661114285714 +2025-03-10 13:48:18,670 - INFO - CLOSED long at 2071.63 | PnL: 0.05% | $-0.10 +2025-03-10 13:48:18,670 - INFO - OPENED SHORT at 2071.63 | Stop loss: 2082.003092857143 | Take profit: 2040.533135714286 +2025-03-10 13:48:18,710 - INFO - CLOSED short at 2070.99 | PnL: 0.03% | $-0.14 +2025-03-10 13:48:18,710 - INFO - OPENED LONG at 2070.99 | Stop loss: 2060.620107142857 | Take profit: 2102.0772642857137 +2025-03-10 13:48:18,787 - INFO - CLOSED long at 2068.65 | PnL: -0.11% | $-0.42 +2025-03-10 13:48:18,788 - INFO - OPENED SHORT at 2068.65 | Stop loss: 2079.008192857143 | Take profit: 2037.5978357142858 +2025-03-10 13:48:18,850 - INFO - CLOSED short at 2067.9 | PnL: 0.04% | $-0.12 +2025-03-10 13:48:18,851 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.5455571428574 | Take profit: 2098.9409142857144 +2025-03-10 13:48:18,873 - INFO - CLOSED long at 2067.69 | PnL: -0.01% | $-0.21 +2025-03-10 13:48:18,873 - INFO - OPENED SHORT at 2067.69 | Stop loss: 2078.0433928571433 | Take profit: 2036.6522357142858 +2025-03-10 13:48:19,192 - INFO - CLOSED short at 2072.8 | PnL: -0.25% | $-0.68 +2025-03-10 13:48:19,228 - INFO - OPENED SHORT at 2070.79 | Stop loss: 2081.1588928571427 | Take profit: 2039.7057357142855 +2025-03-10 13:48:19,588 - INFO - CLOSED short at 2065.99 | PnL: 0.23% | $0.25 +2025-03-10 13:48:19,589 - INFO - OPENED LONG at 2065.99 | Stop loss: 2055.645107142857 | Take profit: 2097.002264285714 +2025-03-10 13:48:20,406 - INFO - CLOSED long at 2065.49 | PnL: -0.02% | $-0.24 +2025-03-10 13:48:20,406 - INFO - OPENED SHORT at 2065.49 | Stop loss: 2075.8323928571426 | Take profit: 2034.4852357142856 +2025-03-10 13:48:21,338 - INFO - CLOSED short at 2062.65 | PnL: 0.14% | $0.07 +2025-03-10 13:48:21,868 - INFO - OPENED LONG at 2060.65 | Stop loss: 2050.3318071428575 | Take profit: 2091.5821642857145 +2025-03-10 13:48:22,224 - INFO - CLOSED long at 2065.36 | PnL: 0.23% | $0.25 +2025-03-10 13:48:22,225 - INFO - OPENED SHORT at 2065.36 | Stop loss: 2075.701742857143 | Take profit: 2034.3571857142858 +2025-03-10 13:48:22,265 - INFO - CLOSED short at 2064.33 | PnL: 0.05% | $-0.10 +2025-03-10 13:48:22,266 - INFO - OPENED LONG at 2064.33 | Stop loss: 2053.993407142857 | Take profit: 2095.317364285714 +2025-03-10 13:48:22,549 - INFO - CLOSED long at 2061.09 | PnL: -0.16% | $-0.50 +2025-03-10 13:48:22,573 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.297007142857 | Take profit: 2090.5265642857144 +2025-03-10 13:48:22,620 - INFO - CLOSED long at 2059.02 | PnL: -0.03% | $-0.25 +2025-03-10 13:48:22,620 - INFO - OPENED SHORT at 2059.02 | Stop loss: 2069.330042857143 | Take profit: 2028.1122857142857 +2025-03-10 13:48:22,658 - INFO - CLOSED short at 2058.89 | PnL: 0.01% | $-0.18 +2025-03-10 13:48:22,658 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.580607142857 | Take profit: 2089.795764285714 +2025-03-10 13:48:22,751 - INFO - CLOSED long at 2059.46 | PnL: 0.03% | $-0.14 +2025-03-10 13:48:22,751 - INFO - OPENED SHORT at 2059.46 | Stop loss: 2069.772242857143 | Take profit: 2028.5456857142856 +2025-03-10 13:48:22,943 - INFO - CLOSED short at 2056.71 | PnL: 0.13% | $0.06 +2025-03-10 13:48:22,943 - INFO - OPENED LONG at 2056.71 | Stop loss: 2046.4115071428573 | Take profit: 2087.583064285714 +2025-03-10 13:48:22,966 - INFO - CLOSED long at 2058.15 | PnL: 0.07% | $-0.06 +2025-03-10 13:48:22,989 - INFO - OPENED LONG at 2059.8 | Stop loss: 2049.4860571428576 | Take profit: 2090.7194142857143 +2025-03-10 13:48:23,362 - INFO - CLOSED long at 2067.33 | PnL: 0.37% | $0.51 +2025-03-10 13:48:23,362 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.6815928571427 | Take profit: 2036.2976357142854 +2025-03-10 13:48:23,464 - INFO - CLOSED short at 2072.0 | PnL: -0.23% | $-0.63 +2025-03-10 13:48:23,465 - INFO - OPENED LONG at 2072.0 | Stop loss: 2061.6250571428573 | Take profit: 2103.1024142857145 +2025-03-10 13:48:23,672 - INFO - CLOSED long at 2071.6 | PnL: -0.02% | $-0.23 +2025-03-10 13:48:23,731 - INFO - OPENED LONG at 2068.15 | Stop loss: 2057.794307142857 | Take profit: 2099.194664285714 +2025-03-10 13:48:23,932 - INFO - CLOSED long at 2069.87 | PnL: 0.08% | $-0.03 +2025-03-10 13:48:23,933 - INFO - OPENED SHORT at 2069.87 | Stop loss: 2080.234292857143 | Take profit: 2038.7995357142856 +2025-03-10 13:48:24,689 - INFO - CLOSED short at 2068.67 | PnL: 0.06% | $-0.08 +2025-03-10 13:48:24,689 - INFO - OPENED LONG at 2068.67 | Stop loss: 2058.311707142857 | Take profit: 2099.7224642857145 +2025-03-10 13:48:24,756 - INFO - CLOSED long at 2069.78 | PnL: 0.05% | $-0.09 +2025-03-10 13:48:24,757 - INFO - OPENED SHORT at 2069.78 | Stop loss: 2080.143842857143 | Take profit: 2038.710885714286 +2025-03-10 13:48:25,041 - INFO - CLOSED short at 2074.0 | PnL: -0.20% | $-0.58 +2025-03-10 13:48:25,082 - INFO - OPENED SHORT at 2072.09 | Stop loss: 2082.4653928571433 | Take profit: 2040.9862357142858 +2025-03-10 13:48:25,125 - INFO - CLOSED short at 2069.97 | PnL: 0.10% | $0.00 +2025-03-10 13:48:26,154 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.1491928571427 | Take profit: 2025.9748357142857 +2025-03-10 13:48:26,223 - INFO - CLOSED short at 2062.83 | PnL: -0.29% | $-0.74 +2025-03-10 13:48:26,223 - INFO - OPENED LONG at 2062.83 | Stop loss: 2052.500907142857 | Take profit: 2093.794864285714 +2025-03-10 13:48:26,372 - INFO - CLOSED long at 2062.55 | PnL: -0.01% | $-0.21 +2025-03-10 13:48:26,372 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.877692857143 | Take profit: 2031.5893357142859 +2025-03-10 13:48:26,459 - INFO - CLOSED short at 2067.49 | PnL: -0.24% | $-0.64 +2025-03-10 13:48:26,459 - INFO - OPENED LONG at 2067.49 | Stop loss: 2057.1376071428567 | Take profit: 2098.524764285714 +2025-03-10 13:48:26,523 - INFO - CLOSED long at 2061.21 | PnL: -0.30% | $-0.75 +2025-03-10 13:48:26,524 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.5309928571432 | Take profit: 2030.269435714286 +2025-03-10 13:48:26,590 - INFO - CLOSED short at 2061.84 | PnL: -0.03% | $-0.24 +2025-03-10 13:48:26,590 - INFO - OPENED LONG at 2061.84 | Stop loss: 2051.5158571428574 | Take profit: 2092.7900142857143 +2025-03-10 13:48:26,610 - INFO - CLOSED long at 2062.54 | PnL: 0.03% | $-0.12 +2025-03-10 13:48:26,610 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.867642857143 | Take profit: 2031.5794857142857 +2025-03-10 13:48:26,681 - INFO - CLOSED short at 2070.31 | PnL: -0.38% | $-0.88 +2025-03-10 13:48:26,681 - INFO - OPENED LONG at 2070.31 | Stop loss: 2059.943507142857 | Take profit: 2101.387064285714 +2025-03-10 13:48:27,181 - INFO - CLOSED long at 2103.02 | PnL: 1.58% | $2.70 +2025-03-10 13:48:27,181 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.5500428571427 | Take profit: 2071.4522857142856 +2025-03-10 13:48:27,231 - INFO - STOP LOSS hit for short at 2113.5500428571427 | PnL: -0.50% | $-1.13 +2025-03-10 13:48:27,256 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2526428571427 | Take profit: 2107.4244857142858 +2025-03-10 13:48:27,683 - INFO - CLOSED short at 2118.52 | PnL: 0.98% | $1.64 +2025-03-10 13:48:27,683 - INFO - OPENED LONG at 2118.52 | Stop loss: 2107.912457142857 | Take profit: 2150.320214285714 +2025-03-10 13:48:27,767 - INFO - STOP LOSS hit for long at 2107.912457142857 | PnL: -0.50% | $-1.13 +2025-03-10 13:48:27,812 - INFO - OPENED LONG at 2109.05 | Stop loss: 2098.4898071428574 | Take profit: 2140.7081642857147 +2025-03-10 13:48:28,208 - INFO - STOP LOSS hit for long at 2098.4898071428574 | PnL: -0.50% | $-1.12 +2025-03-10 13:48:28,251 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0174071428573 | Take profit: 2131.0453642857146 +2025-03-10 13:48:28,299 - INFO - CLOSED long at 2098.1 | PnL: -0.07% | $-0.31 +2025-03-10 13:48:28,299 - INFO - OPENED SHORT at 2098.1 | Stop loss: 2108.605442857143 | Take profit: 2066.6060857142857 +2025-03-10 13:48:28,348 - INFO - CLOSED short at 2102.19 | PnL: -0.19% | $-0.54 +2025-03-10 13:48:28,348 - INFO - OPENED LONG at 2102.19 | Stop loss: 2091.664107142857 | Take profit: 2133.7452642857143 +2025-03-10 13:48:28,425 - INFO - CLOSED long at 2099.25 | PnL: -0.14% | $-0.44 +2025-03-10 13:48:28,425 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.761192857143 | Take profit: 2067.738835714286 +2025-03-10 13:48:28,448 - INFO - CLOSED short at 2098.9 | PnL: 0.02% | $-0.15 +2025-03-10 13:48:28,448 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.3905571428572 | Take profit: 2130.4059142857145 +2025-03-10 13:48:28,671 - INFO - CLOSED long at 2100.02 | PnL: 0.05% | $-0.08 +2025-03-10 13:48:29,015 - INFO - OPENED SHORT at 2082.44 | Stop loss: 2092.867142857143 | Take profit: 2051.1809857142857 +2025-03-10 13:48:29,148 - INFO - CLOSED short at 2083.41 | PnL: -0.05% | $-0.27 +2025-03-10 13:48:29,148 - INFO - OPENED LONG at 2083.41 | Stop loss: 2072.9780071428568 | Take profit: 2114.6835642857145 +2025-03-10 13:48:29,301 - INFO - CLOSED long at 2085.83 | PnL: 0.12% | $0.03 +2025-03-10 13:48:29,302 - INFO - OPENED SHORT at 2085.83 | Stop loss: 2096.2740928571425 | Take profit: 2054.5201357142855 +2025-03-10 13:48:29,324 - INFO - CLOSED short at 2085.85 | PnL: -0.00% | $-0.18 +2025-03-10 13:48:29,324 - INFO - OPENED LONG at 2085.85 | Stop loss: 2075.405807142857 | Take profit: 2117.1601642857145 +2025-03-10 13:48:29,715 - INFO - CLOSED long at 2091.95 | PnL: 0.29% | $0.35 +2025-03-10 13:48:29,715 - INFO - OPENED SHORT at 2091.95 | Stop loss: 2102.424692857143 | Take profit: 2060.5483357142853 +2025-03-10 13:48:29,761 - INFO - CLOSED short at 2097.8 | PnL: -0.28% | $-0.69 +2025-03-10 13:48:29,762 - INFO - OPENED LONG at 2097.8 | Stop loss: 2087.2960571428575 | Take profit: 2129.289414285715 +2025-03-10 13:48:29,815 - INFO - CLOSED long at 2101.64 | PnL: 0.18% | $0.15 +2025-03-10 13:48:29,815 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1631428571427 | Take profit: 2070.0929857142855 +2025-03-10 13:48:29,853 - INFO - CLOSED short at 2097.11 | PnL: 0.22% | $0.21 +2025-03-10 13:48:29,854 - INFO - OPENED LONG at 2097.11 | Stop loss: 2086.609507142857 | Take profit: 2128.5890642857144 +2025-03-10 13:48:29,934 - INFO - CLOSED long at 2099.89 | PnL: 0.13% | $0.06 +2025-03-10 13:48:29,935 - INFO - OPENED SHORT at 2099.89 | Stop loss: 2110.4043928571427 | Take profit: 2068.3692357142854 +2025-03-10 13:48:29,985 - INFO - CLOSED short at 2100.89 | PnL: -0.05% | $-0.27 +2025-03-10 13:48:29,985 - INFO - OPENED LONG at 2100.89 | Stop loss: 2090.370607142857 | Take profit: 2132.425764285714 +2025-03-10 13:48:30,483 - INFO - CLOSED long at 2102.0 | PnL: 0.05% | $-0.08 +2025-03-10 13:48:30,484 - INFO - OPENED SHORT at 2102.0 | Stop loss: 2112.524942857143 | Take profit: 2070.4475857142857 +2025-03-10 13:48:30,505 - INFO - CLOSED short at 2103.41 | PnL: -0.07% | $-0.30 +2025-03-10 13:48:30,505 - INFO - OPENED LONG at 2103.41 | Stop loss: 2092.878007142857 | Take profit: 2134.9835642857142 +2025-03-10 13:48:31,272 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.46, Avg Loss=$-0.39 +2025-03-10 13:48:31,273 - INFO - Episode 14: Reward=-35.98, Balance=$90.23, Win Rate=25.0%, Trades=56, Episode PnL=$-9.76, Total PnL=$-107.98, Max Drawdown=8.8%, Pred Accuracy=98.5% +2025-03-10 13:48:31,620 - INFO - OPENED LONG at 2061.79 | Stop loss: 2051.4661071428573 | Take profit: 2092.7392642857144 +2025-03-10 13:48:31,661 - INFO - CLOSED long at 2061.18 | PnL: -0.03% | $-0.26 +2025-03-10 13:48:31,661 - INFO - OPENED SHORT at 2061.18 | Stop loss: 2071.5008428571427 | Take profit: 2030.2398857142855 +2025-03-10 13:48:31,871 - INFO - STOP LOSS hit for short at 2071.5008428571427 | PnL: -0.50% | $-1.19 +2025-03-10 13:48:31,894 - INFO - OPENED SHORT at 2070.99 | Stop loss: 2081.3598928571428 | Take profit: 2039.9027357142854 +2025-03-10 13:48:31,965 - INFO - CLOSED short at 2068.99 | PnL: 0.10% | $-0.01 +2025-03-10 13:48:31,966 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.630107142857 | Take profit: 2100.047264285714 +2025-03-10 13:48:32,300 - INFO - CLOSED long at 2071.41 | PnL: 0.12% | $0.03 +2025-03-10 13:48:32,326 - INFO - OPENED LONG at 2069.37 | Stop loss: 2059.008207142857 | Take profit: 2100.432964285714 +2025-03-10 13:48:32,620 - INFO - CLOSED long at 2070.7 | PnL: 0.06% | $-0.07 +2025-03-10 13:48:32,652 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.978357142857 | Take profit: 2100.4025142857145 +2025-03-10 13:48:33,128 - INFO - CLOSED long at 2070.4 | PnL: 0.05% | $-0.10 +2025-03-10 13:48:33,369 - INFO - OPENED SHORT at 2072.15 | Stop loss: 2082.525692857143 | Take profit: 2041.045335714286 +2025-03-10 13:48:33,602 - INFO - CLOSED short at 2067.79 | PnL: 0.21% | $0.22 +2025-03-10 13:48:33,602 - INFO - OPENED LONG at 2067.79 | Stop loss: 2057.436107142857 | Take profit: 2098.8292642857145 +2025-03-10 13:48:33,641 - INFO - CLOSED long at 2067.46 | PnL: -0.02% | $-0.23 +2025-03-10 13:48:33,642 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.812242857143 | Take profit: 2036.425685714286 +2025-03-10 13:48:33,975 - INFO - CLOSED short at 2070.3 | PnL: -0.14% | $-0.46 +2025-03-10 13:48:34,227 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.460492857143 | Take profit: 2036.0809357142857 +2025-03-10 13:48:34,564 - INFO - CLOSED short at 2065.83 | PnL: 0.06% | $-0.07 +2025-03-10 13:48:34,565 - INFO - OPENED LONG at 2065.83 | Stop loss: 2055.485907142857 | Take profit: 2096.839864285714 +2025-03-10 13:48:34,820 - INFO - CLOSED long at 2067.1 | PnL: 0.06% | $-0.07 +2025-03-10 13:48:34,820 - INFO - OPENED SHORT at 2067.1 | Stop loss: 2077.450442857143 | Take profit: 2036.0710857142858 +2025-03-10 13:48:35,272 - INFO - CLOSED short at 2064.7 | PnL: 0.12% | $0.03 +2025-03-10 13:48:35,272 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.361557142857 | Take profit: 2095.6929142857143 +2025-03-10 13:48:35,927 - INFO - CLOSED long at 2058.89 | PnL: -0.28% | $-0.74 +2025-03-10 13:48:35,928 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.1993928571424 | Take profit: 2027.9842357142857 +2025-03-10 13:48:36,012 - INFO - CLOSED short at 2058.28 | PnL: 0.03% | $-0.14 +2025-03-10 13:48:36,012 - INFO - OPENED LONG at 2058.28 | Stop loss: 2047.9736571428573 | Take profit: 2089.1766142857145 +2025-03-10 13:48:36,055 - INFO - CLOSED long at 2056.28 | PnL: -0.10% | $-0.38 +2025-03-10 13:48:36,055 - INFO - OPENED SHORT at 2056.28 | Stop loss: 2066.576342857143 | Take profit: 2025.4133857142858 +2025-03-10 13:48:36,165 - INFO - CLOSED short at 2054.83 | PnL: 0.07% | $-0.06 +2025-03-10 13:48:36,204 - INFO - OPENED SHORT at 2056.71 | Stop loss: 2067.0084928571428 | Take profit: 2025.8369357142856 +2025-03-10 13:48:36,335 - INFO - CLOSED short at 2061.3 | PnL: -0.22% | $-0.62 +2025-03-10 13:48:36,335 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9785571428574 | Take profit: 2092.2419142857143 +2025-03-10 13:48:36,424 - INFO - CLOSED long at 2066.01 | PnL: 0.23% | $0.24 +2025-03-10 13:48:36,424 - INFO - OPENED SHORT at 2066.01 | Stop loss: 2076.354992857143 | Take profit: 2034.9974357142858 +2025-03-10 13:48:36,549 - INFO - CLOSED short at 2066.33 | PnL: -0.02% | $-0.22 +2025-03-10 13:48:36,549 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.9834071428572 | Take profit: 2097.3473642857143 +2025-03-10 13:48:36,598 - INFO - CLOSED long at 2066.34 | PnL: 0.00% | $-0.19 +2025-03-10 13:48:36,598 - INFO - OPENED SHORT at 2066.34 | Stop loss: 2076.686642857143 | Take profit: 2035.3224857142857 +2025-03-10 13:48:36,653 - INFO - CLOSED short at 2067.33 | PnL: -0.05% | $-0.28 +2025-03-10 13:48:36,654 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.978407142857 | Take profit: 2098.362364285714 +2025-03-10 13:48:36,675 - INFO - CLOSED long at 2067.01 | PnL: -0.02% | $-0.22 +2025-03-10 13:48:36,675 - INFO - OPENED SHORT at 2067.01 | Stop loss: 2077.359992857143 | Take profit: 2035.9824357142859 +2025-03-10 13:48:36,719 - INFO - CLOSED short at 2069.79 | PnL: -0.13% | $-0.44 +2025-03-10 13:48:36,720 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.426107142857 | Take profit: 2100.8592642857143 +2025-03-10 13:48:36,743 - INFO - CLOSED long at 2072.0 | PnL: 0.11% | $0.01 +2025-03-10 13:48:36,743 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3749428571427 | Take profit: 2040.8975857142857 +2025-03-10 13:48:36,767 - INFO - CLOSED short at 2074.3 | PnL: -0.11% | $-0.40 +2025-03-10 13:48:36,768 - INFO - OPENED LONG at 2074.3 | Stop loss: 2063.9135571428574 | Take profit: 2105.4369142857145 +2025-03-10 13:48:36,792 - INFO - CLOSED long at 2078.01 | PnL: 0.18% | $0.15 +2025-03-10 13:48:36,793 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.4149928571433 | Take profit: 2046.817435714286 +2025-03-10 13:48:37,302 - INFO - CLOSED short at 2066.38 | PnL: 0.56% | $0.86 +2025-03-10 13:48:37,303 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.0331571428574 | Take profit: 2097.398114285714 +2025-03-10 13:48:37,779 - INFO - CLOSED long at 2066.5 | PnL: 0.01% | $-0.18 +2025-03-10 13:48:37,780 - INFO - OPENED SHORT at 2066.5 | Stop loss: 2076.8474428571426 | Take profit: 2035.480085714286 +2025-03-10 13:48:37,819 - INFO - CLOSED short at 2068.59 | PnL: -0.10% | $-0.38 +2025-03-10 13:48:37,847 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.962892857143 | Take profit: 2040.4937357142858 +2025-03-10 13:48:38,013 - INFO - CLOSED short at 2070.35 | PnL: 0.06% | $-0.08 +2025-03-10 13:48:38,014 - INFO - OPENED LONG at 2070.35 | Stop loss: 2059.983307142857 | Take profit: 2101.4276642857144 +2025-03-10 13:48:38,066 - INFO - CLOSED long at 2070.61 | PnL: 0.01% | $-0.16 +2025-03-10 13:48:38,066 - INFO - OPENED SHORT at 2070.61 | Stop loss: 2080.977992857143 | Take profit: 2039.5284357142857 +2025-03-10 13:48:38,317 - INFO - CLOSED short at 2075.07 | PnL: -0.22% | $-0.59 +2025-03-10 13:48:38,317 - INFO - OPENED LONG at 2075.07 | Stop loss: 2064.6797071428573 | Take profit: 2106.2184642857146 +2025-03-10 13:48:39,115 - INFO - STOP LOSS hit for long at 2064.6797071428573 | PnL: -0.50% | $-1.12 +2025-03-10 13:48:39,271 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.837442857143 | Take profit: 2033.5100857142857 +2025-03-10 13:48:39,550 - INFO - CLOSED short at 2053.01 | PnL: 0.56% | $0.84 +2025-03-10 13:48:39,690 - INFO - OPENED LONG at 2056.85 | Stop loss: 2046.5508071428571 | Take profit: 2087.7251642857145 +2025-03-10 13:48:39,833 - INFO - CLOSED long at 2063.9 | PnL: 0.34% | $0.45 +2025-03-10 13:48:40,285 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.7016428571433 | Take profit: 2038.2774857142858 +2025-03-10 13:48:40,612 - INFO - STOP LOSS hit for short at 2079.7016428571433 | PnL: -0.50% | $-1.12 +2025-03-10 13:48:40,697 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2526428571427 | Take profit: 2107.4244857142858 +2025-03-10 13:48:41,089 - INFO - CLOSED short at 2120.15 | PnL: 0.91% | $1.49 +2025-03-10 13:48:41,090 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.534307142857 | Take profit: 2151.9746642857144 +2025-03-10 13:48:41,318 - INFO - STOP LOSS hit for long at 2109.534307142857 | PnL: -0.50% | $-1.13 +2025-03-10 13:48:41,962 - INFO - OPENED SHORT at 2098.9 | Stop loss: 2109.4094428571425 | Take profit: 2067.3940857142857 +2025-03-10 13:48:42,216 - INFO - CLOSED short at 2101.51 | PnL: -0.12% | $-0.42 +2025-03-10 13:48:42,239 - INFO - OPENED SHORT at 2099.59 | Stop loss: 2110.102892857143 | Take profit: 2068.0737357142857 +2025-03-10 13:48:42,539 - INFO - CLOSED short at 2083.28 | PnL: 0.78% | $1.25 +2025-03-10 13:48:42,540 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848657142857 | Take profit: 2114.551614285714 +2025-03-10 13:48:42,595 - INFO - CLOSED long at 2088.44 | PnL: 0.25% | $0.28 +2025-03-10 13:48:42,596 - INFO - OPENED SHORT at 2088.44 | Stop loss: 2098.897142857143 | Take profit: 2057.090985714286 +2025-03-10 13:48:43,324 - INFO - CLOSED short at 2091.05 | PnL: -0.12% | $-0.42 +2025-03-10 13:48:43,466 - INFO - OPENED LONG at 2101.64 | Stop loss: 2091.116857142857 | Take profit: 2133.187014285714 +2025-03-10 13:48:43,582 - INFO - CLOSED long at 2099.73 | PnL: -0.09% | $-0.36 +2025-03-10 13:48:43,643 - INFO - OPENED LONG at 2103.48 | Stop loss: 2092.947657142857 | Take profit: 2135.0546142857143 +2025-03-10 13:48:44,390 - INFO - CLOSED long at 2110.4 | PnL: 0.33% | $0.43 +2025-03-10 13:48:44,391 - INFO - OPENED SHORT at 2110.4 | Stop loss: 2120.9669428571433 | Take profit: 2078.721585714286 +2025-03-10 13:48:44,628 - INFO - CLOSED short at 2112.28 | PnL: -0.09% | $-0.35 +2025-03-10 13:48:44,658 - INFO - OPENED SHORT at 2112.11 | Stop loss: 2122.685492857143 | Take profit: 2080.405935714286 +2025-03-10 13:48:44,785 - INFO - CLOSED short at 2112.61 | PnL: -0.02% | $-0.23 +2025-03-10 13:48:44,785 - INFO - OPENED LONG at 2112.61 | Stop loss: 2102.0320071428573 | Take profit: 2144.3215642857144 +2025-03-10 13:48:44,978 - INFO - CLOSED long at 2117.6 | PnL: 0.24% | $0.25 +2025-03-10 13:48:45,004 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.47, Avg Loss=$-0.38 +2025-03-10 13:48:45,004 - INFO - Episode 15: Reward=-20.27, Balance=$93.85, Win Rate=29.8%, Trades=47, Episode PnL=$-4.82, Total PnL=$-114.13, Max Drawdown=7.1%, Pred Accuracy=98.3% +2025-03-10 13:48:45,334 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:48:45,376 - INFO - CLOSED long at 2059.49 | PnL: -0.16% | $-0.53 +2025-03-10 13:48:45,397 - INFO - OPENED LONG at 2057.8 | Stop loss: 2047.4960571428574 | Take profit: 2088.6894142857145 +2025-03-10 13:48:45,438 - INFO - CLOSED long at 2057.94 | PnL: 0.01% | $-0.18 +2025-03-10 13:48:45,460 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.415492857143 | Take profit: 2027.215935714286 +2025-03-10 13:48:45,482 - INFO - CLOSED short at 2061.79 | PnL: -0.18% | $-0.55 +2025-03-10 13:48:45,482 - INFO - OPENED LONG at 2061.79 | Stop loss: 2051.4661071428573 | Take profit: 2092.7392642857144 +2025-03-10 13:48:45,637 - INFO - CLOSED long at 2067.89 | PnL: 0.30% | $0.38 +2025-03-10 13:48:45,638 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.244392857143 | Take profit: 2036.8492357142854 +2025-03-10 13:48:45,680 - INFO - CLOSED short at 2071.63 | PnL: -0.18% | $-0.55 +2025-03-10 13:48:45,681 - INFO - OPENED LONG at 2071.63 | Stop loss: 2061.256907142857 | Take profit: 2102.7268642857143 +2025-03-10 13:48:45,753 - INFO - CLOSED long at 2069.6 | PnL: -0.10% | $-0.39 +2025-03-10 13:48:45,753 - INFO - OPENED SHORT at 2069.6 | Stop loss: 2079.962942857143 | Take profit: 2038.5335857142857 +2025-03-10 13:48:45,827 - INFO - CLOSED short at 2068.99 | PnL: 0.03% | $-0.14 +2025-03-10 13:48:45,827 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.630107142857 | Take profit: 2100.047264285714 +2025-03-10 13:48:47,012 - INFO - CLOSED long at 2071.39 | PnL: 0.12% | $0.03 +2025-03-10 13:48:47,012 - INFO - OPENED SHORT at 2071.39 | Stop loss: 2081.761892857143 | Take profit: 2040.2967357142857 +2025-03-10 13:48:47,074 - INFO - CLOSED short at 2073.11 | PnL: -0.08% | $-0.36 +2025-03-10 13:48:47,074 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.729507142857 | Take profit: 2104.2290642857142 +2025-03-10 13:48:47,120 - INFO - CLOSED long at 2072.15 | PnL: -0.05% | $-0.28 +2025-03-10 13:48:47,121 - INFO - OPENED SHORT at 2072.15 | Stop loss: 2082.525692857143 | Take profit: 2041.045335714286 +2025-03-10 13:48:47,255 - INFO - CLOSED short at 2071.11 | PnL: 0.05% | $-0.10 +2025-03-10 13:48:47,256 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.7395071428573 | Take profit: 2102.1990642857145 +2025-03-10 13:48:47,292 - INFO - CLOSED long at 2069.46 | PnL: -0.08% | $-0.35 +2025-03-10 13:48:47,294 - INFO - OPENED SHORT at 2069.46 | Stop loss: 2079.822242857143 | Take profit: 2038.395685714286 +2025-03-10 13:48:47,451 - INFO - CLOSED short at 2067.46 | PnL: 0.10% | $-0.01 +2025-03-10 13:48:47,479 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.4510571428573 | Take profit: 2097.8244142857143 +2025-03-10 13:48:47,501 - INFO - CLOSED long at 2065.49 | PnL: -0.06% | $-0.31 +2025-03-10 13:48:47,598 - INFO - OPENED LONG at 2068.58 | Stop loss: 2058.222157142857 | Take profit: 2099.6311142857144 +2025-03-10 13:48:48,262 - INFO - CLOSED long at 2064.47 | PnL: -0.20% | $-0.57 +2025-03-10 13:48:48,263 - INFO - OPENED SHORT at 2064.47 | Stop loss: 2074.8072928571423 | Take profit: 2033.4805357142855 +2025-03-10 13:48:48,601 - INFO - CLOSED short at 2059.59 | PnL: 0.24% | $0.26 +2025-03-10 13:48:48,602 - INFO - OPENED LONG at 2059.59 | Stop loss: 2049.2771071428574 | Take profit: 2090.506264285714 +2025-03-10 13:48:48,940 - INFO - CLOSED long at 2061.6 | PnL: 0.10% | $-0.00 +2025-03-10 13:48:48,941 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.922942857143 | Take profit: 2030.6535857142858 +2025-03-10 13:48:50,460 - INFO - STOP LOSS hit for short at 2071.922942857143 | PnL: -0.50% | $-1.15 +2025-03-10 13:48:50,528 - INFO - OPENED LONG at 2078.01 | Stop loss: 2067.605007142857 | Take profit: 2109.2025642857147 +2025-03-10 13:48:50,787 - INFO - CLOSED long at 2069.03 | PnL: -0.43% | $-1.01 +2025-03-10 13:48:50,787 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.3900928571434 | Take profit: 2037.9721357142857 +2025-03-10 13:48:50,846 - INFO - CLOSED short at 2068.79 | PnL: 0.01% | $-0.17 +2025-03-10 13:48:50,886 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.610107142857 | Take profit: 2104.107264285714 +2025-03-10 13:48:51,023 - INFO - CLOSED long at 2066.38 | PnL: -0.32% | $-0.78 +2025-03-10 13:48:51,046 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0434428571425 | Take profit: 2034.6920857142857 +2025-03-10 13:48:52,011 - INFO - CLOSED short at 2076.9 | PnL: -0.54% | $-1.19 +2025-03-10 13:48:52,011 - INFO - OPENED LONG at 2076.9 | Stop loss: 2066.5005571428574 | Take profit: 2108.0759142857146 +2025-03-10 13:48:52,269 - INFO - STOP LOSS hit for long at 2066.5005571428574 | PnL: -0.50% | $-1.10 +2025-03-10 13:48:52,352 - INFO - OPENED SHORT at 2068.1 | Stop loss: 2078.4554428571428 | Take profit: 2037.0560857142857 +2025-03-10 13:48:52,579 - INFO - CLOSED short at 2065.07 | PnL: 0.15% | $0.08 +2025-03-10 13:48:52,579 - INFO - OPENED LONG at 2065.07 | Stop loss: 2054.7297071428575 | Take profit: 2096.0684642857145 +2025-03-10 13:48:52,615 - INFO - CLOSED long at 2066.09 | PnL: 0.05% | $-0.09 +2025-03-10 13:48:52,615 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.4353928571427 | Take profit: 2035.0762357142858 +2025-03-10 13:48:53,828 - INFO - CLOSED short at 2069.34 | PnL: -0.16% | $-0.46 +2025-03-10 13:48:53,853 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.173992857143 | Take profit: 2038.7404357142857 +2025-03-10 13:48:54,099 - INFO - STOP LOSS hit for short at 2080.173992857143 | PnL: -0.50% | $-1.08 +2025-03-10 13:48:54,164 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.031557142857 | Take profit: 2162.682914285714 +2025-03-10 13:48:54,191 - INFO - CLOSED long at 2139.54 | PnL: 0.41% | $0.56 +2025-03-10 13:48:54,191 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2526428571427 | Take profit: 2107.4244857142858 +2025-03-10 13:48:54,446 - INFO - CLOSED short at 2128.69 | PnL: 0.51% | $0.73 +2025-03-10 13:48:54,447 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.0316071428574 | Take profit: 2160.6427642857143 +2025-03-10 13:48:54,514 - INFO - STOP LOSS hit for long at 2118.0316071428574 | PnL: -0.50% | $-1.08 +2025-03-10 13:48:54,560 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.778057142857 | Take profit: 2153.243414285714 +2025-03-10 13:48:54,672 - INFO - STOP LOSS hit for long at 2110.778057142857 | PnL: -0.50% | $-1.07 +2025-03-10 13:48:54,698 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032057142857 | Take profit: 2142.281414285714 +2025-03-10 13:48:55,032 - INFO - STOP LOSS hit for long at 2100.032057142857 | PnL: -0.50% | $-1.06 +2025-03-10 13:48:55,053 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0174071428573 | Take profit: 2131.0453642857146 +2025-03-10 13:48:55,480 - INFO - CLOSED long at 2091.1 | PnL: -0.40% | $-0.87 +2025-03-10 13:48:55,481 - INFO - OPENED SHORT at 2091.1 | Stop loss: 2101.5704428571426 | Take profit: 2059.7110857142857 +2025-03-10 13:48:55,505 - INFO - CLOSED short at 2094.72 | PnL: -0.17% | $-0.47 +2025-03-10 13:48:55,506 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.231457142857 | Take profit: 2126.1632142857143 +2025-03-10 13:48:55,577 - INFO - STOP LOSS hit for long at 2084.231457142857 | PnL: -0.50% | $-1.03 +2025-03-10 13:48:55,672 - INFO - OPENED SHORT at 2082.44 | Stop loss: 2092.867142857143 | Take profit: 2051.1809857142857 +2025-03-10 13:48:56,230 - INFO - STOP LOSS hit for short at 2092.867142857143 | PnL: -0.50% | $-1.02 +2025-03-10 13:48:56,256 - INFO - OPENED SHORT at 2097.8 | Stop loss: 2108.303942857143 | Take profit: 2066.310585714286 +2025-03-10 13:48:56,737 - INFO - CLOSED short at 2100.0 | PnL: -0.10% | $-0.34 +2025-03-10 13:48:56,737 - INFO - OPENED LONG at 2100.0 | Stop loss: 2089.485057142857 | Take profit: 2131.522414285714 +2025-03-10 13:48:56,969 - INFO - CLOSED long at 2113.7 | PnL: 0.65% | $0.92 +2025-03-10 13:48:57,038 - INFO - OPENED LONG at 2113.61 | Stop loss: 2103.027007142857 | Take profit: 2145.3365642857143 +2025-03-10 13:48:57,347 - INFO - CLOSED long at 2117.6 | PnL: 0.19% | $0.15 +2025-03-10 13:48:57,347 - INFO - OPENED SHORT at 2117.6 | Stop loss: 2128.2029428571427 | Take profit: 2085.8135857142856 +2025-03-10 13:48:57,391 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.39, Avg Loss=$-0.59 +2025-03-10 13:48:57,391 - INFO - Episode 16: Reward=-24.70, Balance=$84.83, Win Rate=20.5%, Trades=39, Episode PnL=$-12.72, Total PnL=$-129.30, Max Drawdown=15.9%, Pred Accuracy=98.3% +2025-03-10 13:48:57,568 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:48:58,729 - INFO - CLOSED long at 2069.19 | PnL: 0.31% | $0.41 +2025-03-10 13:48:58,961 - INFO - OPENED LONG at 2065.08 | Stop loss: 2054.739657142857 | Take profit: 2096.078614285714 +2025-03-10 13:48:59,264 - INFO - CLOSED long at 2071.36 | PnL: 0.30% | $0.41 +2025-03-10 13:48:59,290 - INFO - OPENED LONG at 2072.75 | Stop loss: 2062.371307142857 | Take profit: 2103.863664285714 +2025-03-10 13:49:00,284 - INFO - CLOSED long at 2066.4 | PnL: -0.31% | $-0.81 +2025-03-10 13:49:00,284 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.746942857143 | Take profit: 2035.3815857142858 +2025-03-10 13:49:01,009 - INFO - CLOSED short at 2062.89 | PnL: 0.17% | $0.14 +2025-03-10 13:49:01,010 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:49:01,479 - INFO - CLOSED long at 2065.36 | PnL: 0.12% | $0.04 +2025-03-10 13:49:01,557 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.058107142857 | Take profit: 2094.363264285714 +2025-03-10 13:49:01,747 - INFO - CLOSED long at 2060.7 | PnL: -0.13% | $-0.46 +2025-03-10 13:49:01,748 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.018442857143 | Take profit: 2029.7670857142855 +2025-03-10 13:49:01,798 - INFO - CLOSED short at 2059.61 | PnL: 0.05% | $-0.09 +2025-03-10 13:49:01,798 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.297007142857 | Take profit: 2090.5265642857144 +2025-03-10 13:49:02,194 - INFO - CLOSED long at 2061.66 | PnL: 0.10% | $-0.00 +2025-03-10 13:49:02,195 - INFO - OPENED SHORT at 2061.66 | Stop loss: 2071.9832428571426 | Take profit: 2030.7126857142855 +2025-03-10 13:49:02,224 - INFO - CLOSED short at 2061.5 | PnL: 0.01% | $-0.18 +2025-03-10 13:49:02,225 - INFO - OPENED LONG at 2061.5 | Stop loss: 2051.177557142857 | Take profit: 2092.4449142857143 +2025-03-10 13:49:03,175 - INFO - CLOSED long at 2072.99 | PnL: 0.56% | $0.90 +2025-03-10 13:49:03,176 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.369892857143 | Take profit: 2041.8727357142855 +2025-03-10 13:49:03,758 - INFO - CLOSED short at 2070.2 | PnL: 0.13% | $0.07 +2025-03-10 13:49:03,758 - INFO - OPENED LONG at 2070.2 | Stop loss: 2059.834057142857 | Take profit: 2101.275414285714 +2025-03-10 13:49:04,286 - INFO - CLOSED long at 2075.32 | PnL: 0.25% | $0.29 +2025-03-10 13:49:04,678 - INFO - OPENED SHORT at 2069.0 | Stop loss: 2079.359942857143 | Take profit: 2037.9425857142858 +2025-03-10 13:49:04,756 - INFO - CLOSED short at 2070.1 | PnL: -0.05% | $-0.31 +2025-03-10 13:49:04,831 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.842442857143 | Take profit: 2034.4950857142856 +2025-03-10 13:49:04,925 - INFO - CLOSED short at 2066.09 | PnL: -0.03% | $-0.26 +2025-03-10 13:49:05,088 - INFO - OPENED SHORT at 2064.11 | Stop loss: 2074.445492857143 | Take profit: 2033.1259357142858 +2025-03-10 13:49:05,127 - INFO - CLOSED short at 2064.5 | PnL: -0.02% | $-0.24 +2025-03-10 13:49:05,165 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6765928571426 | Take profit: 2035.3126357142855 +2025-03-10 13:49:05,247 - INFO - CLOSED short at 2060.2 | PnL: 0.30% | $0.39 +2025-03-10 13:49:05,374 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.9490071428572 | Take profit: 2079.9705642857143 +2025-03-10 13:49:05,414 - INFO - CLOSED long at 2051.99 | PnL: 0.14% | $0.07 +2025-03-10 13:49:05,414 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.2648928571425 | Take profit: 2021.1877357142855 +2025-03-10 13:49:05,617 - INFO - CLOSED short at 2062.83 | PnL: -0.53% | $-1.25 +2025-03-10 13:49:05,618 - INFO - OPENED LONG at 2062.83 | Stop loss: 2052.500907142857 | Take profit: 2093.794864285714 +2025-03-10 13:49:06,398 - INFO - TAKE PROFIT hit for long at 2093.794864285714 | PnL: 1.50% | $2.76 +2025-03-10 13:49:06,426 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.031557142857 | Take profit: 2162.682914285714 +2025-03-10 13:49:06,835 - INFO - STOP LOSS hit for long at 2120.031557142857 | PnL: -0.50% | $-1.22 +2025-03-10 13:49:07,347 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.504757142857 | Take profit: 2139.7033142857144 +2025-03-10 13:49:07,414 - INFO - STOP LOSS hit for long at 2097.504757142857 | PnL: -0.50% | $-1.20 +2025-03-10 13:49:07,537 - INFO - OPENED SHORT at 2102.19 | Stop loss: 2112.7158928571425 | Take profit: 2070.634735714286 +2025-03-10 13:49:07,686 - INFO - CLOSED short at 2104.83 | PnL: -0.13% | $-0.45 +2025-03-10 13:49:07,686 - INFO - OPENED LONG at 2104.83 | Stop loss: 2094.290907142857 | Take profit: 2136.424864285714 +2025-03-10 13:49:07,810 - INFO - CLOSED long at 2099.59 | PnL: -0.25% | $-0.69 +2025-03-10 13:49:07,811 - INFO - OPENED SHORT at 2099.59 | Stop loss: 2110.102892857143 | Take profit: 2068.0737357142857 +2025-03-10 13:49:07,903 - INFO - CLOSED short at 2098.39 | PnL: 0.06% | $-0.08 +2025-03-10 13:49:07,903 - INFO - OPENED LONG at 2098.39 | Stop loss: 2087.883107142857 | Take profit: 2129.8882642857143 +2025-03-10 13:49:08,145 - INFO - STOP LOSS hit for long at 2087.883107142857 | PnL: -0.50% | $-1.17 +2025-03-10 13:49:08,244 - INFO - OPENED LONG at 2082.44 | Stop loss: 2072.0128571428572 | Take profit: 2113.6990142857144 +2025-03-10 13:49:08,905 - INFO - CLOSED long at 2091.05 | PnL: 0.41% | $0.60 +2025-03-10 13:49:08,905 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.5201928571432 | Take profit: 2059.6618357142856 +2025-03-10 13:49:08,926 - INFO - CLOSED short at 2091.05 | PnL: 0.00% | $-0.19 +2025-03-10 13:49:08,927 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.579807142857 | Take profit: 2122.4381642857143 +2025-03-10 13:49:09,155 - INFO - CLOSED long at 2097.11 | PnL: 0.29% | $0.37 +2025-03-10 13:49:09,156 - INFO - OPENED SHORT at 2097.11 | Stop loss: 2107.6104928571426 | Take profit: 2065.630935714286 +2025-03-10 13:49:09,324 - INFO - CLOSED short at 2103.48 | PnL: -0.30% | $-0.78 +2025-03-10 13:49:09,324 - INFO - OPENED LONG at 2103.48 | Stop loss: 2092.947657142857 | Take profit: 2135.0546142857143 +2025-03-10 13:49:09,648 - INFO - CLOSED long at 2103.9 | PnL: 0.02% | $-0.15 +2025-03-10 13:49:09,648 - INFO - OPENED SHORT at 2103.9 | Stop loss: 2114.4344428571426 | Take profit: 2072.319085714286 +2025-03-10 13:49:09,671 - INFO - CLOSED short at 2100.0 | PnL: 0.19% | $0.16 +2025-03-10 13:49:09,671 - INFO - OPENED LONG at 2100.0 | Stop loss: 2089.485057142857 | Take profit: 2131.522414285714 +2025-03-10 13:49:09,911 - INFO - CLOSED long at 2110.87 | PnL: 0.52% | $0.81 +2025-03-10 13:49:09,997 - INFO - OPENED LONG at 2113.7 | Stop loss: 2103.116557142857 | Take profit: 2145.4279142857145 +2025-03-10 13:49:10,352 - INFO - CLOSED long at 2115.3 | PnL: 0.08% | $-0.05 +2025-03-10 13:49:10,457 - INFO - OPENED LONG at 2117.6 | Stop loss: 2106.997057142857 | Take profit: 2149.386414285714 +2025-03-10 13:49:10,499 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.53, Avg Loss=$-0.50 +2025-03-10 13:49:10,500 - INFO - Episode 17: Reward=-8.35, Balance=$97.84, Win Rate=42.4%, Trades=33, Episode PnL=$-2.00, Total PnL=$-131.46, Max Drawdown=4.7%, Pred Accuracy=98.3% +2025-03-10 13:49:10,639 - INFO - Model saved to models/trading_agent_best_winrate.pt +2025-03-10 13:49:10,640 - INFO - New best win rate model saved: 42.4% +2025-03-10 13:49:10,819 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:49:10,890 - INFO - CLOSED long at 2057.8 | PnL: -0.25% | $-0.69 +2025-03-10 13:49:10,891 - INFO - OPENED SHORT at 2057.8 | Stop loss: 2068.103942857143 | Take profit: 2026.9105857142858 +2025-03-10 13:49:11,105 - INFO - STOP LOSS hit for short at 2068.103942857143 | PnL: -0.50% | $-1.18 +2025-03-10 13:49:11,239 - INFO - OPENED SHORT at 2071.63 | Stop loss: 2082.003092857143 | Take profit: 2040.533135714286 +2025-03-10 13:49:11,429 - INFO - CLOSED short at 2071.44 | PnL: 0.01% | $-0.18 +2025-03-10 13:49:11,429 - INFO - OPENED LONG at 2071.44 | Stop loss: 2061.067857142857 | Take profit: 2102.534014285714 +2025-03-10 13:49:11,473 - INFO - CLOSED long at 2073.73 | PnL: 0.11% | $0.02 +2025-03-10 13:49:11,474 - INFO - OPENED SHORT at 2073.73 | Stop loss: 2084.113592857143 | Take profit: 2042.6016357142857 +2025-03-10 13:49:11,550 - INFO - CLOSED short at 2072.91 | PnL: 0.04% | $-0.12 +2025-03-10 13:49:11,551 - INFO - OPENED LONG at 2072.91 | Stop loss: 2062.530507142857 | Take profit: 2104.0260642857143 +2025-03-10 13:49:11,589 - INFO - CLOSED long at 2072.33 | PnL: -0.03% | $-0.25 +2025-03-10 13:49:11,590 - INFO - OPENED SHORT at 2072.33 | Stop loss: 2082.706592857143 | Take profit: 2041.2226357142856 +2025-03-10 13:49:11,681 - INFO - CLOSED short at 2070.9 | PnL: 0.07% | $-0.06 +2025-03-10 13:49:11,681 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.530557142857 | Take profit: 2101.9859142857144 +2025-03-10 13:49:11,807 - INFO - CLOSED long at 2070.36 | PnL: -0.03% | $-0.24 +2025-03-10 13:49:12,022 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.1575071428574 | Take profit: 2098.5450642857145 +2025-03-10 13:49:12,185 - INFO - CLOSED long at 2068.76 | PnL: 0.06% | $-0.08 +2025-03-10 13:49:12,901 - INFO - OPENED SHORT at 2065.49 | Stop loss: 2075.8323928571426 | Take profit: 2034.4852357142856 +2025-03-10 13:49:13,389 - INFO - CLOSED short at 2067.86 | PnL: -0.11% | $-0.41 +2025-03-10 13:49:13,389 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.5057571428574 | Take profit: 2098.9003142857146 +2025-03-10 13:49:13,407 - INFO - CLOSED long at 2066.4 | PnL: -0.07% | $-0.33 +2025-03-10 13:49:13,408 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.746942857143 | Take profit: 2035.3815857142858 +2025-03-10 13:49:13,493 - INFO - CLOSED short at 2065.28 | PnL: 0.05% | $-0.09 +2025-03-10 13:49:13,493 - INFO - OPENED LONG at 2065.28 | Stop loss: 2054.9386571428577 | Take profit: 2096.2816142857146 +2025-03-10 13:49:13,675 - INFO - CLOSED long at 2065.69 | PnL: 0.02% | $-0.15 +2025-03-10 13:49:13,676 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.033392857143 | Take profit: 2034.6822357142858 +2025-03-10 13:49:13,738 - INFO - CLOSED short at 2065.83 | PnL: -0.01% | $-0.20 +2025-03-10 13:49:13,738 - INFO - OPENED LONG at 2065.83 | Stop loss: 2055.485907142857 | Take profit: 2096.839864285714 +2025-03-10 13:49:14,443 - INFO - CLOSED long at 2060.65 | PnL: -0.25% | $-0.67 +2025-03-10 13:49:14,467 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.580607142857 | Take profit: 2089.795764285714 +2025-03-10 13:49:14,531 - INFO - CLOSED long at 2061.8 | PnL: 0.14% | $0.08 +2025-03-10 13:49:14,554 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.361557142857 | Take profit: 2095.6929142857143 +2025-03-10 13:49:14,854 - INFO - CLOSED long at 2064.79 | PnL: 0.00% | $-0.18 +2025-03-10 13:49:14,855 - INFO - OPENED SHORT at 2064.79 | Stop loss: 2075.128892857143 | Take profit: 2033.7957357142857 +2025-03-10 13:49:14,899 - INFO - CLOSED short at 2063.53 | PnL: 0.06% | $-0.07 +2025-03-10 13:49:14,900 - INFO - OPENED LONG at 2063.53 | Stop loss: 2053.1974071428576 | Take profit: 2094.5053642857147 +2025-03-10 13:49:14,922 - INFO - CLOSED long at 2063.0 | PnL: -0.03% | $-0.24 +2025-03-10 13:49:14,923 - INFO - OPENED SHORT at 2063.0 | Stop loss: 2073.3299428571427 | Take profit: 2032.0325857142857 +2025-03-10 13:49:15,121 - INFO - CLOSED short at 2059.16 | PnL: 0.19% | $0.16 +2025-03-10 13:49:15,122 - INFO - OPENED LONG at 2059.16 | Stop loss: 2048.849257142857 | Take profit: 2090.069814285714 +2025-03-10 13:49:15,291 - INFO - CLOSED long at 2058.28 | PnL: -0.04% | $-0.27 +2025-03-10 13:49:15,291 - INFO - OPENED SHORT at 2058.28 | Stop loss: 2068.586342857143 | Take profit: 2027.3833857142859 +2025-03-10 13:49:15,753 - INFO - CLOSED short at 2066.34 | PnL: -0.39% | $-0.93 +2025-03-10 13:49:15,754 - INFO - OPENED LONG at 2066.34 | Stop loss: 2055.9933571428573 | Take profit: 2097.3575142857144 +2025-03-10 13:49:16,478 - INFO - CLOSED long at 2065.7 | PnL: -0.03% | $-0.24 +2025-03-10 13:49:16,479 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0434428571425 | Take profit: 2034.6920857142857 +2025-03-10 13:49:16,571 - INFO - CLOSED short at 2064.5 | PnL: 0.06% | $-0.08 +2025-03-10 13:49:16,571 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.162557142857 | Take profit: 2095.4899142857143 +2025-03-10 13:49:16,625 - INFO - CLOSED long at 2064.4 | PnL: -0.00% | $-0.19 +2025-03-10 13:49:16,625 - INFO - OPENED SHORT at 2064.4 | Stop loss: 2074.736942857143 | Take profit: 2033.4115857142858 +2025-03-10 13:49:16,894 - INFO - CLOSED short at 2068.59 | PnL: -0.20% | $-0.56 +2025-03-10 13:49:16,895 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.2321071428573 | Take profit: 2099.6412642857144 +2025-03-10 13:49:16,938 - INFO - CLOSED long at 2070.2 | PnL: 0.08% | $-0.04 +2025-03-10 13:49:16,987 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.530557142857 | Take profit: 2101.9859142857144 +2025-03-10 13:49:17,269 - INFO - CLOSED long at 2070.67 | PnL: -0.01% | $-0.20 +2025-03-10 13:49:17,270 - INFO - OPENED SHORT at 2070.67 | Stop loss: 2081.0382928571426 | Take profit: 2039.5875357142857 +2025-03-10 13:49:17,534 - INFO - CLOSED short at 2076.9 | PnL: -0.30% | $-0.74 +2025-03-10 13:49:17,875 - INFO - OPENED LONG at 2069.0 | Stop loss: 2058.640057142857 | Take profit: 2100.0574142857145 +2025-03-10 13:49:18,473 - INFO - STOP LOSS hit for long at 2058.640057142857 | PnL: -0.50% | $-1.10 +2025-03-10 13:49:18,520 - INFO - OPENED LONG at 2056.77 | Stop loss: 2046.471207142857 | Take profit: 2087.6439642857144 +2025-03-10 13:49:18,826 - INFO - CLOSED long at 2063.9 | PnL: 0.35% | $0.44 +2025-03-10 13:49:18,826 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.234442857143 | Take profit: 2032.9190857142858 +2025-03-10 13:49:18,849 - INFO - CLOSED short at 2065.1 | PnL: -0.06% | $-0.29 +2025-03-10 13:49:18,872 - INFO - OPENED LONG at 2062.43 | Stop loss: 2052.102907142857 | Take profit: 2093.388864285714 +2025-03-10 13:49:18,894 - INFO - CLOSED long at 2062.55 | PnL: 0.01% | $-0.17 +2025-03-10 13:49:18,894 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.877692857143 | Take profit: 2031.5893357142859 +2025-03-10 13:49:18,986 - INFO - CLOSED short at 2066.59 | PnL: -0.20% | $-0.53 +2025-03-10 13:49:18,986 - INFO - OPENED LONG at 2066.59 | Stop loss: 2056.242107142857 | Take profit: 2097.6112642857147 +2025-03-10 13:49:19,025 - INFO - CLOSED long at 2064.08 | PnL: -0.12% | $-0.40 +2025-03-10 13:49:19,072 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.5309928571432 | Take profit: 2030.269435714286 +2025-03-10 13:49:19,407 - INFO - STOP LOSS hit for short at 2071.5309928571432 | PnL: -0.50% | $-1.07 +2025-03-10 13:49:19,454 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4351928571427 | Take profit: 2042.9168357142858 +2025-03-10 13:49:19,705 - INFO - STOP LOSS hit for short at 2084.4351928571427 | PnL: -0.50% | $-1.06 +2025-03-10 13:49:19,728 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.9573928571426 | Take profit: 2059.1102357142854 +2025-03-10 13:49:19,753 - INFO - STOP LOSS hit for short at 2100.9573928571426 | PnL: -0.50% | $-1.05 +2025-03-10 13:49:19,778 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.368442857143 | Take profit: 2098.7170857142855 +2025-03-10 13:49:19,959 - INFO - STOP LOSS hit for short at 2141.368442857143 | PnL: -0.50% | $-1.03 +2025-03-10 13:49:20,002 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.021442857143 | Take profit: 2109.158085714286 +2025-03-10 13:49:20,071 - INFO - CLOSED short at 2134.78 | PnL: 0.30% | $0.35 +2025-03-10 13:49:20,072 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.0911571428574 | Take profit: 2166.8241142857146 +2025-03-10 13:49:20,090 - INFO - CLOSED long at 2126.99 | PnL: -0.36% | $-0.79 +2025-03-10 13:49:20,092 - INFO - OPENED SHORT at 2126.99 | Stop loss: 2137.6398928571425 | Take profit: 2095.0627357142857 +2025-03-10 13:49:20,331 - INFO - CLOSED short at 2119.14 | PnL: 0.37% | $0.46 +2025-03-10 13:49:20,332 - INFO - OPENED LONG at 2119.14 | Stop loss: 2108.529357142857 | Take profit: 2150.949514285714 +2025-03-10 13:49:20,432 - INFO - STOP LOSS hit for long at 2108.529357142857 | PnL: -0.50% | $-1.02 +2025-03-10 13:49:20,497 - INFO - OPENED LONG at 2112.09 | Stop loss: 2101.5146071428576 | Take profit: 2143.7937642857146 +2025-03-10 13:49:20,732 - INFO - CLOSED long at 2108.71 | PnL: -0.16% | $-0.44 +2025-03-10 13:49:20,732 - INFO - OPENED SHORT at 2108.71 | Stop loss: 2119.268492857143 | Take profit: 2077.056935714286 +2025-03-10 13:49:20,804 - INFO - CLOSED short at 2108.06 | PnL: 0.03% | $-0.12 +2025-03-10 13:49:20,805 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.504757142857 | Take profit: 2139.7033142857144 +2025-03-10 13:49:20,871 - INFO - STOP LOSS hit for long at 2097.504757142857 | PnL: -0.50% | $-1.00 +2025-03-10 13:49:20,895 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0174071428573 | Take profit: 2131.0453642857146 +2025-03-10 13:49:21,355 - INFO - CLOSED long at 2092.46 | PnL: -0.34% | $-0.72 +2025-03-10 13:49:21,376 - INFO - OPENED LONG at 2091.1 | Stop loss: 2080.6295571428573 | Take profit: 2122.488914285714 +2025-03-10 13:49:21,468 - INFO - CLOSED long at 2088.35 | PnL: -0.13% | $-0.38 +2025-03-10 13:49:21,468 - INFO - OPENED SHORT at 2088.35 | Stop loss: 2098.806692857143 | Take profit: 2057.002335714286 +2025-03-10 13:49:21,917 - INFO - CLOSED short at 2088.66 | PnL: -0.01% | $-0.19 +2025-03-10 13:49:21,952 - INFO - OPENED LONG at 2088.32 | Stop loss: 2077.8634571428574 | Take profit: 2119.6672142857146 +2025-03-10 13:49:22,042 - INFO - CLOSED long at 2087.0 | PnL: -0.06% | $-0.26 +2025-03-10 13:49:22,043 - INFO - OPENED SHORT at 2087.0 | Stop loss: 2097.449942857143 | Take profit: 2055.6725857142856 +2025-03-10 13:49:22,152 - INFO - CLOSED short at 2085.67 | PnL: 0.06% | $-0.06 +2025-03-10 13:49:22,152 - INFO - OPENED LONG at 2085.67 | Stop loss: 2075.2267071428573 | Take profit: 2116.9774642857146 +2025-03-10 13:49:23,525 - INFO - TAKE PROFIT hit for long at 2116.9774642857146 | PnL: 1.50% | $2.27 +2025-03-10 13:49:23,645 - INFO - OPENED LONG at 2116.81 | Stop loss: 2106.211007142857 | Take profit: 2148.5845642857144 +2025-03-10 13:49:23,730 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.54, Avg Loss=$-0.45 +2025-03-10 13:49:23,731 - INFO - Episode 18: Reward=-43.96, Balance=$83.70, Win Rate=13.5%, Trades=52, Episode PnL=$-11.97, Total PnL=$-147.76, Max Drawdown=18.2%, Pred Accuracy=98.5% +2025-03-10 13:49:24,183 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.415492857143 | Take profit: 2027.215935714286 +2025-03-10 13:49:24,399 - INFO - STOP LOSS hit for short at 2068.415492857143 | PnL: -0.50% | $-1.19 +2025-03-10 13:49:24,430 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.465492857143 | Take profit: 2037.0659357142858 +2025-03-10 13:49:25,074 - INFO - CLOSED short at 2072.8 | PnL: -0.23% | $-0.64 +2025-03-10 13:49:25,075 - INFO - OPENED LONG at 2072.8 | Stop loss: 2062.4210571428575 | Take profit: 2103.9144142857144 +2025-03-10 13:49:25,566 - INFO - CLOSED long at 2065.99 | PnL: -0.33% | $-0.84 +2025-03-10 13:49:25,566 - INFO - OPENED SHORT at 2065.99 | Stop loss: 2076.3348928571427 | Take profit: 2034.9777357142855 +2025-03-10 13:49:25,738 - INFO - CLOSED short at 2068.51 | PnL: -0.12% | $-0.43 +2025-03-10 13:49:25,739 - INFO - OPENED LONG at 2068.51 | Stop loss: 2058.1525071428573 | Take profit: 2099.5600642857144 +2025-03-10 13:49:26,983 - INFO - CLOSED long at 2066.1 | PnL: -0.12% | $-0.42 +2025-03-10 13:49:27,014 - INFO - OPENED LONG at 2065.28 | Stop loss: 2054.9386571428577 | Take profit: 2096.2816142857146 +2025-03-10 13:49:27,101 - INFO - CLOSED long at 2064.47 | PnL: -0.04% | $-0.27 +2025-03-10 13:49:27,102 - INFO - OPENED SHORT at 2064.47 | Stop loss: 2074.8072928571423 | Take profit: 2033.4805357142855 +2025-03-10 13:49:27,326 - INFO - CLOSED short at 2065.26 | PnL: -0.04% | $-0.26 +2025-03-10 13:49:27,326 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9187571428574 | Take profit: 2096.2613142857144 +2025-03-10 13:49:27,692 - INFO - CLOSED long at 2062.71 | PnL: -0.12% | $-0.43 +2025-03-10 13:49:27,802 - INFO - OPENED LONG at 2060.9 | Stop loss: 2050.5805571428573 | Take profit: 2091.8359142857144 +2025-03-10 13:49:28,051 - INFO - CLOSED long at 2060.91 | PnL: 0.00% | $-0.19 +2025-03-10 13:49:28,052 - INFO - OPENED SHORT at 2060.91 | Stop loss: 2071.2294928571428 | Take profit: 2029.9739357142855 +2025-03-10 13:49:28,145 - INFO - CLOSED short at 2064.1 | PnL: -0.15% | $-0.48 +2025-03-10 13:49:28,190 - INFO - OPENED SHORT at 2064.33 | Stop loss: 2074.666592857143 | Take profit: 2033.3426357142857 +2025-03-10 13:49:28,334 - INFO - CLOSED short at 2063.53 | PnL: 0.04% | $-0.12 +2025-03-10 13:49:28,464 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3815571428568 | Take profit: 2091.632914285714 +2025-03-10 13:49:28,507 - INFO - CLOSED long at 2059.61 | PnL: -0.05% | $-0.29 +2025-03-10 13:49:28,839 - INFO - OPENED LONG at 2054.83 | Stop loss: 2044.540907142857 | Take profit: 2085.674864285714 +2025-03-10 13:49:28,908 - INFO - CLOSED long at 2059.8 | PnL: 0.24% | $0.27 +2025-03-10 13:49:28,928 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.336757142857 | Take profit: 2092.607314285714 +2025-03-10 13:49:30,586 - INFO - CLOSED long at 2070.35 | PnL: 0.42% | $0.60 +2025-03-10 13:49:30,801 - INFO - OPENED SHORT at 2071.61 | Stop loss: 2081.9829928571426 | Take profit: 2040.5134357142858 +2025-03-10 13:49:30,968 - INFO - CLOSED short at 2076.9 | PnL: -0.26% | $-0.67 +2025-03-10 13:49:30,968 - INFO - OPENED LONG at 2076.9 | Stop loss: 2066.5005571428574 | Take profit: 2108.0759142857146 +2025-03-10 13:49:31,216 - INFO - STOP LOSS hit for long at 2066.5005571428574 | PnL: -0.50% | $-1.13 +2025-03-10 13:49:31,327 - INFO - OPENED LONG at 2069.0 | Stop loss: 2058.640057142857 | Take profit: 2100.0574142857145 +2025-03-10 13:49:31,955 - INFO - STOP LOSS hit for long at 2058.640057142857 | PnL: -0.50% | $-1.12 +2025-03-10 13:49:32,331 - INFO - OPENED LONG at 2062.43 | Stop loss: 2052.102907142857 | Take profit: 2093.388864285714 +2025-03-10 13:49:33,039 - INFO - TAKE PROFIT hit for long at 2093.388864285714 | PnL: 1.50% | $2.57 +2025-03-10 13:49:33,359 - INFO - OPENED SHORT at 2127.3 | Stop loss: 2137.951442857143 | Take profit: 2095.368085714286 +2025-03-10 13:49:33,864 - INFO - CLOSED short at 2120.81 | PnL: 0.31% | $0.39 +2025-03-10 13:49:33,864 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.191007142857 | Take profit: 2152.6445642857143 +2025-03-10 13:49:33,998 - INFO - STOP LOSS hit for long at 2110.191007142857 | PnL: -0.50% | $-1.14 +2025-03-10 13:49:34,478 - INFO - OPENED SHORT at 2101.51 | Stop loss: 2112.032492857143 | Take profit: 2069.964935714286 +2025-03-10 13:49:35,133 - INFO - CLOSED short at 2085.09 | PnL: 0.78% | $1.27 +2025-03-10 13:49:35,134 - INFO - OPENED LONG at 2085.09 | Stop loss: 2074.6496071428573 | Take profit: 2116.3887642857144 +2025-03-10 13:49:36,813 - INFO - CLOSED long at 2112.26 | PnL: 1.30% | $2.28 +2025-03-10 13:49:36,988 - INFO - OPENED LONG at 2115.89 | Stop loss: 2105.295607142857 | Take profit: 2147.650764285714 +2025-03-10 13:49:37,068 - INFO - CLOSED long at 2114.71 | PnL: -0.06% | $-0.30 +2025-03-10 13:49:37,069 - INFO - OPENED SHORT at 2114.71 | Stop loss: 2125.2984928571427 | Take profit: 2082.9669357142857 +2025-03-10 13:49:37,156 - INFO - CLOSED short at 2117.6 | PnL: -0.14% | $-0.46 +2025-03-10 13:49:37,193 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.23, Avg Loss=$-0.58 +2025-03-10 13:49:37,193 - INFO - Episode 19: Reward=-14.38, Balance=$97.02, Win Rate=25.0%, Trades=24, Episode PnL=$-1.38, Total PnL=$-150.74, Max Drawdown=7.6%, Pred Accuracy=98.6% +2025-03-10 13:49:37,450 - INFO - OPENED SHORT at 2057.8 | Stop loss: 2068.103942857143 | Take profit: 2026.9105857142858 +2025-03-10 13:49:37,626 - INFO - STOP LOSS hit for short at 2068.103942857143 | PnL: -0.50% | $-1.19 +2025-03-10 13:49:38,015 - INFO - OPENED LONG at 2075.1 | Stop loss: 2064.709557142857 | Take profit: 2106.248914285714 +2025-03-10 13:49:38,757 - INFO - CLOSED long at 2068.51 | PnL: -0.32% | $-0.82 +2025-03-10 13:49:38,780 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.2321071428573 | Take profit: 2099.6412642857144 +2025-03-10 13:49:40,626 - INFO - CLOSED long at 2067.1 | PnL: -0.07% | $-0.33 +2025-03-10 13:49:41,591 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.580607142857 | Take profit: 2089.795764285714 +2025-03-10 13:49:43,145 - INFO - CLOSED long at 2067.53 | PnL: 0.42% | $0.62 +2025-03-10 13:49:43,145 - INFO - OPENED SHORT at 2067.53 | Stop loss: 2077.882592857143 | Take profit: 2036.494635714286 +2025-03-10 13:49:43,167 - INFO - CLOSED short at 2065.29 | PnL: 0.11% | $0.02 +2025-03-10 13:49:43,167 - INFO - OPENED LONG at 2065.29 | Stop loss: 2054.948607142857 | Take profit: 2096.2917642857146 +2025-03-10 13:49:43,659 - INFO - CLOSED long at 2074.37 | PnL: 0.44% | $0.66 +2025-03-10 13:49:45,116 - INFO - OPENED SHORT at 2058.3 | Stop loss: 2068.606442857143 | Take profit: 2027.403085714286 +2025-03-10 13:49:45,216 - INFO - CLOSED short at 2062.83 | PnL: -0.22% | $-0.63 +2025-03-10 13:49:45,327 - INFO - OPENED LONG at 2062.55 | Stop loss: 2052.2223071428575 | Take profit: 2093.5106642857145 +2025-03-10 13:49:46,023 - INFO - CLOSED long at 2076.08 | PnL: 0.66% | $1.09 +2025-03-10 13:49:46,023 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.4753428571426 | Take profit: 2044.9163857142858 +2025-03-10 13:49:46,090 - INFO - STOP LOSS hit for short at 2086.4753428571426 | PnL: -0.50% | $-1.19 +2025-03-10 13:49:46,385 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.0911571428574 | Take profit: 2166.8241142857146 +2025-03-10 13:49:46,473 - INFO - STOP LOSS hit for long at 2124.0911571428574 | PnL: -0.50% | $-1.17 +2025-03-10 13:49:46,493 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.534307142857 | Take profit: 2151.9746642857144 +2025-03-10 13:49:46,700 - INFO - STOP LOSS hit for long at 2109.534307142857 | PnL: -0.50% | $-1.16 +2025-03-10 13:49:46,737 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032057142857 | Take profit: 2142.281414285714 +2025-03-10 13:49:46,778 - INFO - CLOSED long at 2109.05 | PnL: -0.07% | $-0.33 +2025-03-10 13:49:46,778 - INFO - OPENED SHORT at 2109.05 | Stop loss: 2119.610192857143 | Take profit: 2077.3918357142857 +2025-03-10 13:49:46,813 - INFO - CLOSED short at 2112.09 | PnL: -0.14% | $-0.46 +2025-03-10 13:49:46,814 - INFO - OPENED LONG at 2112.09 | Stop loss: 2101.5146071428576 | Take profit: 2143.7937642857146 +2025-03-10 13:49:47,197 - INFO - STOP LOSS hit for long at 2101.5146071428576 | PnL: -0.50% | $-1.13 +2025-03-10 13:49:47,244 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0174071428573 | Take profit: 2131.0453642857146 +2025-03-10 13:49:47,366 - INFO - CLOSED long at 2100.69 | PnL: 0.06% | $-0.08 +2025-03-10 13:49:47,389 - INFO - OPENED LONG at 2104.83 | Stop loss: 2094.290907142857 | Take profit: 2136.424864285714 +2025-03-10 13:49:47,674 - INFO - STOP LOSS hit for long at 2094.290907142857 | PnL: -0.50% | $-1.12 +2025-03-10 13:49:47,785 - INFO - OPENED LONG at 2094.08 | Stop loss: 2083.594657142857 | Take profit: 2125.513614285714 +2025-03-10 13:49:47,862 - INFO - STOP LOSS hit for long at 2083.594657142857 | PnL: -0.50% | $-1.11 +2025-03-10 13:49:47,901 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.982857142857 | Take profit: 2119.789014285714 +2025-03-10 13:49:50,041 - INFO - CLOSED long at 2114.71 | PnL: 1.26% | $2.11 +2025-03-10 13:49:50,042 - INFO - OPENED SHORT at 2114.71 | Stop loss: 2125.2984928571427 | Take profit: 2082.9669357142857 +2025-03-10 13:49:50,107 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.90, Avg Loss=$-0.83 +2025-03-10 13:49:50,108 - INFO - Episode 20: Reward=-3.49, Balance=$93.76, Win Rate=27.8%, Trades=18, Episode PnL=$-9.72, Total PnL=$-156.98, Max Drawdown=8.3%, Pred Accuracy=98.6% +2025-03-10 13:49:50,249 - INFO - Model saved to checkpoints/trading_agent_episode_20.pt +2025-03-10 13:49:50,250 - INFO - Checkpoint saved at episode 20 +2025-03-10 13:49:50,251 - INFO - Reducing learning rate to 0.000090 +2025-03-10 13:49:50,316 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 13:49:50,317 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2405, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 13:49:50,545 - INFO - OPENED SHORT at 2059.49 | Stop loss: 2069.802392857143 | Take profit: 2028.5752357142856 +2025-03-10 13:49:50,627 - INFO - CLOSED short at 2057.94 | PnL: 0.08% | $-0.05 +2025-03-10 13:49:50,627 - INFO - OPENED LONG at 2057.94 | Stop loss: 2047.6353571428572 | Take profit: 2088.831514285714 +2025-03-10 13:49:50,679 - INFO - CLOSED long at 2061.79 | PnL: 0.19% | $0.17 +2025-03-10 13:49:50,680 - INFO - OPENED SHORT at 2061.79 | Stop loss: 2072.1138928571427 | Take profit: 2030.8407357142858 +2025-03-10 13:49:50,917 - INFO - CLOSED short at 2071.63 | PnL: -0.48% | $-1.15 +2025-03-10 13:49:50,917 - INFO - OPENED LONG at 2071.63 | Stop loss: 2061.256907142857 | Take profit: 2102.7268642857143 +2025-03-10 13:49:51,834 - INFO - CLOSED long at 2066.19 | PnL: -0.26% | $-0.71 +2025-03-10 13:49:51,857 - INFO - OPENED LONG at 2066.29 | Stop loss: 2055.943607142857 | Take profit: 2097.306764285714 +2025-03-10 13:49:51,876 - INFO - CLOSED long at 2065.08 | PnL: -0.06% | $-0.31 +2025-03-10 13:49:51,876 - INFO - OPENED SHORT at 2065.08 | Stop loss: 2075.420342857143 | Take profit: 2034.0813857142857 +2025-03-10 13:49:51,924 - INFO - CLOSED short at 2068.76 | PnL: -0.18% | $-0.54 +2025-03-10 13:49:51,924 - INFO - OPENED LONG at 2068.76 | Stop loss: 2058.4012571428575 | Take profit: 2099.8138142857147 +2025-03-10 13:49:52,097 - INFO - CLOSED long at 2070.4 | PnL: 0.08% | $-0.04 +2025-03-10 13:49:52,144 - INFO - OPENED LONG at 2069.96 | Stop loss: 2059.595257142857 | Take profit: 2101.0318142857145 +2025-03-10 13:49:52,302 - INFO - CLOSED long at 2072.7 | PnL: 0.13% | $0.06 +2025-03-10 13:49:52,303 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.078442857143 | Take profit: 2041.5870857142854 +2025-03-10 13:49:52,542 - INFO - CLOSED short at 2069.35 | PnL: 0.16% | $0.12 +2025-03-10 13:49:52,543 - INFO - OPENED LONG at 2069.35 | Stop loss: 2058.988307142857 | Take profit: 2100.412664285714 +2025-03-10 13:49:53,174 - INFO - CLOSED long at 2067.11 | PnL: -0.11% | $-0.40 +2025-03-10 13:49:53,174 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.460492857143 | Take profit: 2036.0809357142857 +2025-03-10 13:49:53,243 - INFO - CLOSED short at 2066.4 | PnL: 0.03% | $-0.13 +2025-03-10 13:49:53,243 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.053057142857 | Take profit: 2097.4184142857143 +2025-03-10 13:49:54,880 - INFO - CLOSED long at 2062.6 | PnL: -0.18% | $-0.55 +2025-03-10 13:49:54,880 - INFO - OPENED SHORT at 2062.6 | Stop loss: 2072.927942857143 | Take profit: 2031.6385857142857 +2025-03-10 13:49:55,299 - INFO - CLOSED short at 2059.46 | PnL: 0.15% | $0.10 +2025-03-10 13:49:55,299 - INFO - OPENED LONG at 2059.46 | Stop loss: 2049.1477571428572 | Take profit: 2090.3743142857143 +2025-03-10 13:49:55,825 - INFO - CLOSED long at 2066.01 | PnL: 0.32% | $0.42 +2025-03-10 13:49:55,826 - INFO - OPENED SHORT at 2066.01 | Stop loss: 2076.354992857143 | Take profit: 2034.9974357142858 +2025-03-10 13:49:55,854 - INFO - CLOSED short at 2063.9 | PnL: 0.10% | $0.00 +2025-03-10 13:49:55,855 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5655571428574 | Take profit: 2094.8809142857144 +2025-03-10 13:49:56,515 - INFO - CLOSED long at 2069.03 | PnL: 0.25% | $0.29 +2025-03-10 13:49:56,515 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.3900928571434 | Take profit: 2037.9721357142857 +2025-03-10 13:49:56,586 - INFO - CLOSED short at 2068.79 | PnL: 0.01% | $-0.17 +2025-03-10 13:49:56,586 - INFO - OPENED LONG at 2068.79 | Stop loss: 2058.431107142857 | Take profit: 2099.8442642857144 +2025-03-10 13:49:56,652 - INFO - CLOSED long at 2069.87 | PnL: 0.05% | $-0.09 +2025-03-10 13:49:56,652 - INFO - OPENED SHORT at 2069.87 | Stop loss: 2080.234292857143 | Take profit: 2038.7995357142856 +2025-03-10 13:49:57,083 - INFO - CLOSED short at 2068.59 | PnL: 0.06% | $-0.07 +2025-03-10 13:49:57,084 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.2321071428573 | Take profit: 2099.6412642857144 +2025-03-10 13:49:58,264 - INFO - CLOSED long at 2065.8 | PnL: -0.13% | $-0.45 +2025-03-10 13:49:58,309 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.744607142857 | Take profit: 2097.103764285714 +2025-03-10 13:49:58,755 - INFO - STOP LOSS hit for long at 2055.744607142857 | PnL: -0.50% | $-1.15 +2025-03-10 13:49:59,087 - INFO - OPENED LONG at 2062.55 | Stop loss: 2052.2223071428575 | Take profit: 2093.5106642857145 +2025-03-10 13:49:59,714 - INFO - CLOSED long at 2076.08 | PnL: 0.66% | $1.05 +2025-03-10 13:49:59,715 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.4753428571426 | Take profit: 2044.9163857142858 +2025-03-10 13:49:59,768 - INFO - CLOSED short at 2077.61 | PnL: -0.07% | $-0.33 +2025-03-10 13:49:59,768 - INFO - OPENED LONG at 2077.61 | Stop loss: 2067.2070071428575 | Take profit: 2108.796564285715 +2025-03-10 13:49:59,870 - INFO - TAKE PROFIT hit for long at 2108.796564285715 | PnL: 1.50% | $2.67 +2025-03-10 13:49:59,894 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.827357142857 | Take profit: 2171.655514285714 +2025-03-10 13:50:00,185 - INFO - STOP LOSS hit for long at 2128.827357142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:50:00,234 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.0316071428574 | Take profit: 2160.6427642857143 +2025-03-10 13:50:00,301 - INFO - STOP LOSS hit for long at 2118.0316071428574 | PnL: -0.50% | $-1.16 +2025-03-10 13:50:00,323 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.315407142857 | Take profit: 2151.751364285714 +2025-03-10 13:50:00,460 - INFO - CLOSED long at 2115.28 | PnL: -0.22% | $-0.61 +2025-03-10 13:50:00,460 - INFO - OPENED SHORT at 2115.28 | Stop loss: 2125.871342857143 | Take profit: 2083.528385714286 +2025-03-10 13:50:00,643 - INFO - CLOSED short at 2112.46 | PnL: 0.13% | $0.06 +2025-03-10 13:50:00,643 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.882757142857 | Take profit: 2144.1693142857143 +2025-03-10 13:50:00,990 - INFO - STOP LOSS hit for long at 2101.882757142857 | PnL: -0.50% | $-1.14 +2025-03-10 13:50:01,172 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.3905571428572 | Take profit: 2130.4059142857145 +2025-03-10 13:50:01,210 - INFO - CLOSED long at 2100.69 | PnL: 0.09% | $-0.03 +2025-03-10 13:50:01,210 - INFO - OPENED SHORT at 2100.69 | Stop loss: 2111.208392857143 | Take profit: 2069.157235714286 +2025-03-10 13:50:01,298 - INFO - CLOSED short at 2106.39 | PnL: -0.27% | $-0.70 +2025-03-10 13:50:01,298 - INFO - OPENED LONG at 2106.39 | Stop loss: 2095.843107142857 | Take profit: 2138.008264285714 +2025-03-10 13:50:01,439 - INFO - CLOSED long at 2101.51 | PnL: -0.23% | $-0.62 +2025-03-10 13:50:01,439 - INFO - OPENED SHORT at 2101.51 | Stop loss: 2112.032492857143 | Take profit: 2069.964935714286 +2025-03-10 13:50:01,525 - INFO - CLOSED short at 2095.29 | PnL: 0.30% | $0.36 +2025-03-10 13:50:01,525 - INFO - OPENED LONG at 2095.29 | Stop loss: 2084.7986071428572 | Take profit: 2126.7417642857145 +2025-03-10 13:50:01,786 - INFO - STOP LOSS hit for long at 2084.7986071428572 | PnL: -0.50% | $-1.12 +2025-03-10 13:50:01,862 - INFO - OPENED LONG at 2085.3 | Stop loss: 2074.8585571428575 | Take profit: 2116.6019142857144 +2025-03-10 13:50:02,957 - INFO - CLOSED long at 2104.93 | PnL: 0.94% | $1.55 +2025-03-10 13:50:02,958 - INFO - OPENED SHORT at 2104.93 | Stop loss: 2115.4695928571427 | Take profit: 2073.3336357142857 +2025-03-10 13:50:03,002 - INFO - CLOSED short at 2103.81 | PnL: 0.05% | $-0.09 +2025-03-10 13:50:03,003 - INFO - OPENED LONG at 2103.81 | Stop loss: 2093.276007142857 | Take profit: 2135.3895642857146 +2025-03-10 13:50:04,086 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.57, Avg Loss=$-0.53 +2025-03-10 13:50:04,087 - INFO - Episode 21: Reward=-15.12, Balance=$94.07, Win Rate=33.3%, Trades=36, Episode PnL=$-6.86, Total PnL=$-162.91, Max Drawdown=7.4%, Pred Accuracy=98.6% +2025-03-10 13:50:04,089 - INFO - Reducing learning rate to 0.000081 +2025-03-10 13:50:04,871 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.5455571428574 | Take profit: 2098.9409142857144 +2025-03-10 13:50:05,216 - INFO - CLOSED long at 2070.79 | PnL: 0.14% | $0.08 +2025-03-10 13:50:05,216 - INFO - OPENED SHORT at 2070.79 | Stop loss: 2081.1588928571427 | Take profit: 2039.7057357142855 +2025-03-10 13:50:05,444 - INFO - CLOSED short at 2067.6 | PnL: 0.15% | $0.11 +2025-03-10 13:50:05,444 - INFO - OPENED LONG at 2067.6 | Stop loss: 2057.247057142857 | Take profit: 2098.636414285714 +2025-03-10 13:50:07,008 - INFO - CLOSED long at 2066.1 | PnL: -0.07% | $-0.34 +2025-03-10 13:50:07,049 - INFO - OPENED LONG at 2065.28 | Stop loss: 2054.9386571428577 | Take profit: 2096.2816142857146 +2025-03-10 13:50:08,293 - INFO - CLOSED long at 2064.33 | PnL: -0.05% | $-0.29 +2025-03-10 13:50:08,294 - INFO - OPENED SHORT at 2064.33 | Stop loss: 2074.666592857143 | Take profit: 2033.3426357142857 +2025-03-10 13:50:08,418 - INFO - CLOSED short at 2063.53 | PnL: 0.04% | $-0.12 +2025-03-10 13:50:08,418 - INFO - OPENED LONG at 2063.53 | Stop loss: 2053.1974071428576 | Take profit: 2094.5053642857147 +2025-03-10 13:50:09,448 - INFO - CLOSED long at 2074.3 | PnL: 0.52% | $0.83 +2025-03-10 13:50:09,448 - INFO - OPENED SHORT at 2074.3 | Stop loss: 2084.686442857143 | Take profit: 2043.163085714286 +2025-03-10 13:50:09,488 - INFO - CLOSED short at 2078.01 | PnL: -0.18% | $-0.56 +2025-03-10 13:50:09,488 - INFO - OPENED LONG at 2078.01 | Stop loss: 2067.605007142857 | Take profit: 2109.2025642857147 +2025-03-10 13:50:09,663 - INFO - CLOSED long at 2073.23 | PnL: -0.23% | $-0.65 +2025-03-10 13:50:09,664 - INFO - OPENED SHORT at 2073.23 | Stop loss: 2083.611092857143 | Take profit: 2042.109135714286 +2025-03-10 13:50:09,686 - INFO - CLOSED short at 2070.0 | PnL: 0.16% | $0.11 +2025-03-10 13:50:09,687 - INFO - OPENED LONG at 2070.0 | Stop loss: 2059.635057142857 | Take profit: 2101.0724142857143 +2025-03-10 13:50:10,252 - INFO - CLOSED long at 2067.53 | PnL: -0.12% | $-0.43 +2025-03-10 13:50:10,253 - INFO - OPENED SHORT at 2067.53 | Stop loss: 2077.882592857143 | Take profit: 2036.494635714286 +2025-03-10 13:50:10,305 - INFO - CLOSED short at 2065.29 | PnL: 0.11% | $0.02 +2025-03-10 13:50:10,306 - INFO - OPENED LONG at 2065.29 | Stop loss: 2054.948607142857 | Take profit: 2096.2917642857146 +2025-03-10 13:50:11,508 - INFO - CLOSED long at 2067.19 | PnL: 0.09% | $-0.02 +2025-03-10 13:50:11,509 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.540892857143 | Take profit: 2036.1597357142857 +2025-03-10 13:50:11,573 - INFO - CLOSED short at 2065.5 | PnL: 0.08% | $-0.04 +2025-03-10 13:50:11,573 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.157557142857 | Take profit: 2096.504914285714 +2025-03-10 13:50:12,141 - INFO - STOP LOSS hit for long at 2055.157557142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:50:12,871 - INFO - OPENED LONG at 2070.24 | Stop loss: 2059.873857142857 | Take profit: 2101.3160142857137 +2025-03-10 13:50:13,241 - INFO - TAKE PROFIT hit for long at 2101.3160142857137 | PnL: 1.50% | $2.71 +2025-03-10 13:50:13,263 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.031557142857 | Take profit: 2162.682914285714 +2025-03-10 13:50:13,282 - INFO - CLOSED long at 2139.54 | PnL: 0.41% | $0.63 +2025-03-10 13:50:13,282 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2526428571427 | Take profit: 2107.4244857142858 +2025-03-10 13:50:13,303 - INFO - CLOSED short at 2131.78 | PnL: 0.36% | $0.53 +2025-03-10 13:50:13,304 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.1061571428572 | Take profit: 2163.7791142857145 +2025-03-10 13:50:13,642 - INFO - STOP LOSS hit for long at 2121.1061571428572 | PnL: -0.50% | $-1.21 +2025-03-10 13:50:13,715 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.315407142857 | Take profit: 2151.751364285714 +2025-03-10 13:50:13,902 - INFO - STOP LOSS hit for long at 2109.315407142857 | PnL: -0.50% | $-1.20 +2025-03-10 13:50:14,127 - INFO - OPENED LONG at 2116.48 | Stop loss: 2105.882657142857 | Take profit: 2148.249614285714 +2025-03-10 13:50:14,299 - INFO - STOP LOSS hit for long at 2105.882657142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:50:14,339 - INFO - OPENED LONG at 2100.5 | Stop loss: 2089.982557142857 | Take profit: 2132.029914285714 +2025-03-10 13:50:14,967 - INFO - STOP LOSS hit for long at 2089.982557142857 | PnL: -0.50% | $-1.17 +2025-03-10 13:50:15,085 - INFO - OPENED LONG at 2085.3 | Stop loss: 2074.8585571428575 | Take profit: 2116.6019142857144 +2025-03-10 13:50:15,997 - INFO - CLOSED long at 2099.89 | PnL: 0.70% | $1.15 +2025-03-10 13:50:15,997 - INFO - OPENED SHORT at 2099.89 | Stop loss: 2110.4043928571427 | Take profit: 2068.3692357142854 +2025-03-10 13:50:16,041 - INFO - CLOSED short at 2099.73 | PnL: 0.01% | $-0.18 +2025-03-10 13:50:16,041 - INFO - OPENED LONG at 2099.73 | Stop loss: 2089.216407142857 | Take profit: 2131.2483642857146 +2025-03-10 13:50:17,318 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.68, Avg Loss=$-0.61 +2025-03-10 13:50:17,319 - INFO - Episode 22: Reward=-3.54, Balance=$97.61, Win Rate=39.1%, Trades=23, Episode PnL=$-3.69, Total PnL=$-165.30, Max Drawdown=3.6%, Pred Accuracy=98.7% +2025-03-10 13:50:17,319 - INFO - Reducing learning rate to 0.000073 +2025-03-10 13:50:17,619 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:50:19,698 - INFO - CLOSED long at 2066.8 | PnL: 0.19% | $0.18 +2025-03-10 13:50:19,720 - INFO - OPENED LONG at 2065.49 | Stop loss: 2055.147607142857 | Take profit: 2096.494764285714 +2025-03-10 13:50:20,312 - INFO - CLOSED long at 2065.28 | PnL: -0.01% | $-0.22 +2025-03-10 13:50:20,349 - INFO - OPENED LONG at 2066.39 | Stop loss: 2056.043107142857 | Take profit: 2097.408264285714 +2025-03-10 13:50:20,764 - INFO - CLOSED long at 2061.3 | PnL: -0.25% | $-0.69 +2025-03-10 13:50:20,818 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.620257142857 | Take profit: 2095.9568142857142 +2025-03-10 13:50:21,710 - INFO - CLOSED long at 2060.7 | PnL: -0.21% | $-0.60 +2025-03-10 13:50:21,711 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.018442857143 | Take profit: 2029.7670857142855 +2025-03-10 13:50:21,734 - INFO - CLOSED short at 2061.09 | PnL: -0.02% | $-0.23 +2025-03-10 13:50:21,734 - INFO - OPENED LONG at 2061.09 | Stop loss: 2050.7696071428572 | Take profit: 2092.0287642857143 +2025-03-10 13:50:22,891 - INFO - CLOSED long at 2071.6 | PnL: 0.51% | $0.80 +2025-03-10 13:50:22,892 - INFO - OPENED SHORT at 2071.6 | Stop loss: 2081.972942857143 | Take profit: 2040.5035857142857 +2025-03-10 13:50:22,913 - INFO - CLOSED short at 2073.23 | PnL: -0.08% | $-0.35 +2025-03-10 13:50:22,914 - INFO - OPENED LONG at 2073.23 | Stop loss: 2062.848907142857 | Take profit: 2104.3508642857146 +2025-03-10 13:50:23,747 - INFO - CLOSED long at 2070.9 | PnL: -0.11% | $-0.42 +2025-03-10 13:50:23,748 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.269442857143 | Take profit: 2039.8140857142857 +2025-03-10 13:50:23,802 - INFO - CLOSED short at 2070.7 | PnL: 0.01% | $-0.18 +2025-03-10 13:50:23,802 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.331557142857 | Take profit: 2101.782914285714 +2025-03-10 13:50:25,139 - INFO - STOP LOSS hit for long at 2060.331557142857 | PnL: -0.50% | $-1.17 +2025-03-10 13:50:25,263 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.7300071428574 | Take profit: 2083.8275642857143 +2025-03-10 13:50:25,954 - INFO - CLOSED long at 2070.24 | PnL: 0.84% | $1.43 +2025-03-10 13:50:26,008 - INFO - OPENED LONG at 2069.81 | Stop loss: 2059.446007142857 | Take profit: 2100.8795642857144 +2025-03-10 13:50:26,152 - INFO - CLOSED long at 2074.9 | PnL: 0.25% | $0.29 +2025-03-10 13:50:26,152 - INFO - OPENED SHORT at 2074.9 | Stop loss: 2085.2894428571426 | Take profit: 2043.7540857142858 +2025-03-10 13:50:26,172 - INFO - CLOSED short at 2076.08 | PnL: -0.06% | $-0.31 +2025-03-10 13:50:26,172 - INFO - OPENED LONG at 2076.08 | Stop loss: 2065.6846571428573 | Take profit: 2107.2436142857146 +2025-03-10 13:50:26,345 - INFO - TAKE PROFIT hit for long at 2107.2436142857146 | PnL: 1.50% | $2.74 +2025-03-10 13:50:26,488 - INFO - OPENED LONG at 2141.3 | Stop loss: 2130.5785571428573 | Take profit: 2173.441914285714 +2025-03-10 13:50:26,577 - INFO - STOP LOSS hit for long at 2130.5785571428573 | PnL: -0.50% | $-1.21 +2025-03-10 13:50:26,726 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.534307142857 | Take profit: 2151.9746642857144 +2025-03-10 13:50:26,929 - INFO - STOP LOSS hit for long at 2109.534307142857 | PnL: -0.50% | $-1.19 +2025-03-10 13:50:26,978 - INFO - OPENED LONG at 2109.05 | Stop loss: 2098.4898071428574 | Take profit: 2140.7081642857147 +2025-03-10 13:50:27,410 - INFO - STOP LOSS hit for long at 2098.4898071428574 | PnL: -0.50% | $-1.18 +2025-03-10 13:50:27,565 - INFO - OPENED LONG at 2102.19 | Stop loss: 2091.664107142857 | Take profit: 2133.7452642857143 +2025-03-10 13:50:28,029 - INFO - STOP LOSS hit for long at 2091.664107142857 | PnL: -0.50% | $-1.17 +2025-03-10 13:50:28,090 - INFO - OPENED LONG at 2088.35 | Stop loss: 2077.8933071428573 | Take profit: 2119.6976642857144 +2025-03-10 13:50:30,265 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.09, Avg Loss=$-0.69 +2025-03-10 13:50:30,266 - INFO - Episode 23: Reward=-7.15, Balance=$96.52, Win Rate=27.8%, Trades=18, Episode PnL=$-3.55, Total PnL=$-168.79, Max Drawdown=4.7%, Pred Accuracy=98.7% +2025-03-10 13:50:30,266 - INFO - Reducing learning rate to 0.000066 +2025-03-10 13:50:30,629 - INFO - OPENED LONG at 2057.8 | Stop loss: 2047.4960571428574 | Take profit: 2088.6894142857145 +2025-03-10 13:50:31,043 - INFO - CLOSED long at 2068.65 | PnL: 0.53% | $0.85 +2025-03-10 13:50:31,044 - INFO - OPENED SHORT at 2068.65 | Stop loss: 2079.008192857143 | Take profit: 2037.5978357142858 +2025-03-10 13:50:31,066 - INFO - CLOSED short at 2068.99 | PnL: -0.02% | $-0.23 +2025-03-10 13:50:31,067 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.630107142857 | Take profit: 2100.047264285714 +2025-03-10 13:50:34,854 - INFO - STOP LOSS hit for long at 2058.630107142857 | PnL: -0.50% | $-1.20 +2025-03-10 13:50:34,892 - INFO - OPENED LONG at 2058.28 | Stop loss: 2047.9736571428573 | Take profit: 2089.1766142857145 +2025-03-10 13:50:35,462 - INFO - CLOSED long at 2067.01 | PnL: 0.42% | $0.64 +2025-03-10 13:50:35,462 - INFO - OPENED SHORT at 2067.01 | Stop loss: 2077.359992857143 | Take profit: 2035.9824357142859 +2025-03-10 13:50:35,506 - INFO - CLOSED short at 2069.79 | PnL: -0.13% | $-0.47 +2025-03-10 13:50:35,507 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.426107142857 | Take profit: 2100.8592642857143 +2025-03-10 13:50:36,860 - INFO - CLOSED long at 2069.78 | PnL: -0.00% | $-0.20 +2025-03-10 13:50:36,930 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.9832071428573 | Take profit: 2105.5079642857145 +2025-03-10 13:50:37,129 - INFO - CLOSED long at 2074.0 | PnL: -0.02% | $-0.23 +2025-03-10 13:50:37,130 - INFO - OPENED SHORT at 2074.0 | Stop loss: 2084.384942857143 | Take profit: 2042.8675857142857 +2025-03-10 13:50:37,150 - INFO - CLOSED short at 2072.09 | PnL: 0.09% | $-0.02 +2025-03-10 13:50:37,151 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.7146071428574 | Take profit: 2103.1937642857147 +2025-03-10 13:50:37,490 - INFO - CLOSED long at 2070.1 | PnL: -0.10% | $-0.39 +2025-03-10 13:50:37,700 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.058107142857 | Take profit: 2094.363264285714 +2025-03-10 13:50:38,226 - INFO - CLOSED long at 2053.01 | PnL: -0.50% | $-1.18 +2025-03-10 13:50:38,252 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.9490071428572 | Take profit: 2079.9705642857143 +2025-03-10 13:50:38,295 - INFO - CLOSED long at 2051.99 | PnL: 0.14% | $0.07 +2025-03-10 13:50:38,321 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9935571428573 | Take profit: 2089.1969142857147 +2025-03-10 13:50:38,668 - INFO - CLOSED long at 2066.59 | PnL: 0.40% | $0.59 +2025-03-10 13:50:38,690 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.744657142857 | Take profit: 2095.0636142857143 +2025-03-10 13:50:38,714 - INFO - CLOSED long at 2061.21 | PnL: -0.14% | $-0.47 +2025-03-10 13:50:38,739 - INFO - OPENED LONG at 2059.9 | Stop loss: 2049.5855571428574 | Take profit: 2090.8209142857145 +2025-03-10 13:50:39,294 - INFO - TAKE PROFIT hit for long at 2090.8209142857145 | PnL: 1.50% | $2.72 +2025-03-10 13:50:39,332 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.031557142857 | Take profit: 2162.682914285714 +2025-03-10 13:50:39,389 - INFO - CLOSED long at 2131.78 | PnL: 0.05% | $-0.10 +2025-03-10 13:50:39,389 - INFO - OPENED SHORT at 2131.78 | Stop loss: 2142.453842857143 | Take profit: 2099.780885714286 +2025-03-10 13:50:39,480 - INFO - CLOSED short at 2141.3 | PnL: -0.45% | $-1.09 +2025-03-10 13:50:39,481 - INFO - OPENED LONG at 2141.3 | Stop loss: 2130.5785571428573 | Take profit: 2173.441914285714 +2025-03-10 13:50:39,567 - INFO - STOP LOSS hit for long at 2130.5785571428573 | PnL: -0.50% | $-1.18 +2025-03-10 13:50:39,679 - INFO - OPENED LONG at 2121.09 | Stop loss: 2110.469607142857 | Take profit: 2152.9287642857144 +2025-03-10 13:50:39,901 - INFO - STOP LOSS hit for long at 2110.469607142857 | PnL: -0.50% | $-1.17 +2025-03-10 13:50:39,945 - INFO - OPENED LONG at 2109.05 | Stop loss: 2098.4898071428574 | Take profit: 2140.7081642857147 +2025-03-10 13:50:40,074 - INFO - CLOSED long at 2113.24 | PnL: 0.20% | $0.19 +2025-03-10 13:50:40,152 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.191007142857 | Take profit: 2152.6445642857143 +2025-03-10 13:50:40,249 - INFO - STOP LOSS hit for long at 2110.191007142857 | PnL: -0.50% | $-1.16 +2025-03-10 13:50:40,294 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.504757142857 | Take profit: 2139.7033142857144 +2025-03-10 13:50:40,367 - INFO - STOP LOSS hit for long at 2097.504757142857 | PnL: -0.50% | $-1.14 +2025-03-10 13:50:40,413 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0174071428573 | Take profit: 2131.0453642857146 +2025-03-10 13:50:41,087 - INFO - STOP LOSS hit for long at 2089.0174071428573 | PnL: -0.50% | $-1.13 +2025-03-10 13:50:41,175 - INFO - OPENED LONG at 2085.3 | Stop loss: 2074.8585571428575 | Take profit: 2116.6019142857144 +2025-03-10 13:50:43,284 - INFO - TAKE PROFIT hit for long at 2116.6019142857144 | PnL: 1.50% | $2.61 +2025-03-10 13:50:43,456 - INFO - OPENED LONG at 2114.71 | Stop loss: 2104.121507142857 | Take profit: 2146.4530642857144 +2025-03-10 13:50:43,526 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.09, Avg Loss=$-0.71 +2025-03-10 13:50:43,527 - INFO - Episode 24: Reward=-10.14, Balance=$96.30, Win Rate=30.4%, Trades=23, Episode PnL=$-4.86, Total PnL=$-172.48, Max Drawdown=6.8%, Pred Accuracy=98.8% +2025-03-10 13:50:43,528 - INFO - Reducing learning rate to 0.000059 +2025-03-10 13:50:43,868 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.993507142857 | Take profit: 2091.2370642857145 +2025-03-10 13:50:45,539 - INFO - CLOSED long at 2069.96 | PnL: 0.47% | $0.73 +2025-03-10 13:50:45,540 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.3247428571426 | Take profit: 2038.8881857142858 +2025-03-10 13:50:45,707 - INFO - CLOSED short at 2072.15 | PnL: -0.11% | $-0.41 +2025-03-10 13:50:45,707 - INFO - OPENED LONG at 2072.15 | Stop loss: 2061.774307142857 | Take profit: 2103.254664285714 +2025-03-10 13:50:46,138 - INFO - CLOSED long at 2068.58 | PnL: -0.17% | $-0.54 +2025-03-10 13:50:46,138 - INFO - OPENED SHORT at 2068.58 | Stop loss: 2078.937842857143 | Take profit: 2037.5288857142857 +2025-03-10 13:50:46,163 - INFO - CLOSED short at 2068.8 | PnL: -0.01% | $-0.22 +2025-03-10 13:50:46,163 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.4410571428575 | Take profit: 2099.8544142857145 +2025-03-10 13:50:46,971 - INFO - CLOSED long at 2062.65 | PnL: -0.30% | $-0.79 +2025-03-10 13:50:47,152 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.620257142857 | Take profit: 2095.9568142857142 +2025-03-10 13:50:48,234 - INFO - CLOSED long at 2058.89 | PnL: -0.29% | $-0.77 +2025-03-10 13:50:48,234 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.1993928571424 | Take profit: 2027.9842357142857 +2025-03-10 13:50:48,291 - INFO - CLOSED short at 2059.96 | PnL: -0.05% | $-0.30 +2025-03-10 13:50:48,291 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.645257142857 | Take profit: 2090.881814285714 +2025-03-10 13:50:48,888 - INFO - CLOSED long at 2064.49 | PnL: 0.22% | $0.23 +2025-03-10 13:50:48,888 - INFO - OPENED SHORT at 2064.49 | Stop loss: 2074.827392857143 | Take profit: 2033.5002357142855 +2025-03-10 13:50:48,933 - INFO - CLOSED short at 2066.34 | PnL: -0.09% | $-0.37 +2025-03-10 13:50:48,934 - INFO - OPENED LONG at 2066.34 | Stop loss: 2055.9933571428573 | Take profit: 2097.3575142857144 +2025-03-10 13:50:49,726 - INFO - CLOSED long at 2063.95 | PnL: -0.12% | $-0.42 +2025-03-10 13:50:49,726 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.2846928571425 | Take profit: 2032.9683357142856 +2025-03-10 13:50:49,749 - INFO - CLOSED short at 2063.97 | PnL: -0.00% | $-0.19 +2025-03-10 13:50:49,750 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.635207142857 | Take profit: 2094.951964285714 +2025-03-10 13:50:50,174 - INFO - CLOSED long at 2069.69 | PnL: 0.28% | $0.34 +2025-03-10 13:50:50,245 - INFO - OPENED LONG at 2070.8 | Stop loss: 2060.4310571428573 | Take profit: 2101.8844142857147 +2025-03-10 13:50:50,946 - INFO - CLOSED long at 2067.88 | PnL: -0.14% | $-0.47 +2025-03-10 13:50:50,972 - INFO - OPENED LONG at 2065.45 | Stop loss: 2055.107807142857 | Take profit: 2096.4541642857143 +2025-03-10 13:50:51,666 - INFO - STOP LOSS hit for long at 2055.107807142857 | PnL: -0.50% | $-1.16 +2025-03-10 13:50:51,709 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.237557142857 | Take profit: 2080.264914285714 +2025-03-10 13:50:52,081 - INFO - CLOSED long at 2066.59 | PnL: 0.83% | $1.39 +2025-03-10 13:50:52,105 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.744657142857 | Take profit: 2095.0636142857143 +2025-03-10 13:50:52,124 - INFO - CLOSED long at 2061.21 | PnL: -0.14% | $-0.46 +2025-03-10 13:50:52,126 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.5309928571432 | Take profit: 2030.269435714286 +2025-03-10 13:50:52,148 - INFO - CLOSED short at 2059.9 | PnL: 0.06% | $-0.07 +2025-03-10 13:50:52,148 - INFO - OPENED LONG at 2059.9 | Stop loss: 2049.5855571428574 | Take profit: 2090.8209142857145 +2025-03-10 13:50:52,435 - INFO - CLOSED long at 2073.49 | PnL: 0.66% | $1.07 +2025-03-10 13:50:52,457 - INFO - OPENED LONG at 2074.05 | Stop loss: 2063.664807142857 | Take profit: 2105.183164285714 +2025-03-10 13:50:52,767 - INFO - TAKE PROFIT hit for long at 2105.183164285714 | PnL: 1.50% | $2.72 +2025-03-10 13:50:52,815 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.1061571428572 | Take profit: 2163.7791142857145 +2025-03-10 13:50:53,101 - INFO - STOP LOSS hit for long at 2121.1061571428572 | PnL: -0.50% | $-1.20 +2025-03-10 13:50:53,257 - INFO - OPENED LONG at 2119.14 | Stop loss: 2108.529357142857 | Take profit: 2150.949514285714 +2025-03-10 13:50:53,326 - INFO - STOP LOSS hit for long at 2108.529357142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:50:53,558 - INFO - OPENED LONG at 2113.24 | Stop loss: 2102.658857142857 | Take profit: 2144.961014285714 +2025-03-10 13:50:53,814 - INFO - STOP LOSS hit for long at 2102.658857142857 | PnL: -0.50% | $-1.17 +2025-03-10 13:50:53,858 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.535057142857 | Take profit: 2121.3724142857145 +2025-03-10 13:50:55,325 - INFO - CLOSED long at 2091.05 | PnL: 0.05% | $-0.10 +2025-03-10 13:50:55,325 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.5201928571432 | Take profit: 2059.6618357142856 +2025-03-10 13:50:55,347 - INFO - CLOSED short at 2091.95 | PnL: -0.04% | $-0.27 +2025-03-10 13:50:55,348 - INFO - OPENED LONG at 2091.95 | Stop loss: 2081.4753071428568 | Take profit: 2123.351664285714 +2025-03-10 13:50:55,672 - INFO - CLOSED long at 2103.48 | PnL: 0.55% | $0.86 +2025-03-10 13:50:55,714 - INFO - OPENED LONG at 2103.81 | Stop loss: 2093.276007142857 | Take profit: 2135.3895642857146 +2025-03-10 13:50:56,797 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.05, Avg Loss=$-0.56 +2025-03-10 13:50:56,797 - INFO - Episode 25: Reward=-12.53, Balance=$97.27, Win Rate=28.0%, Trades=25, Episode PnL=$-1.40, Total PnL=$-175.21, Max Drawdown=4.3%, Pred Accuracy=98.9% +2025-03-10 13:50:56,798 - INFO - Reducing learning rate to 0.000053 +2025-03-10 13:50:56,984 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:50:57,232 - INFO - CLOSED long at 2070.58 | PnL: 0.37% | $0.54 +2025-03-10 13:50:57,274 - INFO - OPENED LONG at 2068.11 | Stop loss: 2057.754507142857 | Take profit: 2099.1540642857144 +2025-03-10 13:50:57,449 - INFO - CLOSED long at 2068.99 | PnL: 0.04% | $-0.11 +2025-03-10 13:50:57,449 - INFO - OPENED SHORT at 2068.99 | Stop loss: 2079.3498928571425 | Take profit: 2037.9327357142854 +2025-03-10 13:50:57,517 - INFO - CLOSED short at 2070.26 | PnL: -0.06% | $-0.32 +2025-03-10 13:50:57,518 - INFO - OPENED LONG at 2070.26 | Stop loss: 2059.8937571428573 | Take profit: 2101.3363142857143 +2025-03-10 13:50:58,304 - INFO - CLOSED long at 2068.9 | PnL: -0.07% | $-0.33 +2025-03-10 13:50:58,406 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.033057142857 | Take profit: 2101.4784142857143 +2025-03-10 13:50:59,421 - INFO - CLOSED long at 2070.4 | PnL: 0.00% | $-0.20 +2025-03-10 13:50:59,421 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.766942857143 | Take profit: 2039.3215857142857 +2025-03-10 13:50:59,468 - INFO - CLOSED short at 2068.5 | PnL: 0.09% | $-0.02 +2025-03-10 13:50:59,469 - INFO - OPENED LONG at 2068.5 | Stop loss: 2058.142557142857 | Take profit: 2099.5499142857143 +2025-03-10 13:51:00,721 - INFO - CLOSED long at 2064.1 | PnL: -0.21% | $-0.62 +2025-03-10 13:51:00,743 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.0182571428572 | Take profit: 2096.362814285714 +2025-03-10 13:51:01,355 - INFO - STOP LOSS hit for long at 2055.0182571428572 | PnL: -0.50% | $-1.18 +2025-03-10 13:51:01,384 - INFO - OPENED LONG at 2054.83 | Stop loss: 2044.540907142857 | Take profit: 2085.674864285714 +2025-03-10 13:51:05,527 - INFO - TAKE PROFIT hit for long at 2085.674864285714 | PnL: 1.50% | $2.72 +2025-03-10 13:51:05,551 - INFO - OPENED LONG at 2103.02 | Stop loss: 2092.4899571428573 | Take profit: 2134.587714285714 +2025-03-10 13:51:05,613 - INFO - TAKE PROFIT hit for long at 2134.587714285714 | PnL: 1.50% | $2.80 +2025-03-10 13:51:05,658 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.1061571428572 | Take profit: 2163.7791142857145 +2025-03-10 13:51:05,945 - INFO - STOP LOSS hit for long at 2121.1061571428572 | PnL: -0.50% | $-1.23 +2025-03-10 13:51:05,967 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.534307142857 | Take profit: 2151.9746642857144 +2025-03-10 13:51:06,230 - INFO - STOP LOSS hit for long at 2109.534307142857 | PnL: -0.50% | $-1.22 +2025-03-10 13:51:06,362 - INFO - OPENED LONG at 2113.24 | Stop loss: 2102.658857142857 | Take profit: 2144.961014285714 +2025-03-10 13:51:06,668 - INFO - STOP LOSS hit for long at 2102.658857142857 | PnL: -0.50% | $-1.20 +2025-03-10 13:51:06,690 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.535057142857 | Take profit: 2121.3724142857145 +2025-03-10 13:51:08,053 - INFO - CLOSED long at 2094.7 | PnL: 0.22% | $0.25 +2025-03-10 13:51:08,121 - INFO - OPENED LONG at 2099.99 | Stop loss: 2089.475107142857 | Take profit: 2131.512264285714 +2025-03-10 13:51:08,447 - INFO - CLOSED long at 2105.83 | PnL: 0.28% | $0.35 +2025-03-10 13:51:08,447 - INFO - OPENED SHORT at 2105.83 | Stop loss: 2116.374092857143 | Take profit: 2074.220135714286 +2025-03-10 13:51:08,492 - INFO - CLOSED short at 2103.64 | PnL: 0.10% | $0.01 +2025-03-10 13:51:08,493 - INFO - OPENED LONG at 2103.64 | Stop loss: 2093.106857142857 | Take profit: 2135.217014285714 +2025-03-10 13:51:09,539 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.11, Avg Loss=$-0.64 +2025-03-10 13:51:09,540 - INFO - Episode 26: Reward=-4.81, Balance=$100.23, Win Rate=37.5%, Trades=16, Episode PnL=$0.19, Total PnL=$-174.98, Max Drawdown=3.5%, Pred Accuracy=99.0% +2025-03-10 13:51:09,541 - INFO - Reducing learning rate to 0.000048 +2025-03-10 13:51:09,911 - INFO - OPENED LONG at 2059.49 | Stop loss: 2049.177607142857 | Take profit: 2090.404764285714 +2025-03-10 13:51:11,303 - INFO - CLOSED long at 2070.4 | PnL: 0.53% | $0.85 +2025-03-10 13:51:11,392 - INFO - OPENED LONG at 2071.39 | Stop loss: 2061.018107142857 | Take profit: 2102.483264285714 +2025-03-10 13:51:12,872 - INFO - STOP LOSS hit for long at 2061.018107142857 | PnL: -0.50% | $-1.20 +2025-03-10 13:51:12,971 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.620257142857 | Take profit: 2095.9568142857142 +2025-03-10 13:51:14,214 - INFO - CLOSED long at 2055.6 | PnL: -0.45% | $-1.09 +2025-03-10 13:51:14,215 - INFO - OPENED SHORT at 2055.6 | Stop loss: 2065.8929428571428 | Take profit: 2024.7435857142855 +2025-03-10 13:51:14,240 - INFO - CLOSED short at 2054.89 | PnL: 0.03% | $-0.13 +2025-03-10 13:51:14,240 - INFO - OPENED LONG at 2054.89 | Stop loss: 2044.6006071428571 | Take profit: 2085.7357642857146 +2025-03-10 13:51:14,261 - INFO - CLOSED long at 2054.83 | PnL: -0.00% | $-0.20 +2025-03-10 13:51:14,261 - INFO - OPENED SHORT at 2054.83 | Stop loss: 2065.1190928571427 | Take profit: 2023.9851357142857 +2025-03-10 13:51:14,327 - INFO - CLOSED short at 2059.8 | PnL: -0.24% | $-0.67 +2025-03-10 13:51:14,327 - INFO - OPENED LONG at 2059.8 | Stop loss: 2049.4860571428576 | Take profit: 2090.7194142857143 +2025-03-10 13:51:15,376 - INFO - CLOSED long at 2067.44 | PnL: 0.37% | $0.52 +2025-03-10 13:51:15,376 - INFO - OPENED SHORT at 2067.44 | Stop loss: 2077.792142857143 | Take profit: 2036.4059857142859 +2025-03-10 13:51:15,443 - INFO - CLOSED short at 2071.49 | PnL: -0.20% | $-0.58 +2025-03-10 13:51:15,443 - INFO - OPENED LONG at 2071.49 | Stop loss: 2061.1176071428567 | Take profit: 2102.5847642857143 +2025-03-10 13:51:17,021 - INFO - CLOSED long at 2066.09 | PnL: -0.26% | $-0.70 +2025-03-10 13:51:17,022 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.4353928571427 | Take profit: 2035.0762357142858 +2025-03-10 13:51:17,045 - INFO - CLOSED short at 2063.39 | PnL: 0.13% | $0.06 +2025-03-10 13:51:17,046 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.058107142857 | Take profit: 2094.363264285714 +2025-03-10 13:51:17,174 - INFO - CLOSED long at 2064.5 | PnL: 0.05% | $-0.09 +2025-03-10 13:51:17,211 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.9834071428572 | Take profit: 2097.3473642857143 +2025-03-10 13:51:17,445 - INFO - STOP LOSS hit for long at 2055.9834071428572 | PnL: -0.50% | $-1.15 +2025-03-10 13:51:17,466 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.9490071428572 | Take profit: 2079.9705642857143 +2025-03-10 13:51:18,257 - INFO - CLOSED long at 2072.99 | PnL: 1.16% | $2.01 +2025-03-10 13:51:18,258 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.369892857143 | Take profit: 2041.8727357142855 +2025-03-10 13:51:18,280 - INFO - CLOSED short at 2071.89 | PnL: 0.05% | $-0.09 +2025-03-10 13:51:18,281 - INFO - OPENED LONG at 2071.89 | Stop loss: 2061.515607142857 | Take profit: 2102.9907642857142 +2025-03-10 13:51:18,483 - INFO - TAKE PROFIT hit for long at 2102.9907642857142 | PnL: 1.50% | $2.71 +2025-03-10 13:51:18,521 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.031557142857 | Take profit: 2162.682914285714 +2025-03-10 13:51:18,980 - INFO - STOP LOSS hit for long at 2120.031557142857 | PnL: -0.50% | $-1.20 +2025-03-10 13:51:19,004 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.315407142857 | Take profit: 2151.751364285714 +2025-03-10 13:51:19,145 - INFO - STOP LOSS hit for long at 2109.315407142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:51:19,205 - INFO - OPENED LONG at 2109.05 | Stop loss: 2098.4898071428574 | Take profit: 2140.7081642857147 +2025-03-10 13:51:19,641 - INFO - STOP LOSS hit for long at 2098.4898071428574 | PnL: -0.50% | $-1.17 +2025-03-10 13:51:19,694 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0174071428573 | Take profit: 2131.0453642857146 +2025-03-10 13:51:20,286 - INFO - CLOSED long at 2091.1 | PnL: -0.40% | $-0.96 +2025-03-10 13:51:20,286 - INFO - OPENED SHORT at 2091.1 | Stop loss: 2101.5704428571426 | Take profit: 2059.7110857142857 +2025-03-10 13:51:20,308 - INFO - CLOSED short at 2094.72 | PnL: -0.17% | $-0.52 +2025-03-10 13:51:20,308 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.231457142857 | Take profit: 2126.1632142857143 +2025-03-10 13:51:20,380 - INFO - STOP LOSS hit for long at 2084.231457142857 | PnL: -0.50% | $-1.14 +2025-03-10 13:51:20,451 - INFO - OPENED LONG at 2083.97 | Stop loss: 2073.535207142857 | Take profit: 2115.251964285714 +2025-03-10 13:51:20,822 - INFO - CLOSED long at 2088.66 | PnL: 0.23% | $0.23 +2025-03-10 13:51:20,822 - INFO - OPENED SHORT at 2088.66 | Stop loss: 2099.118242857143 | Take profit: 2057.3076857142855 +2025-03-10 13:51:21,038 - INFO - CLOSED short at 2086.81 | PnL: 0.09% | $-0.02 +2025-03-10 13:51:21,038 - INFO - OPENED LONG at 2086.81 | Stop loss: 2076.361007142857 | Take profit: 2118.1345642857145 +2025-03-10 13:51:21,289 - INFO - CLOSED long at 2099.99 | PnL: 0.63% | $1.00 +2025-03-10 13:51:21,290 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.5048928571427 | Take profit: 2068.4677357142855 +2025-03-10 13:51:21,413 - INFO - CLOSED short at 2099.89 | PnL: 0.00% | $-0.18 +2025-03-10 13:51:21,414 - INFO - OPENED LONG at 2099.89 | Stop loss: 2089.375607142857 | Take profit: 2131.410764285714 +2025-03-10 13:51:21,624 - INFO - CLOSED long at 2101.5 | PnL: 0.08% | $-0.04 +2025-03-10 13:51:21,625 - INFO - OPENED SHORT at 2101.5 | Stop loss: 2112.0224428571432 | Take profit: 2069.955085714286 +2025-03-10 13:51:21,857 - INFO - CLOSED short at 2100.0 | PnL: 0.07% | $-0.05 +2025-03-10 13:51:21,858 - INFO - OPENED LONG at 2100.0 | Stop loss: 2089.485057142857 | Take profit: 2131.522414285714 +2025-03-10 13:51:22,712 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.06, Avg Loss=$-0.62 +2025-03-10 13:51:22,713 - INFO - Episode 27: Reward=-12.96, Balance=$95.03, Win Rate=25.9%, Trades=27, Episode PnL=$-5.74, Total PnL=$-179.95, Max Drawdown=6.7%, Pred Accuracy=99.0% +2025-03-10 13:51:22,713 - INFO - Reducing learning rate to 0.000043 +2025-03-10 13:51:23,026 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:51:24,455 - INFO - CLOSED long at 2068.51 | PnL: 0.27% | $0.34 +2025-03-10 13:51:24,500 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.2321071428573 | Take profit: 2099.6412642857144 +2025-03-10 13:51:24,718 - INFO - CLOSED long at 2072.7 | PnL: 0.20% | $0.20 +2025-03-10 13:51:24,719 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.078442857143 | Take profit: 2041.5870857142854 +2025-03-10 13:51:24,796 - INFO - CLOSED short at 2073.9 | PnL: -0.06% | $-0.32 +2025-03-10 13:51:24,797 - INFO - OPENED LONG at 2073.9 | Stop loss: 2063.5155571428572 | Take profit: 2105.0309142857145 +2025-03-10 13:51:26,019 - INFO - CLOSED long at 2065.69 | PnL: -0.40% | $-0.99 +2025-03-10 13:51:26,202 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:51:26,342 - INFO - CLOSED long at 2066.24 | PnL: 0.16% | $0.12 +2025-03-10 13:51:26,342 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.586142857143 | Take profit: 2035.2239857142854 +2025-03-10 13:51:26,562 - INFO - CLOSED short at 2062.71 | PnL: 0.17% | $0.14 +2025-03-10 13:51:26,563 - INFO - OPENED LONG at 2062.71 | Stop loss: 2052.381507142857 | Take profit: 2093.673064285714 +2025-03-10 13:51:26,787 - INFO - CLOSED long at 2061.8 | PnL: -0.04% | $-0.28 +2025-03-10 13:51:26,832 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.361557142857 | Take profit: 2095.6929142857143 +2025-03-10 13:51:30,692 - INFO - STOP LOSS hit for long at 2054.361557142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:51:30,716 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.9490071428572 | Take profit: 2079.9705642857143 +2025-03-10 13:51:31,084 - INFO - CLOSED long at 2067.49 | PnL: 0.89% | $1.54 +2025-03-10 13:51:31,085 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8423928571424 | Take profit: 2036.4552357142857 +2025-03-10 13:51:31,150 - INFO - CLOSED short at 2061.21 | PnL: 0.30% | $0.40 +2025-03-10 13:51:31,152 - INFO - OPENED LONG at 2061.21 | Stop loss: 2050.8890071428573 | Take profit: 2092.150564285714 +2025-03-10 13:51:31,290 - INFO - CLOSED long at 2062.54 | PnL: 0.06% | $-0.07 +2025-03-10 13:51:31,290 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.867642857143 | Take profit: 2031.5794857142857 +2025-03-10 13:51:31,329 - INFO - CLOSED short at 2065.72 | PnL: -0.15% | $-0.50 +2025-03-10 13:51:31,330 - INFO - OPENED LONG at 2065.72 | Stop loss: 2055.376457142857 | Take profit: 2096.728214285714 +2025-03-10 13:51:31,776 - INFO - TAKE PROFIT hit for long at 2096.728214285714 | PnL: 1.50% | $2.77 +2025-03-10 13:51:31,798 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.031557142857 | Take profit: 2162.682914285714 +2025-03-10 13:51:32,215 - INFO - STOP LOSS hit for long at 2120.031557142857 | PnL: -0.50% | $-1.22 +2025-03-10 13:51:32,262 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.778057142857 | Take profit: 2153.243414285714 +2025-03-10 13:51:32,372 - INFO - STOP LOSS hit for long at 2110.778057142857 | PnL: -0.50% | $-1.20 +2025-03-10 13:51:32,792 - INFO - OPENED LONG at 2100.5 | Stop loss: 2089.982557142857 | Take profit: 2132.029914285714 +2025-03-10 13:51:33,475 - INFO - STOP LOSS hit for long at 2089.982557142857 | PnL: -0.50% | $-1.19 +2025-03-10 13:51:33,497 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848657142857 | Take profit: 2114.551614285714 +2025-03-10 13:51:34,804 - INFO - CLOSED long at 2100.0 | PnL: 0.80% | $1.37 +2025-03-10 13:51:34,804 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.514942857143 | Take profit: 2068.477585714286 +2025-03-10 13:51:34,851 - INFO - CLOSED short at 2102.7 | PnL: -0.13% | $-0.45 +2025-03-10 13:51:34,852 - INFO - OPENED LONG at 2102.7 | Stop loss: 2092.171557142857 | Take profit: 2134.262914285714 +2025-03-10 13:51:35,675 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.86, Avg Loss=$-0.74 +2025-03-10 13:51:35,676 - INFO - Episode 28: Reward=-0.83, Balance=$99.48, Win Rate=44.4%, Trades=18, Episode PnL=$-3.69, Total PnL=$-180.48, Max Drawdown=3.5%, Pred Accuracy=99.2% +2025-03-10 13:51:35,833 - INFO - Model saved to models/trading_agent_best_winrate.pt +2025-03-10 13:51:35,834 - INFO - New best win rate model saved: 44.4% +2025-03-10 13:51:35,834 - INFO - Reducing learning rate to 0.000039 +2025-03-10 13:51:36,469 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.8045071428571 | Take profit: 2089.004064285715 +2025-03-10 13:51:36,759 - INFO - CLOSED long at 2070.99 | PnL: 0.63% | $1.04 +2025-03-10 13:51:36,759 - INFO - OPENED SHORT at 2070.99 | Stop loss: 2081.3598928571428 | Take profit: 2039.9027357142854 +2025-03-10 13:51:36,782 - INFO - CLOSED short at 2069.6 | PnL: 0.07% | $-0.07 +2025-03-10 13:51:36,782 - INFO - OPENED LONG at 2069.6 | Stop loss: 2059.237057142857 | Take profit: 2100.6664142857144 +2025-03-10 13:51:37,700 - INFO - CLOSED long at 2068.51 | PnL: -0.05% | $-0.31 +2025-03-10 13:51:37,701 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.867492857143 | Take profit: 2037.4599357142858 +2025-03-10 13:51:37,741 - INFO - CLOSED short at 2069.7 | PnL: -0.06% | $-0.31 +2025-03-10 13:51:37,741 - INFO - OPENED LONG at 2069.7 | Stop loss: 2059.3365571428567 | Take profit: 2100.767914285714 +2025-03-10 13:51:38,144 - INFO - CLOSED long at 2069.46 | PnL: -0.01% | $-0.22 +2025-03-10 13:51:38,144 - INFO - OPENED SHORT at 2069.46 | Stop loss: 2079.822242857143 | Take profit: 2038.395685714286 +2025-03-10 13:51:38,217 - INFO - CLOSED short at 2068.32 | PnL: 0.06% | $-0.09 +2025-03-10 13:51:38,219 - INFO - OPENED LONG at 2068.32 | Stop loss: 2057.9634571428574 | Take profit: 2099.3672142857145 +2025-03-10 13:51:39,891 - INFO - CLOSED long at 2062.61 | PnL: -0.28% | $-0.75 +2025-03-10 13:51:39,891 - INFO - OPENED SHORT at 2062.61 | Stop loss: 2072.937992857143 | Take profit: 2031.648435714286 +2025-03-10 13:51:39,987 - INFO - CLOSED short at 2061.13 | PnL: 0.07% | $-0.06 +2025-03-10 13:51:39,988 - INFO - OPENED LONG at 2061.13 | Stop loss: 2050.8094071428573 | Take profit: 2092.0693642857145 +2025-03-10 13:51:40,892 - INFO - CLOSED long at 2061.5 | PnL: 0.02% | $-0.16 +2025-03-10 13:51:40,893 - INFO - OPENED SHORT at 2061.5 | Stop loss: 2071.822442857143 | Take profit: 2030.5550857142857 +2025-03-10 13:51:40,967 - INFO - CLOSED short at 2062.69 | PnL: -0.06% | $-0.31 +2025-03-10 13:51:40,968 - INFO - OPENED LONG at 2062.69 | Stop loss: 2052.3616071428573 | Take profit: 2093.6527642857145 +2025-03-10 13:51:41,088 - INFO - CLOSED long at 2066.01 | PnL: 0.16% | $0.12 +2025-03-10 13:51:41,128 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5655571428574 | Take profit: 2094.8809142857144 +2025-03-10 13:51:41,203 - INFO - CLOSED long at 2066.34 | PnL: 0.12% | $0.04 +2025-03-10 13:51:41,231 - INFO - OPENED LONG at 2066.79 | Stop loss: 2056.441107142857 | Take profit: 2097.814264285714 +2025-03-10 13:51:43,469 - INFO - CLOSED long at 2069.0 | PnL: 0.11% | $0.01 +2025-03-10 13:51:43,517 - INFO - OPENED LONG at 2070.19 | Stop loss: 2059.8241071428574 | Take profit: 2101.2652642857142 +2025-03-10 13:51:44,030 - INFO - STOP LOSS hit for long at 2059.8241071428574 | PnL: -0.50% | $-1.18 +2025-03-10 13:51:44,076 - INFO - OPENED LONG at 2058.65 | Stop loss: 2048.3418071428573 | Take profit: 2089.5521642857143 +2025-03-10 13:51:44,118 - INFO - CLOSED long at 2053.01 | PnL: -0.27% | $-0.73 +2025-03-10 13:51:44,239 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9935571428573 | Take profit: 2089.1969142857147 +2025-03-10 13:51:44,389 - INFO - CLOSED long at 2063.9 | PnL: 0.27% | $0.33 +2025-03-10 13:51:44,414 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.759557142857 | Take profit: 2096.0989142857143 +2025-03-10 13:51:44,862 - INFO - CLOSED long at 2069.34 | PnL: 0.21% | $0.20 +2025-03-10 13:51:44,862 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.7016428571433 | Take profit: 2038.2774857142858 +2025-03-10 13:51:44,885 - INFO - CLOSED short at 2069.81 | PnL: -0.02% | $-0.24 +2025-03-10 13:51:44,885 - INFO - OPENED LONG at 2069.81 | Stop loss: 2059.446007142857 | Take profit: 2100.8795642857144 +2025-03-10 13:51:45,114 - INFO - CLOSED long at 2074.9 | PnL: 0.25% | $0.28 +2025-03-10 13:51:45,115 - INFO - OPENED SHORT at 2074.9 | Stop loss: 2085.2894428571426 | Take profit: 2043.7540857142858 +2025-03-10 13:51:45,177 - INFO - CLOSED short at 2077.61 | PnL: -0.13% | $-0.45 +2025-03-10 13:51:45,177 - INFO - OPENED LONG at 2077.61 | Stop loss: 2067.2070071428575 | Take profit: 2108.796564285715 +2025-03-10 13:51:45,275 - INFO - TAKE PROFIT hit for long at 2108.796564285715 | PnL: 1.50% | $2.70 +2025-03-10 13:51:45,339 - INFO - OPENED LONG at 2133.95 | Stop loss: 2123.265307142857 | Take profit: 2165.9816642857145 +2025-03-10 13:51:45,732 - INFO - STOP LOSS hit for long at 2123.265307142857 | PnL: -0.50% | $-1.19 +2025-03-10 13:51:45,770 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.534307142857 | Take profit: 2151.9746642857144 +2025-03-10 13:51:46,019 - INFO - STOP LOSS hit for long at 2109.534307142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:51:46,043 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032057142857 | Take profit: 2142.281414285714 +2025-03-10 13:51:46,370 - INFO - CLOSED long at 2108.71 | PnL: -0.09% | $-0.37 +2025-03-10 13:51:46,371 - INFO - OPENED SHORT at 2108.71 | Stop loss: 2119.268492857143 | Take profit: 2077.056935714286 +2025-03-10 13:51:46,395 - INFO - CLOSED short at 2106.49 | PnL: 0.11% | $0.01 +2025-03-10 13:51:46,396 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.942607142857 | Take profit: 2138.1097642857144 +2025-03-10 13:51:46,497 - INFO - STOP LOSS hit for long at 2095.942607142857 | PnL: -0.50% | $-1.16 +2025-03-10 13:51:46,521 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0174071428573 | Take profit: 2131.0453642857146 +2025-03-10 13:51:46,950 - INFO - CLOSED long at 2095.29 | PnL: -0.20% | $-0.58 +2025-03-10 13:51:47,105 - INFO - OPENED LONG at 2091.1 | Stop loss: 2080.6295571428573 | Take profit: 2122.488914285714 +2025-03-10 13:51:47,364 - INFO - STOP LOSS hit for long at 2080.6295571428573 | PnL: -0.50% | $-1.14 +2025-03-10 13:51:47,581 - INFO - OPENED LONG at 2086.57 | Stop loss: 2076.1222071428574 | Take profit: 2117.8909642857143 +2025-03-10 13:51:49,400 - INFO - TAKE PROFIT hit for long at 2117.8909642857143 | PnL: 1.50% | $2.62 +2025-03-10 13:51:49,445 - INFO - OPENED LONG at 2117.39 | Stop loss: 2106.788107142857 | Take profit: 2149.173264285714 +2025-03-10 13:51:49,642 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.74, Avg Loss=$-0.55 +2025-03-10 13:51:49,643 - INFO - Episode 29: Reward=-10.70, Balance=$96.89, Win Rate=34.5%, Trades=29, Episode PnL=$-2.83, Total PnL=$-183.58, Max Drawdown=5.7%, Pred Accuracy=99.4% +2025-03-10 13:51:49,644 - INFO - Reducing learning rate to 0.000035 +2025-03-10 13:51:49,824 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:51:50,031 - INFO - CLOSED long at 2064.32 | PnL: 0.07% | $-0.06 +2025-03-10 13:51:50,031 - INFO - OPENED SHORT at 2064.32 | Stop loss: 2074.6565428571434 | Take profit: 2033.3327857142858 +2025-03-10 13:51:50,067 - INFO - CLOSED short at 2065.86 | PnL: -0.07% | $-0.35 +2025-03-10 13:51:50,068 - INFO - OPENED LONG at 2065.86 | Stop loss: 2055.515757142857 | Take profit: 2096.8703142857144 +2025-03-10 13:51:50,190 - INFO - CLOSED long at 2067.89 | PnL: 0.10% | $-0.00 +2025-03-10 13:51:50,217 - INFO - OPENED LONG at 2071.63 | Stop loss: 2061.256907142857 | Take profit: 2102.7268642857143 +2025-03-10 13:51:51,135 - INFO - CLOSED long at 2066.18 | PnL: -0.26% | $-0.72 +2025-03-10 13:51:51,135 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.525842857143 | Take profit: 2035.1648857142857 +2025-03-10 13:51:51,158 - INFO - CLOSED short at 2068.76 | PnL: -0.12% | $-0.44 +2025-03-10 13:51:51,158 - INFO - OPENED LONG at 2068.76 | Stop loss: 2058.4012571428575 | Take profit: 2099.8138142857147 +2025-03-10 13:51:52,054 - INFO - CLOSED long at 2067.86 | PnL: -0.04% | $-0.28 +2025-03-10 13:51:52,090 - INFO - OPENED LONG at 2067.59 | Stop loss: 2057.237107142857 | Take profit: 2098.6262642857146 +2025-03-10 13:51:52,966 - INFO - CLOSED long at 2059.59 | PnL: -0.39% | $-0.95 +2025-03-10 13:51:52,989 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9785571428574 | Take profit: 2092.2419142857143 +2025-03-10 13:51:55,216 - INFO - CLOSED long at 2069.69 | PnL: 0.41% | $0.59 +2025-03-10 13:51:55,217 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.053392857143 | Take profit: 2038.6222357142858 +2025-03-10 13:51:55,273 - INFO - CLOSED short at 2069.03 | PnL: 0.03% | $-0.13 +2025-03-10 13:51:55,274 - INFO - OPENED LONG at 2069.03 | Stop loss: 2058.669907142857 | Take profit: 2100.0878642857147 +2025-03-10 13:51:56,509 - INFO - CLOSED long at 2076.9 | PnL: 0.38% | $0.54 +2025-03-10 13:51:56,509 - INFO - OPENED SHORT at 2076.9 | Stop loss: 2087.299442857143 | Take profit: 2045.7240857142858 +2025-03-10 13:51:56,542 - INFO - CLOSED short at 2075.61 | PnL: 0.06% | $-0.07 +2025-03-10 13:51:56,543 - INFO - OPENED LONG at 2075.61 | Stop loss: 2065.2170071428573 | Take profit: 2106.7665642857146 +2025-03-10 13:51:57,031 - INFO - STOP LOSS hit for long at 2065.2170071428573 | PnL: -0.50% | $-1.17 +2025-03-10 13:51:57,055 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.744607142857 | Take profit: 2097.103764285714 +2025-03-10 13:51:57,471 - INFO - STOP LOSS hit for long at 2055.744607142857 | PnL: -0.50% | $-1.16 +2025-03-10 13:51:57,498 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.9490071428572 | Take profit: 2079.9705642857143 +2025-03-10 13:51:57,780 - INFO - CLOSED long at 2063.9 | PnL: 0.72% | $1.17 +2025-03-10 13:51:57,806 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.759557142857 | Take profit: 2096.0989142857143 +2025-03-10 13:51:58,647 - INFO - TAKE PROFIT hit for long at 2096.0989142857143 | PnL: 1.50% | $2.70 +2025-03-10 13:51:58,671 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.031557142857 | Take profit: 2162.682914285714 +2025-03-10 13:51:59,085 - INFO - STOP LOSS hit for long at 2120.031557142857 | PnL: -0.50% | $-1.19 +2025-03-10 13:51:59,115 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.315407142857 | Take profit: 2151.751364285714 +2025-03-10 13:51:59,332 - INFO - STOP LOSS hit for long at 2109.315407142857 | PnL: -0.50% | $-1.17 +2025-03-10 13:51:59,360 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032057142857 | Take profit: 2142.281414285714 +2025-03-10 13:51:59,805 - INFO - STOP LOSS hit for long at 2100.032057142857 | PnL: -0.50% | $-1.16 +2025-03-10 13:51:59,828 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0174071428573 | Take profit: 2131.0453642857146 +2025-03-10 13:52:00,456 - INFO - STOP LOSS hit for long at 2089.0174071428573 | PnL: -0.50% | $-1.15 +2025-03-10 13:52:00,500 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848657142857 | Take profit: 2114.551614285714 +2025-03-10 13:52:00,741 - INFO - CLOSED long at 2083.59 | PnL: 0.01% | $-0.16 +2025-03-10 13:52:00,742 - INFO - OPENED SHORT at 2083.59 | Stop loss: 2094.022892857143 | Take profit: 2052.313735714286 +2025-03-10 13:52:00,774 - INFO - CLOSED short at 2086.57 | PnL: -0.14% | $-0.46 +2025-03-10 13:52:00,774 - INFO - OPENED LONG at 2086.57 | Stop loss: 2076.1222071428574 | Take profit: 2117.8909642857143 +2025-03-10 13:52:01,057 - INFO - CLOSED long at 2087.47 | PnL: 0.04% | $-0.11 +2025-03-10 13:52:01,057 - INFO - OPENED SHORT at 2087.47 | Stop loss: 2097.9222928571426 | Take profit: 2056.1355357142857 +2025-03-10 13:52:01,099 - INFO - CLOSED short at 2086.81 | PnL: 0.03% | $-0.13 +2025-03-10 13:52:01,100 - INFO - OPENED LONG at 2086.81 | Stop loss: 2076.361007142857 | Take profit: 2118.1345642857145 +2025-03-10 13:52:01,492 - INFO - CLOSED long at 2100.89 | PnL: 0.67% | $1.07 +2025-03-10 13:52:01,493 - INFO - OPENED SHORT at 2100.89 | Stop loss: 2111.409392857143 | Take profit: 2069.3542357142856 +2025-03-10 13:52:01,515 - INFO - CLOSED short at 2099.73 | PnL: 0.06% | $-0.08 +2025-03-10 13:52:01,515 - INFO - OPENED LONG at 2099.73 | Stop loss: 2089.216407142857 | Take profit: 2131.2483642857146 +2025-03-10 13:52:02,716 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.22, Avg Loss=$-0.55 +2025-03-10 13:52:02,716 - INFO - Episode 30: Reward=80.91, Balance=$95.14, Win Rate=20.0%, Trades=25, Episode PnL=$-6.03, Total PnL=$-188.44, Max Drawdown=5.0%, Pred Accuracy=99.5% +2025-03-10 13:52:02,856 - INFO - Model saved to checkpoints/trading_agent_episode_30.pt +2025-03-10 13:52:02,857 - INFO - Checkpoint saved at episode 30 +2025-03-10 13:52:02,858 - INFO - Reducing learning rate to 0.000031 +2025-03-10 13:52:02,924 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 13:52:02,925 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2405, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 13:52:03,324 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:52:04,845 - INFO - CLOSED long at 2069.7 | PnL: 0.33% | $0.46 +2025-03-10 13:52:04,846 - INFO - OPENED SHORT at 2069.7 | Stop loss: 2080.0634428571425 | Take profit: 2038.6320857142855 +2025-03-10 13:52:04,927 - INFO - CLOSED short at 2069.96 | PnL: -0.01% | $-0.22 +2025-03-10 13:52:04,927 - INFO - OPENED LONG at 2069.96 | Stop loss: 2059.595257142857 | Take profit: 2101.0318142857145 +2025-03-10 13:52:05,868 - INFO - CLOSED long at 2070.73 | PnL: 0.04% | $-0.12 +2025-03-10 13:52:05,892 - INFO - OPENED LONG at 2068.5 | Stop loss: 2058.142557142857 | Take profit: 2099.5499142857143 +2025-03-10 13:52:06,836 - INFO - CLOSED long at 2061.6 | PnL: -0.33% | $-0.86 +2025-03-10 13:52:06,892 - INFO - OPENED LONG at 2060.9 | Stop loss: 2050.5805571428573 | Take profit: 2091.8359142857144 +2025-03-10 13:52:07,496 - INFO - CLOSED long at 2059.61 | PnL: -0.06% | $-0.32 +2025-03-10 13:52:07,516 - INFO - OPENED LONG at 2059.16 | Stop loss: 2048.849257142857 | Take profit: 2090.069814285714 +2025-03-10 13:52:07,535 - INFO - CLOSED long at 2059.02 | PnL: -0.01% | $-0.21 +2025-03-10 13:52:07,535 - INFO - OPENED SHORT at 2059.02 | Stop loss: 2069.330042857143 | Take profit: 2028.1122857142857 +2025-03-10 13:52:07,600 - INFO - CLOSED short at 2059.96 | PnL: -0.05% | $-0.29 +2025-03-10 13:52:07,601 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.645257142857 | Take profit: 2090.881814285714 +2025-03-10 13:52:07,636 - INFO - CLOSED long at 2059.46 | PnL: -0.02% | $-0.24 +2025-03-10 13:52:07,676 - INFO - OPENED LONG at 2057.4 | Stop loss: 2047.0980571428572 | Take profit: 2088.283414285714 +2025-03-10 13:52:08,319 - INFO - CLOSED long at 2065.69 | PnL: 0.40% | $0.59 +2025-03-10 13:52:08,349 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.426107142857 | Take profit: 2100.8592642857143 +2025-03-10 13:52:11,007 - INFO - STOP LOSS hit for long at 2059.426107142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:52:11,029 - INFO - OPENED LONG at 2058.09 | Stop loss: 2047.784607142857 | Take profit: 2088.9837642857146 +2025-03-10 13:52:11,158 - INFO - CLOSED long at 2051.99 | PnL: -0.30% | $-0.77 +2025-03-10 13:52:11,159 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.2648928571425 | Take profit: 2021.1877357142855 +2025-03-10 13:52:11,197 - INFO - CLOSED short at 2058.3 | PnL: -0.31% | $-0.78 +2025-03-10 13:52:11,197 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9935571428573 | Take profit: 2089.1969142857147 +2025-03-10 13:52:11,235 - INFO - CLOSED long at 2056.85 | PnL: -0.07% | $-0.33 +2025-03-10 13:52:11,236 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.1491928571427 | Take profit: 2025.9748357142857 +2025-03-10 13:52:11,314 - INFO - CLOSED short at 2057.89 | PnL: -0.05% | $-0.29 +2025-03-10 13:52:11,314 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.585607142857 | Take profit: 2088.7807642857138 +2025-03-10 13:52:12,134 - INFO - TAKE PROFIT hit for long at 2088.7807642857138 | PnL: 1.50% | $2.66 +2025-03-10 13:52:12,164 - INFO - OPENED LONG at 2103.02 | Stop loss: 2092.4899571428573 | Take profit: 2134.587714285714 +2025-03-10 13:52:12,212 - INFO - TAKE PROFIT hit for long at 2134.587714285714 | PnL: 1.50% | $2.73 +2025-03-10 13:52:12,242 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.1061571428572 | Take profit: 2163.7791142857145 +2025-03-10 13:52:12,551 - INFO - STOP LOSS hit for long at 2121.1061571428572 | PnL: -0.50% | $-1.20 +2025-03-10 13:52:12,573 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.534307142857 | Take profit: 2151.9746642857144 +2025-03-10 13:52:12,736 - INFO - STOP LOSS hit for long at 2109.534307142857 | PnL: -0.50% | $-1.19 +2025-03-10 13:52:12,763 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032057142857 | Take profit: 2142.281414285714 +2025-03-10 13:52:13,062 - INFO - CLOSED long at 2108.71 | PnL: -0.09% | $-0.37 +2025-03-10 13:52:13,084 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.942607142857 | Take profit: 2138.1097642857144 +2025-03-10 13:52:13,129 - INFO - CLOSED long at 2103.33 | PnL: -0.15% | $-0.49 +2025-03-10 13:52:13,158 - INFO - OPENED LONG at 2100.5 | Stop loss: 2089.982557142857 | Take profit: 2132.029914285714 +2025-03-10 13:52:13,324 - INFO - CLOSED long at 2102.19 | PnL: 0.08% | $-0.04 +2025-03-10 13:52:13,325 - INFO - OPENED SHORT at 2102.19 | Stop loss: 2112.7158928571425 | Take profit: 2070.634735714286 +2025-03-10 13:52:13,358 - INFO - CLOSED short at 2102.29 | PnL: -0.00% | $-0.20 +2025-03-10 13:52:13,358 - INFO - OPENED LONG at 2102.29 | Stop loss: 2091.7636071428574 | Take profit: 2133.8467642857145 +2025-03-10 13:52:13,835 - INFO - STOP LOSS hit for long at 2091.7636071428574 | PnL: -0.50% | $-1.16 +2025-03-10 13:52:13,859 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.231457142857 | Take profit: 2126.1632142857143 +2025-03-10 13:52:13,934 - INFO - STOP LOSS hit for long at 2084.231457142857 | PnL: -0.50% | $-1.15 +2025-03-10 13:52:13,981 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.982857142857 | Take profit: 2119.789014285714 +2025-03-10 13:52:14,102 - INFO - CLOSED long at 2082.44 | PnL: -0.29% | $-0.73 +2025-03-10 13:52:14,147 - INFO - OPENED LONG at 2081.49 | Stop loss: 2071.067607142857 | Take profit: 2112.734764285714 +2025-03-10 13:52:15,548 - INFO - CLOSED long at 2106.28 | PnL: 1.19% | $2.04 +2025-03-10 13:52:15,593 - INFO - OPENED LONG at 2108.0 | Stop loss: 2097.445057142857 | Take profit: 2139.642414285714 +2025-03-10 13:52:16,215 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.69, Avg Loss=$-0.58 +2025-03-10 13:52:16,216 - INFO - Episode 31: Reward=76.26, Balance=$96.33, Win Rate=19.2%, Trades=26, Episode PnL=$-2.78, Total PnL=$-192.11, Max Drawdown=6.5%, Pred Accuracy=99.6% +2025-03-10 13:52:16,217 - INFO - Reducing learning rate to 0.000028 +2025-03-10 13:52:16,398 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:52:16,775 - INFO - CLOSED long at 2067.89 | PnL: 0.24% | $0.28 +2025-03-10 13:52:16,799 - INFO - OPENED LONG at 2071.63 | Stop loss: 2061.256907142857 | Take profit: 2102.7268642857143 +2025-03-10 13:52:17,933 - INFO - CLOSED long at 2071.4 | PnL: -0.01% | $-0.22 +2025-03-10 13:52:17,933 - INFO - OPENED SHORT at 2071.4 | Stop loss: 2081.7719428571427 | Take profit: 2040.3065857142858 +2025-03-10 13:52:17,960 - INFO - CLOSED short at 2071.39 | PnL: 0.00% | $-0.20 +2025-03-10 13:52:17,961 - INFO - OPENED LONG at 2071.39 | Stop loss: 2061.018107142857 | Take profit: 2102.483264285714 +2025-03-10 13:52:18,111 - INFO - CLOSED long at 2073.9 | PnL: 0.12% | $0.04 +2025-03-10 13:52:18,139 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.5454571428572 | Take profit: 2103.0212142857144 +2025-03-10 13:52:19,229 - INFO - CLOSED long at 2067.8 | PnL: -0.20% | $-0.59 +2025-03-10 13:52:19,229 - INFO - OPENED SHORT at 2067.8 | Stop loss: 2078.153942857143 | Take profit: 2036.760585714286 +2025-03-10 13:52:19,253 - INFO - CLOSED short at 2068.18 | PnL: -0.02% | $-0.23 +2025-03-10 13:52:19,254 - INFO - OPENED LONG at 2068.18 | Stop loss: 2057.824157142857 | Take profit: 2099.225114285714 +2025-03-10 13:52:20,258 - INFO - CLOSED long at 2061.9 | PnL: -0.30% | $-0.79 +2025-03-10 13:52:20,334 - INFO - OPENED LONG at 2065.36 | Stop loss: 2055.0182571428572 | Take profit: 2096.362814285714 +2025-03-10 13:52:20,887 - INFO - STOP LOSS hit for long at 2055.0182571428572 | PnL: -0.50% | $-1.17 +2025-03-10 13:52:20,907 - INFO - OPENED SHORT at 2054.83 | Stop loss: 2065.1190928571427 | Take profit: 2023.9851357142857 +2025-03-10 13:52:20,929 - INFO - CLOSED short at 2056.71 | PnL: -0.09% | $-0.37 +2025-03-10 13:52:20,929 - INFO - OPENED LONG at 2056.71 | Stop loss: 2046.4115071428573 | Take profit: 2087.583064285714 +2025-03-10 13:52:20,954 - INFO - CLOSED long at 2058.15 | PnL: 0.07% | $-0.06 +2025-03-10 13:52:20,995 - INFO - OPENED LONG at 2059.8 | Stop loss: 2049.4860571428576 | Take profit: 2090.7194142857143 +2025-03-10 13:52:21,832 - INFO - CLOSED long at 2068.79 | PnL: 0.44% | $0.65 +2025-03-10 13:52:21,867 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.610107142857 | Take profit: 2104.107264285714 +2025-03-10 13:52:22,552 - INFO - CLOSED long at 2070.61 | PnL: -0.11% | $-0.42 +2025-03-10 13:52:22,608 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.615107142857 | Take profit: 2103.092264285714 +2025-03-10 13:52:23,169 - INFO - CLOSED long at 2067.0 | PnL: -0.24% | $-0.66 +2025-03-10 13:52:23,195 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.5455571428574 | Take profit: 2098.9409142857144 +2025-03-10 13:52:23,303 - INFO - CLOSED long at 2068.1 | PnL: 0.01% | $-0.17 +2025-03-10 13:52:23,329 - INFO - OPENED LONG at 2069.0 | Stop loss: 2058.640057142857 | Take profit: 2100.0574142857145 +2025-03-10 13:52:23,659 - INFO - CLOSED long at 2063.98 | PnL: -0.24% | $-0.65 +2025-03-10 13:52:23,687 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.754557142857 | Take profit: 2097.113914285714 +2025-03-10 13:52:24,039 - INFO - STOP LOSS hit for long at 2055.754557142857 | PnL: -0.50% | $-1.14 +2025-03-10 13:52:24,065 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.9490071428572 | Take profit: 2079.9705642857143 +2025-03-10 13:52:24,507 - INFO - CLOSED long at 2067.49 | PnL: 0.89% | $1.48 +2025-03-10 13:52:24,508 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8423928571424 | Take profit: 2036.4552357142857 +2025-03-10 13:52:24,527 - INFO - CLOSED short at 2066.59 | PnL: 0.04% | $-0.11 +2025-03-10 13:52:24,549 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.415342857143 | Take profit: 2033.0963857142856 +2025-03-10 13:52:24,599 - INFO - CLOSED short at 2061.21 | PnL: 0.14% | $0.07 +2025-03-10 13:52:24,599 - INFO - OPENED LONG at 2061.21 | Stop loss: 2050.8890071428573 | Take profit: 2092.150564285714 +2025-03-10 13:52:25,248 - INFO - TAKE PROFIT hit for long at 2092.150564285714 | PnL: 1.50% | $2.66 +2025-03-10 13:52:25,273 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.031557142857 | Take profit: 2162.682914285714 +2025-03-10 13:52:25,681 - INFO - STOP LOSS hit for long at 2120.031557142857 | PnL: -0.50% | $-1.17 +2025-03-10 13:52:25,707 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.315407142857 | Take profit: 2151.751364285714 +2025-03-10 13:52:25,889 - INFO - STOP LOSS hit for long at 2109.315407142857 | PnL: -0.50% | $-1.16 +2025-03-10 13:52:25,922 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032057142857 | Take profit: 2142.281414285714 +2025-03-10 13:52:26,355 - INFO - STOP LOSS hit for long at 2100.032057142857 | PnL: -0.50% | $-1.15 +2025-03-10 13:52:26,379 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0174071428573 | Take profit: 2131.0453642857146 +2025-03-10 13:52:26,973 - INFO - STOP LOSS hit for long at 2089.0174071428573 | PnL: -0.50% | $-1.13 +2025-03-10 13:52:27,018 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848657142857 | Take profit: 2114.551614285714 +2025-03-10 13:52:28,813 - INFO - TAKE PROFIT hit for long at 2114.551614285714 | PnL: 1.50% | $2.61 +2025-03-10 13:52:28,840 - INFO - OPENED LONG at 2113.61 | Stop loss: 2103.027007142857 | Take profit: 2145.3365642857143 +2025-03-10 13:52:29,264 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.11, Avg Loss=$-0.63 +2025-03-10 13:52:29,265 - INFO - Episode 32: Reward=84.23, Balance=$96.41, Win Rate=28.0%, Trades=25, Episode PnL=$-4.26, Total PnL=$-195.70, Max Drawdown=6.5%, Pred Accuracy=99.6% +2025-03-10 13:52:29,266 - INFO - Reducing learning rate to 0.000025 +2025-03-10 13:52:29,597 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:52:29,883 - INFO - CLOSED long at 2064.32 | PnL: 0.07% | $-0.06 +2025-03-10 13:52:29,919 - INFO - OPENED LONG at 2065.86 | Stop loss: 2055.515757142857 | Take profit: 2096.8703142857144 +2025-03-10 13:52:30,415 - INFO - CLOSED long at 2071.38 | PnL: 0.27% | $0.33 +2025-03-10 13:52:30,416 - INFO - OPENED SHORT at 2071.38 | Stop loss: 2081.751842857143 | Take profit: 2040.2868857142857 +2025-03-10 13:52:30,439 - INFO - CLOSED short at 2071.41 | PnL: -0.00% | $-0.20 +2025-03-10 13:52:30,439 - INFO - OPENED LONG at 2071.41 | Stop loss: 2061.0380071428567 | Take profit: 2102.5035642857138 +2025-03-10 13:52:32,666 - INFO - CLOSED long at 2067.88 | PnL: -0.17% | $-0.54 +2025-03-10 13:52:32,701 - INFO - OPENED LONG at 2064.99 | Stop loss: 2054.650107142857 | Take profit: 2095.987264285714 +2025-03-10 13:52:33,157 - INFO - CLOSED long at 2062.71 | PnL: -0.11% | $-0.42 +2025-03-10 13:52:33,181 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:52:36,748 - INFO - CLOSED long at 2066.89 | PnL: 0.19% | $0.18 +2025-03-10 13:52:36,775 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.525657142857 | Take profit: 2098.9206142857142 +2025-03-10 13:52:37,546 - INFO - STOP LOSS hit for long at 2057.525657142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:52:37,570 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.7300071428574 | Take profit: 2083.8275642857143 +2025-03-10 13:52:38,520 - INFO - TAKE PROFIT hit for long at 2083.8275642857143 | PnL: 1.50% | $2.73 +2025-03-10 13:52:38,546 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.022607142857 | Take profit: 2121.869764285714 +2025-03-10 13:52:38,638 - INFO - TAKE PROFIT hit for long at 2121.869764285714 | PnL: 1.50% | $2.81 +2025-03-10 13:52:38,683 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.827357142857 | Take profit: 2171.655514285714 +2025-03-10 13:52:38,904 - INFO - STOP LOSS hit for long at 2128.827357142857 | PnL: -0.50% | $-1.24 +2025-03-10 13:52:38,926 - INFO - OPENED SHORT at 2127.3 | Stop loss: 2137.951442857143 | Take profit: 2095.368085714286 +2025-03-10 13:52:38,955 - INFO - CLOSED short at 2128.69 | PnL: -0.07% | $-0.34 +2025-03-10 13:52:38,955 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.0316071428574 | Take profit: 2160.6427642857143 +2025-03-10 13:52:39,063 - INFO - STOP LOSS hit for long at 2118.0316071428574 | PnL: -0.50% | $-1.22 +2025-03-10 13:52:39,100 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.315407142857 | Take profit: 2151.751364285714 +2025-03-10 13:52:39,240 - INFO - STOP LOSS hit for long at 2109.315407142857 | PnL: -0.50% | $-1.20 +2025-03-10 13:52:39,261 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032057142857 | Take profit: 2142.281414285714 +2025-03-10 13:52:39,284 - INFO - CLOSED long at 2109.05 | PnL: -0.07% | $-0.34 +2025-03-10 13:52:39,306 - INFO - OPENED LONG at 2112.09 | Stop loss: 2101.5146071428576 | Take profit: 2143.7937642857146 +2025-03-10 13:52:39,645 - INFO - STOP LOSS hit for long at 2101.5146071428576 | PnL: -0.50% | $-1.18 +2025-03-10 13:52:39,670 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.535057142857 | Take profit: 2121.3724142857145 +2025-03-10 13:52:40,119 - INFO - CLOSED long at 2098.39 | PnL: 0.40% | $0.59 +2025-03-10 13:52:40,119 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.8968928571426 | Take profit: 2066.8917357142855 +2025-03-10 13:52:40,149 - INFO - CLOSED short at 2095.29 | PnL: 0.15% | $0.09 +2025-03-10 13:52:40,149 - INFO - OPENED LONG at 2095.29 | Stop loss: 2084.7986071428572 | Take profit: 2126.7417642857145 +2025-03-10 13:52:40,408 - INFO - STOP LOSS hit for long at 2084.7986071428572 | PnL: -0.50% | $-1.18 +2025-03-10 13:52:40,432 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.982857142857 | Take profit: 2119.789014285714 +2025-03-10 13:52:41,162 - INFO - CLOSED long at 2091.05 | PnL: 0.12% | $0.05 +2025-03-10 13:52:41,189 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.579807142857 | Take profit: 2122.4381642857143 +2025-03-10 13:52:42,270 - INFO - CLOSED long at 2112.11 | PnL: 1.01% | $1.76 +2025-03-10 13:52:42,271 - INFO - OPENED SHORT at 2112.11 | Stop loss: 2122.685492857143 | Take profit: 2080.405935714286 +2025-03-10 13:52:42,314 - INFO - CLOSED short at 2112.26 | PnL: -0.01% | $-0.21 +2025-03-10 13:52:42,315 - INFO - OPENED LONG at 2112.26 | Stop loss: 2101.6837571428573 | Take profit: 2143.9663142857144 +2025-03-10 13:52:42,674 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.07, Avg Loss=$-0.72 +2025-03-10 13:52:42,675 - INFO - Episode 33: Reward=92.93, Balance=$99.23, Win Rate=38.1%, Trades=21, Episode PnL=$-3.45, Total PnL=$-196.47, Max Drawdown=5.8%, Pred Accuracy=99.6% +2025-03-10 13:52:42,675 - INFO - Reducing learning rate to 0.000023 +2025-03-10 13:52:42,914 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:52:44,264 - INFO - CLOSED long at 2068.76 | PnL: 0.28% | $0.37 +2025-03-10 13:52:44,289 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.5405571428573 | Take profit: 2099.9559142857142 +2025-03-10 13:52:44,488 - INFO - CLOSED long at 2071.39 | PnL: 0.12% | $0.04 +2025-03-10 13:52:44,526 - INFO - OPENED LONG at 2071.36 | Stop loss: 2060.9882571428575 | Take profit: 2102.4528142857143 +2025-03-10 13:52:44,552 - INFO - CLOSED long at 2072.75 | PnL: 0.07% | $-0.07 +2025-03-10 13:52:44,552 - INFO - OPENED SHORT at 2072.75 | Stop loss: 2083.128692857143 | Take profit: 2041.6363357142857 +2025-03-10 13:52:44,573 - INFO - CLOSED short at 2073.11 | PnL: -0.02% | $-0.23 +2025-03-10 13:52:44,574 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.729507142857 | Take profit: 2104.2290642857142 +2025-03-10 13:52:45,098 - INFO - CLOSED long at 2068.8 | PnL: -0.21% | $-0.61 +2025-03-10 13:52:45,099 - INFO - OPENED SHORT at 2068.8 | Stop loss: 2079.1589428571433 | Take profit: 2037.7455857142859 +2025-03-10 13:52:45,128 - INFO - CLOSED short at 2069.34 | PnL: -0.03% | $-0.25 +2025-03-10 13:52:45,128 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.978357142857 | Take profit: 2100.4025142857145 +2025-03-10 13:52:46,833 - INFO - STOP LOSS hit for long at 2058.978357142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:52:46,857 - INFO - OPENED LONG at 2059.3 | Stop loss: 2048.988557142857 | Take profit: 2090.2119142857146 +2025-03-10 13:52:48,407 - INFO - CLOSED long at 2071.04 | PnL: 0.57% | $0.92 +2025-03-10 13:52:48,408 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.410142857143 | Take profit: 2039.9519857142857 +2025-03-10 13:52:48,429 - INFO - CLOSED short at 2070.01 | PnL: 0.05% | $-0.10 +2025-03-10 13:52:48,429 - INFO - OPENED LONG at 2070.01 | Stop loss: 2059.645007142857 | Take profit: 2101.082564285715 +2025-03-10 13:52:49,612 - INFO - CLOSED long at 2074.37 | PnL: 0.21% | $0.22 +2025-03-10 13:52:49,633 - INFO - OPENED LONG at 2075.07 | Stop loss: 2064.6797071428573 | Take profit: 2106.2184642857146 +2025-03-10 13:52:50,422 - INFO - STOP LOSS hit for long at 2064.6797071428573 | PnL: -0.50% | $-1.18 +2025-03-10 13:52:50,449 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.0133571428573 | Take profit: 2093.2975142857144 +2025-03-10 13:52:50,787 - INFO - CLOSED long at 2059.2 | PnL: -0.15% | $-0.49 +2025-03-10 13:52:50,811 - INFO - OPENED LONG at 2058.09 | Stop loss: 2047.784607142857 | Take profit: 2088.9837642857146 +2025-03-10 13:52:51,956 - INFO - TAKE PROFIT hit for long at 2088.9837642857146 | PnL: 1.50% | $2.71 +2025-03-10 13:52:51,984 - INFO - OPENED LONG at 2103.02 | Stop loss: 2092.4899571428573 | Take profit: 2134.587714285714 +2025-03-10 13:52:52,029 - INFO - TAKE PROFIT hit for long at 2134.587714285714 | PnL: 1.50% | $2.79 +2025-03-10 13:52:52,051 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.1061571428572 | Take profit: 2163.7791142857145 +2025-03-10 13:52:52,149 - INFO - CLOSED long at 2141.3 | PnL: 0.45% | $0.71 +2025-03-10 13:52:52,150 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.021442857143 | Take profit: 2109.158085714286 +2025-03-10 13:52:52,196 - INFO - CLOSED short at 2142.68 | PnL: -0.06% | $-0.34 +2025-03-10 13:52:52,197 - INFO - OPENED LONG at 2142.68 | Stop loss: 2131.951657142857 | Take profit: 2174.842614285714 +2025-03-10 13:52:52,330 - INFO - STOP LOSS hit for long at 2131.951657142857 | PnL: -0.50% | $-1.23 +2025-03-10 13:52:52,377 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.0316071428574 | Take profit: 2160.6427642857143 +2025-03-10 13:52:52,451 - INFO - STOP LOSS hit for long at 2118.0316071428574 | PnL: -0.50% | $-1.22 +2025-03-10 13:52:52,479 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.315407142857 | Take profit: 2151.751364285714 +2025-03-10 13:52:52,692 - INFO - STOP LOSS hit for long at 2109.315407142857 | PnL: -0.50% | $-1.20 +2025-03-10 13:52:52,741 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032057142857 | Take profit: 2142.281414285714 +2025-03-10 13:52:53,171 - INFO - STOP LOSS hit for long at 2100.032057142857 | PnL: -0.50% | $-1.19 +2025-03-10 13:52:53,192 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0174071428573 | Take profit: 2131.0453642857146 +2025-03-10 13:52:53,781 - INFO - STOP LOSS hit for long at 2089.0174071428573 | PnL: -0.50% | $-1.17 +2025-03-10 13:52:53,821 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848657142857 | Take profit: 2114.551614285714 +2025-03-10 13:52:53,863 - INFO - CLOSED long at 2088.44 | PnL: 0.25% | $0.29 +2025-03-10 13:52:53,864 - INFO - OPENED SHORT at 2088.44 | Stop loss: 2098.897142857143 | Take profit: 2057.090985714286 +2025-03-10 13:52:53,909 - INFO - CLOSED short at 2083.97 | PnL: 0.21% | $0.22 +2025-03-10 13:52:53,909 - INFO - OPENED LONG at 2083.97 | Stop loss: 2073.535207142857 | Take profit: 2115.251964285714 +2025-03-10 13:52:55,763 - INFO - TAKE PROFIT hit for long at 2115.251964285714 | PnL: 1.50% | $2.72 +2025-03-10 13:52:55,817 - INFO - OPENED LONG at 2113.61 | Stop loss: 2103.027007142857 | Take profit: 2145.3365642857143 +2025-03-10 13:52:55,947 - INFO - CLOSED long at 2112.11 | PnL: -0.07% | $-0.34 +2025-03-10 13:52:55,975 - INFO - OPENED LONG at 2112.26 | Stop loss: 2101.6837571428573 | Take profit: 2143.9663142857144 +2025-03-10 13:52:56,141 - INFO - CLOSED long at 2115.3 | PnL: 0.14% | $0.09 +2025-03-10 13:52:56,141 - INFO - OPENED SHORT at 2115.3 | Stop loss: 2125.891442857143 | Take profit: 2083.5480857142857 +2025-03-10 13:52:56,183 - INFO - CLOSED short at 2115.89 | PnL: -0.03% | $-0.25 +2025-03-10 13:52:56,184 - INFO - OPENED LONG at 2115.89 | Stop loss: 2105.295607142857 | Take profit: 2147.650764285714 +2025-03-10 13:52:56,346 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.01, Avg Loss=$-0.69 +2025-03-10 13:52:56,347 - INFO - Episode 34: Reward=92.34, Balance=$99.99, Win Rate=40.7%, Trades=27, Episode PnL=$-1.33, Total PnL=$-196.48, Max Drawdown=5.5%, Pred Accuracy=99.8% +2025-03-10 13:52:56,347 - INFO - Reducing learning rate to 0.000021 +2025-03-10 13:52:56,534 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:52:56,849 - INFO - CLOSED long at 2068.29 | PnL: 0.26% | $0.32 +2025-03-10 13:52:56,850 - INFO - OPENED SHORT at 2068.29 | Stop loss: 2078.6463928571425 | Take profit: 2037.2432357142857 +2025-03-10 13:52:56,894 - INFO - CLOSED short at 2067.89 | PnL: 0.02% | $-0.16 +2025-03-10 13:52:56,895 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.5356071428573 | Take profit: 2098.930764285714 +2025-03-10 13:52:58,213 - INFO - CLOSED long at 2072.75 | PnL: 0.24% | $0.27 +2025-03-10 13:52:58,237 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.729507142857 | Take profit: 2104.2290642857142 +2025-03-10 13:52:58,256 - INFO - CLOSED long at 2072.7 | PnL: -0.02% | $-0.24 +2025-03-10 13:52:58,281 - INFO - OPENED LONG at 2072.15 | Stop loss: 2061.774307142857 | Take profit: 2103.254664285714 +2025-03-10 13:52:59,362 - INFO - CLOSED long at 2070.04 | PnL: -0.10% | $-0.40 +2025-03-10 13:52:59,363 - INFO - OPENED SHORT at 2070.04 | Stop loss: 2080.405142857143 | Take profit: 2038.9669857142858 +2025-03-10 13:52:59,387 - INFO - CLOSED short at 2067.8 | PnL: 0.11% | $0.02 +2025-03-10 13:52:59,387 - INFO - OPENED LONG at 2067.8 | Stop loss: 2057.446057142857 | Take profit: 2098.8394142857146 +2025-03-10 13:52:59,799 - INFO - CLOSED long at 2067.1 | PnL: -0.03% | $-0.27 +2025-03-10 13:52:59,819 - INFO - OPENED LONG at 2065.54 | Stop loss: 2055.197357142857 | Take profit: 2096.5455142857145 +2025-03-10 13:53:00,697 - INFO - CLOSED long at 2061.09 | PnL: -0.22% | $-0.62 +2025-03-10 13:53:00,719 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.297007142857 | Take profit: 2090.5265642857144 +2025-03-10 13:53:03,579 - INFO - CLOSED long at 2066.89 | PnL: 0.35% | $0.50 +2025-03-10 13:53:03,580 - INFO - OPENED SHORT at 2066.89 | Stop loss: 2077.239392857143 | Take profit: 2035.8642357142858 +2025-03-10 13:53:03,614 - INFO - CLOSED short at 2067.88 | PnL: -0.05% | $-0.29 +2025-03-10 13:53:03,615 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.525657142857 | Take profit: 2098.9206142857142 +2025-03-10 13:53:04,323 - INFO - STOP LOSS hit for long at 2057.525657142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:53:04,362 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.7300071428574 | Take profit: 2083.8275642857143 +2025-03-10 13:53:05,415 - INFO - TAKE PROFIT hit for long at 2083.8275642857143 | PnL: 1.50% | $2.72 +2025-03-10 13:53:05,444 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.022607142857 | Take profit: 2121.869764285714 +2025-03-10 13:53:05,490 - INFO - TAKE PROFIT hit for long at 2121.869764285714 | PnL: 1.50% | $2.80 +2025-03-10 13:53:05,513 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.827357142857 | Take profit: 2171.655514285714 +2025-03-10 13:53:05,603 - INFO - CLOSED long at 2137.59 | PnL: -0.09% | $-0.39 +2025-03-10 13:53:05,643 - INFO - OPENED LONG at 2141.41 | Stop loss: 2130.6880071428573 | Take profit: 2173.5535642857144 +2025-03-10 13:53:05,786 - INFO - STOP LOSS hit for long at 2130.6880071428573 | PnL: -0.50% | $-1.23 +2025-03-10 13:53:05,814 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.6485571428575 | Take profit: 2159.2319142857145 +2025-03-10 13:53:06,175 - INFO - STOP LOSS hit for long at 2116.6485571428575 | PnL: -0.50% | $-1.22 +2025-03-10 13:53:06,205 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.877907142857 | Take profit: 2139.063864285714 +2025-03-10 13:53:06,579 - INFO - CLOSED long at 2110.9 | PnL: 0.16% | $0.13 +2025-03-10 13:53:06,604 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.151507142857 | Take profit: 2140.3630642857142 +2025-03-10 13:53:06,724 - INFO - CLOSED long at 2090.0 | PnL: -0.89% | $-1.98 +2025-03-10 13:53:06,725 - INFO - OPENED SHORT at 2090.0 | Stop loss: 2100.464942857143 | Take profit: 2058.6275857142855 +2025-03-10 13:53:06,772 - INFO - CLOSED short at 2099.53 | PnL: -0.46% | $-1.09 +2025-03-10 13:53:06,772 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0174071428573 | Take profit: 2131.0453642857146 +2025-03-10 13:53:07,357 - INFO - CLOSED long at 2093.46 | PnL: -0.29% | $-0.75 +2025-03-10 13:53:07,357 - INFO - OPENED SHORT at 2093.46 | Stop loss: 2103.942242857143 | Take profit: 2062.0356857142856 +2025-03-10 13:53:07,380 - INFO - CLOSED short at 2093.33 | PnL: 0.01% | $-0.18 +2025-03-10 13:53:07,381 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.848407142857 | Take profit: 2124.752364285714 +2025-03-10 13:53:07,671 - INFO - STOP LOSS hit for long at 2082.848407142857 | PnL: -0.50% | $-1.15 +2025-03-10 13:53:07,720 - INFO - OPENED LONG at 2081.49 | Stop loss: 2071.067607142857 | Take profit: 2112.734764285714 +2025-03-10 13:53:09,015 - INFO - CLOSED long at 2102.7 | PnL: 1.02% | $1.74 +2025-03-10 13:53:09,015 - INFO - OPENED SHORT at 2102.7 | Stop loss: 2113.228442857143 | Take profit: 2071.1370857142856 +2025-03-10 13:53:09,038 - INFO - CLOSED short at 2102.0 | PnL: 0.03% | $-0.13 +2025-03-10 13:53:09,039 - INFO - OPENED LONG at 2102.0 | Stop loss: 2091.475057142857 | Take profit: 2133.5524142857143 +2025-03-10 13:53:09,906 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.06, Avg Loss=$-0.71 +2025-03-10 13:53:09,907 - INFO - Episode 35: Reward=83.42, Balance=$97.22, Win Rate=33.3%, Trades=24, Episode PnL=$-2.22, Total PnL=$-199.26, Max Drawdown=7.6%, Pred Accuracy=99.6% +2025-03-10 13:53:09,907 - INFO - Reducing learning rate to 0.000019 +2025-03-10 13:53:10,235 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:53:11,467 - INFO - CLOSED long at 2069.34 | PnL: 0.31% | $0.42 +2025-03-10 13:53:11,468 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.7016428571433 | Take profit: 2038.2774857142858 +2025-03-10 13:53:11,497 - INFO - CLOSED short at 2069.19 | PnL: 0.01% | $-0.18 +2025-03-10 13:53:11,497 - INFO - OPENED LONG at 2069.19 | Stop loss: 2058.829107142857 | Take profit: 2100.2502642857144 +2025-03-10 13:53:11,884 - INFO - CLOSED long at 2068.76 | PnL: -0.02% | $-0.24 +2025-03-10 13:53:11,911 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.5405571428573 | Take profit: 2099.9559142857142 +2025-03-10 13:53:14,575 - INFO - CLOSED long at 2065.36 | PnL: -0.17% | $-0.54 +2025-03-10 13:53:14,576 - INFO - OPENED SHORT at 2065.36 | Stop loss: 2075.701742857143 | Take profit: 2034.3571857142858 +2025-03-10 13:53:14,607 - INFO - CLOSED short at 2064.33 | PnL: 0.05% | $-0.10 +2025-03-10 13:53:14,607 - INFO - OPENED LONG at 2064.33 | Stop loss: 2053.993407142857 | Take profit: 2095.317364285714 +2025-03-10 13:53:15,688 - INFO - CLOSED long at 2066.33 | PnL: 0.10% | $-0.01 +2025-03-10 13:53:15,729 - INFO - OPENED LONG at 2066.34 | Stop loss: 2055.9933571428573 | Take profit: 2097.3575142857144 +2025-03-10 13:53:18,764 - INFO - STOP LOSS hit for long at 2055.9933571428573 | PnL: -0.50% | $-1.19 +2025-03-10 13:53:18,811 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.9490071428572 | Take profit: 2079.9705642857143 +2025-03-10 13:53:19,829 - INFO - TAKE PROFIT hit for long at 2079.9705642857143 | PnL: 1.50% | $2.73 +2025-03-10 13:53:19,851 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.022607142857 | Take profit: 2121.869764285714 +2025-03-10 13:53:19,902 - INFO - TAKE PROFIT hit for long at 2121.869764285714 | PnL: 1.50% | $2.81 +2025-03-10 13:53:19,926 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.827357142857 | Take profit: 2171.655514285714 +2025-03-10 13:53:20,214 - INFO - STOP LOSS hit for long at 2128.827357142857 | PnL: -0.50% | $-1.24 +2025-03-10 13:53:20,242 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.6485571428575 | Take profit: 2159.2319142857145 +2025-03-10 13:53:20,560 - INFO - STOP LOSS hit for long at 2116.6485571428575 | PnL: -0.50% | $-1.22 +2025-03-10 13:53:20,585 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.877907142857 | Take profit: 2139.063864285714 +2025-03-10 13:53:20,671 - INFO - CLOSED long at 2112.95 | PnL: 0.26% | $0.33 +2025-03-10 13:53:20,672 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.5296928571424 | Take profit: 2081.2333357142857 +2025-03-10 13:53:20,699 - INFO - CLOSED short at 2112.46 | PnL: 0.02% | $-0.15 +2025-03-10 13:53:20,699 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.882757142857 | Take profit: 2144.1693142857143 +2025-03-10 13:53:21,049 - INFO - STOP LOSS hit for long at 2101.882757142857 | PnL: -0.50% | $-1.21 +2025-03-10 13:53:21,076 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.535057142857 | Take profit: 2121.3724142857145 +2025-03-10 13:53:21,125 - INFO - CLOSED long at 2098.1 | PnL: 0.39% | $0.57 +2025-03-10 13:53:21,204 - INFO - OPENED LONG at 2102.29 | Stop loss: 2091.7636071428574 | Take profit: 2133.8467642857145 +2025-03-10 13:53:21,241 - INFO - CLOSED long at 2099.25 | PnL: -0.14% | $-0.49 +2025-03-10 13:53:21,241 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.761192857143 | Take profit: 2067.738835714286 +2025-03-10 13:53:21,299 - INFO - CLOSED short at 2098.9 | PnL: 0.02% | $-0.17 +2025-03-10 13:53:21,300 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.3905571428572 | Take profit: 2130.4059142857145 +2025-03-10 13:53:21,782 - INFO - STOP LOSS hit for long at 2088.3905571428572 | PnL: -0.50% | $-1.19 +2025-03-10 13:53:21,801 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848657142857 | Take profit: 2114.551614285714 +2025-03-10 13:53:23,094 - INFO - CLOSED long at 2101.5 | PnL: 0.87% | $1.52 +2025-03-10 13:53:23,094 - INFO - OPENED SHORT at 2101.5 | Stop loss: 2112.0224428571432 | Take profit: 2069.955085714286 +2025-03-10 13:53:23,117 - INFO - CLOSED short at 2105.83 | PnL: -0.21% | $-0.61 +2025-03-10 13:53:23,117 - INFO - OPENED LONG at 2105.83 | Stop loss: 2095.285907142857 | Take profit: 2137.4398642857145 +2025-03-10 13:53:24,231 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.40, Avg Loss=$-0.61 +2025-03-10 13:53:24,232 - INFO - Episode 36: Reward=88.22, Balance=$99.84, Win Rate=30.0%, Trades=20, Episode PnL=$-1.40, Total PnL=$-199.42, Max Drawdown=4.6%, Pred Accuracy=99.7% +2025-03-10 13:53:24,232 - INFO - Reducing learning rate to 0.000017 +2025-03-10 13:53:24,527 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:53:28,001 - INFO - CLOSED long at 2063.59 | PnL: 0.03% | $-0.13 +2025-03-10 13:53:28,001 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.922892857143 | Take profit: 2032.613735714286 +2025-03-10 13:53:28,041 - INFO - CLOSED short at 2064.96 | PnL: -0.07% | $-0.33 +2025-03-10 13:53:28,042 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.620257142857 | Take profit: 2095.9568142857142 +2025-03-10 13:53:30,240 - INFO - CLOSED long at 2069.69 | PnL: 0.23% | $0.26 +2025-03-10 13:53:30,268 - INFO - OPENED LONG at 2069.03 | Stop loss: 2058.669907142857 | Take profit: 2100.0878642857147 +2025-03-10 13:53:30,465 - INFO - CLOSED long at 2067.33 | PnL: -0.08% | $-0.36 +2025-03-10 13:53:30,465 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.6815928571427 | Take profit: 2036.2976357142854 +2025-03-10 13:53:30,507 - INFO - CLOSED short at 2066.38 | PnL: 0.05% | $-0.11 +2025-03-10 13:53:30,508 - INFO - OPENED LONG at 2066.38 | Stop loss: 2056.0331571428574 | Take profit: 2097.398114285714 +2025-03-10 13:53:30,807 - INFO - CLOSED long at 2065.29 | PnL: -0.05% | $-0.30 +2025-03-10 13:53:30,857 - INFO - OPENED LONG at 2065.31 | Stop loss: 2054.968507142857 | Take profit: 2096.3120642857143 +2025-03-10 13:53:32,655 - INFO - CLOSED long at 2056.77 | PnL: -0.41% | $-1.01 +2025-03-10 13:53:32,679 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.7300071428574 | Take profit: 2083.8275642857143 +2025-03-10 13:53:33,151 - INFO - CLOSED long at 2066.59 | PnL: 0.66% | $1.09 +2025-03-10 13:53:33,151 - INFO - OPENED SHORT at 2066.59 | Stop loss: 2076.937892857143 | Take profit: 2035.5687357142858 +2025-03-10 13:53:33,195 - INFO - CLOSED short at 2064.08 | PnL: 0.12% | $0.04 +2025-03-10 13:53:33,196 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.744657142857 | Take profit: 2095.0636142857143 +2025-03-10 13:53:33,459 - INFO - CLOSED long at 2069.81 | PnL: 0.28% | $0.35 +2025-03-10 13:53:33,488 - INFO - OPENED LONG at 2070.41 | Stop loss: 2060.043007142857 | Take profit: 2101.488564285714 +2025-03-10 13:53:33,817 - INFO - TAKE PROFIT hit for long at 2101.488564285714 | PnL: 1.50% | $2.77 +2025-03-10 13:53:33,843 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.031557142857 | Take profit: 2162.682914285714 +2025-03-10 13:53:33,984 - INFO - CLOSED long at 2141.41 | PnL: 0.50% | $0.82 +2025-03-10 13:53:33,984 - INFO - OPENED SHORT at 2141.41 | Stop loss: 2152.131992857143 | Take profit: 2109.2664357142858 +2025-03-10 13:53:34,039 - INFO - CLOSED short at 2141.3 | PnL: 0.01% | $-0.19 +2025-03-10 13:53:34,039 - INFO - OPENED LONG at 2141.3 | Stop loss: 2130.5785571428573 | Take profit: 2173.441914285714 +2025-03-10 13:53:34,176 - INFO - STOP LOSS hit for long at 2130.5785571428573 | PnL: -0.50% | $-1.23 +2025-03-10 13:53:34,199 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.6485571428575 | Take profit: 2159.2319142857145 +2025-03-10 13:53:34,512 - INFO - STOP LOSS hit for long at 2116.6485571428575 | PnL: -0.50% | $-1.21 +2025-03-10 13:53:34,542 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.877907142857 | Take profit: 2139.063864285714 +2025-03-10 13:53:35,008 - INFO - STOP LOSS hit for long at 2096.877907142857 | PnL: -0.50% | $-1.20 +2025-03-10 13:53:35,050 - INFO - OPENED LONG at 2098.1 | Stop loss: 2087.594557142857 | Take profit: 2129.593914285714 +2025-03-10 13:53:35,400 - INFO - CLOSED long at 2099.59 | PnL: 0.07% | $-0.06 +2025-03-10 13:53:35,423 - INFO - OPENED LONG at 2100.02 | Stop loss: 2089.504957142857 | Take profit: 2131.5427142857143 +2025-03-10 13:53:35,672 - INFO - STOP LOSS hit for long at 2089.504957142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:53:35,709 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848657142857 | Take profit: 2114.551614285714 +2025-03-10 13:53:36,896 - INFO - CLOSED long at 2105.83 | PnL: 1.08% | $1.91 +2025-03-10 13:53:36,951 - INFO - OPENED LONG at 2105.2 | Stop loss: 2094.659057142857 | Take profit: 2136.800414285714 +2025-03-10 13:53:37,979 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.03, Avg Loss=$-0.61 +2025-03-10 13:53:37,979 - INFO - Episode 37: Reward=92.33, Balance=$99.92, Win Rate=36.8%, Trades=19, Episode PnL=$-1.49, Total PnL=$-199.50, Max Drawdown=4.2%, Pred Accuracy=99.6% +2025-03-10 13:53:37,980 - INFO - Reducing learning rate to 0.000015 +2025-03-10 13:53:38,291 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:53:41,605 - INFO - CLOSED long at 2067.88 | PnL: 0.24% | $0.28 +2025-03-10 13:53:41,605 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2343428571426 | Take profit: 2036.8393857142858 +2025-03-10 13:53:41,626 - INFO - CLOSED short at 2064.99 | PnL: 0.14% | $0.08 +2025-03-10 13:53:41,626 - INFO - OPENED LONG at 2064.99 | Stop loss: 2054.650107142857 | Take profit: 2095.987264285714 +2025-03-10 13:53:42,898 - INFO - CLOSED long at 2061.09 | PnL: -0.19% | $-0.58 +2025-03-10 13:53:42,937 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.297007142857 | Take profit: 2090.5265642857144 +2025-03-10 13:53:43,463 - INFO - CLOSED long at 2061.6 | PnL: 0.10% | $-0.01 +2025-03-10 13:53:43,464 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.922942857143 | Take profit: 2030.6535857142858 +2025-03-10 13:53:43,510 - INFO - CLOSED short at 2061.3 | PnL: 0.01% | $-0.17 +2025-03-10 13:53:43,510 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9785571428574 | Take profit: 2092.2419142857143 +2025-03-10 13:53:45,248 - INFO - CLOSED long at 2075.07 | PnL: 0.67% | $1.12 +2025-03-10 13:53:45,271 - INFO - OPENED LONG at 2074.35 | Stop loss: 2063.963307142857 | Take profit: 2105.487664285714 +2025-03-10 13:53:45,977 - INFO - STOP LOSS hit for long at 2063.963307142857 | PnL: -0.50% | $-1.20 +2025-03-10 13:53:46,001 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.0133571428573 | Take profit: 2093.2975142857144 +2025-03-10 13:53:46,505 - INFO - STOP LOSS hit for long at 2052.0133571428573 | PnL: -0.50% | $-1.19 +2025-03-10 13:53:46,542 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.237557142857 | Take profit: 2080.264914285714 +2025-03-10 13:53:47,329 - INFO - CLOSED long at 2072.99 | PnL: 1.15% | $2.04 +2025-03-10 13:53:47,329 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.369892857143 | Take profit: 2041.8727357142855 +2025-03-10 13:53:47,353 - INFO - CLOSED short at 2071.89 | PnL: 0.05% | $-0.09 +2025-03-10 13:53:47,353 - INFO - OPENED LONG at 2071.89 | Stop loss: 2061.515607142857 | Take profit: 2102.9907642857142 +2025-03-10 13:53:47,515 - INFO - TAKE PROFIT hit for long at 2102.9907642857142 | PnL: 1.50% | $2.79 +2025-03-10 13:53:47,559 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.031557142857 | Take profit: 2162.682914285714 +2025-03-10 13:53:47,795 - INFO - CLOSED long at 2140.01 | PnL: 0.44% | $0.69 +2025-03-10 13:53:47,795 - INFO - OPENED SHORT at 2140.01 | Stop loss: 2150.7249928571428 | Take profit: 2107.887435714286 +2025-03-10 13:53:47,822 - INFO - CLOSED short at 2134.78 | PnL: 0.24% | $0.30 +2025-03-10 13:53:47,822 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.0911571428574 | Take profit: 2166.8241142857146 +2025-03-10 13:53:47,916 - INFO - STOP LOSS hit for long at 2124.0911571428574 | PnL: -0.50% | $-1.24 +2025-03-10 13:53:47,972 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.534307142857 | Take profit: 2151.9746642857144 +2025-03-10 13:53:48,243 - INFO - STOP LOSS hit for long at 2109.534307142857 | PnL: -0.50% | $-1.23 +2025-03-10 13:53:48,271 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032057142857 | Take profit: 2142.281414285714 +2025-03-10 13:53:48,505 - INFO - CLOSED long at 2112.99 | PnL: 0.11% | $0.03 +2025-03-10 13:53:48,506 - INFO - OPENED SHORT at 2112.99 | Stop loss: 2123.5698928571423 | Take profit: 2081.2727357142853 +2025-03-10 13:53:48,536 - INFO - CLOSED short at 2120.81 | PnL: -0.37% | $-0.95 +2025-03-10 13:53:48,537 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.191007142857 | Take profit: 2152.6445642857143 +2025-03-10 13:53:48,624 - INFO - STOP LOSS hit for long at 2110.191007142857 | PnL: -0.50% | $-1.20 +2025-03-10 13:53:48,648 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.942607142857 | Take profit: 2138.1097642857144 +2025-03-10 13:53:48,751 - INFO - STOP LOSS hit for long at 2095.942607142857 | PnL: -0.50% | $-1.19 +2025-03-10 13:53:48,789 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0174071428573 | Take profit: 2131.0453642857146 +2025-03-10 13:53:49,394 - INFO - STOP LOSS hit for long at 2089.0174071428573 | PnL: -0.50% | $-1.17 +2025-03-10 13:53:49,416 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848657142857 | Take profit: 2114.551614285714 +2025-03-10 13:53:50,861 - INFO - CLOSED long at 2102.7 | PnL: 0.93% | $1.60 +2025-03-10 13:53:50,924 - INFO - OPENED LONG at 2103.41 | Stop loss: 2092.878007142857 | Take profit: 2134.9835642857142 +2025-03-10 13:53:51,658 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.99, Avg Loss=$-0.85 +2025-03-10 13:53:51,658 - INFO - Episode 38: Reward=98.67, Balance=$98.72, Win Rate=42.9%, Trades=21, Episode PnL=$-4.31, Total PnL=$-200.77, Max Drawdown=5.8%, Pred Accuracy=99.8% +2025-03-10 13:53:51,659 - INFO - Reducing learning rate to 0.000014 +2025-03-10 13:53:51,888 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:53:52,134 - INFO - CLOSED long at 2070.58 | PnL: 0.37% | $0.54 +2025-03-10 13:53:52,177 - INFO - OPENED LONG at 2068.11 | Stop loss: 2057.754507142857 | Take profit: 2099.1540642857144 +2025-03-10 13:53:52,336 - INFO - CLOSED long at 2069.6 | PnL: 0.07% | $-0.06 +2025-03-10 13:53:52,362 - INFO - OPENED LONG at 2068.65 | Stop loss: 2058.291807142857 | Take profit: 2099.702164285714 +2025-03-10 13:53:52,499 - INFO - CLOSED long at 2073.73 | PnL: 0.25% | $0.29 +2025-03-10 13:53:52,499 - INFO - OPENED SHORT at 2073.73 | Stop loss: 2084.113592857143 | Take profit: 2042.6016357142857 +2025-03-10 13:53:52,535 - INFO - CLOSED short at 2075.1 | PnL: -0.07% | $-0.33 +2025-03-10 13:53:52,536 - INFO - OPENED LONG at 2075.1 | Stop loss: 2064.709557142857 | Take profit: 2106.248914285714 +2025-03-10 13:53:54,105 - INFO - STOP LOSS hit for long at 2064.709557142857 | PnL: -0.50% | $-1.20 +2025-03-10 13:53:54,134 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9187571428574 | Take profit: 2096.2613142857144 +2025-03-10 13:53:54,977 - INFO - CLOSED long at 2065.26 | PnL: 0.00% | $-0.20 +2025-03-10 13:53:55,023 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:53:55,961 - INFO - CLOSED long at 2064.79 | PnL: 0.09% | $-0.02 +2025-03-10 13:53:55,985 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.545607142857 | Take profit: 2096.900764285714 +2025-03-10 13:53:56,115 - INFO - CLOSED long at 2060.7 | PnL: -0.25% | $-0.69 +2025-03-10 13:53:56,116 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.018442857143 | Take profit: 2029.7670857142855 +2025-03-10 13:53:56,165 - INFO - CLOSED short at 2061.09 | PnL: -0.02% | $-0.23 +2025-03-10 13:53:56,165 - INFO - OPENED LONG at 2061.09 | Stop loss: 2050.7696071428572 | Take profit: 2092.0287642857143 +2025-03-10 13:53:56,651 - INFO - CLOSED long at 2061.5 | PnL: 0.02% | $-0.16 +2025-03-10 13:53:56,688 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.277057142857 | Take profit: 2092.546414285714 +2025-03-10 13:53:56,912 - INFO - CLOSED long at 2066.79 | PnL: 0.25% | $0.30 +2025-03-10 13:53:56,913 - INFO - OPENED SHORT at 2066.79 | Stop loss: 2077.1388928571428 | Take profit: 2035.7657357142857 +2025-03-10 13:53:56,957 - INFO - CLOSED short at 2067.33 | PnL: -0.03% | $-0.25 +2025-03-10 13:53:56,958 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.978407142857 | Take profit: 2098.362364285714 +2025-03-10 13:53:58,016 - INFO - CLOSED long at 2066.5 | PnL: -0.04% | $-0.27 +2025-03-10 13:53:58,043 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.2321071428573 | Take profit: 2099.6412642857144 +2025-03-10 13:53:58,351 - INFO - CLOSED long at 2071.99 | PnL: 0.16% | $0.12 +2025-03-10 13:53:58,351 - INFO - OPENED SHORT at 2071.99 | Stop loss: 2082.3648928571424 | Take profit: 2040.8877357142856 +2025-03-10 13:53:58,373 - INFO - CLOSED short at 2068.19 | PnL: 0.18% | $0.16 +2025-03-10 13:53:58,373 - INFO - OPENED LONG at 2068.19 | Stop loss: 2057.834107142857 | Take profit: 2099.2352642857145 +2025-03-10 13:53:59,789 - INFO - STOP LOSS hit for long at 2057.834107142857 | PnL: -0.50% | $-1.17 +2025-03-10 13:53:59,829 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.7300071428574 | Take profit: 2083.8275642857143 +2025-03-10 13:54:00,850 - INFO - TAKE PROFIT hit for long at 2083.8275642857143 | PnL: 1.50% | $2.69 +2025-03-10 13:54:00,871 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.022607142857 | Take profit: 2121.869764285714 +2025-03-10 13:54:00,918 - INFO - TAKE PROFIT hit for long at 2121.869764285714 | PnL: 1.50% | $2.77 +2025-03-10 13:54:00,955 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.827357142857 | Take profit: 2171.655514285714 +2025-03-10 13:54:01,203 - INFO - STOP LOSS hit for long at 2128.827357142857 | PnL: -0.50% | $-1.22 +2025-03-10 13:54:01,228 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.6485571428575 | Take profit: 2159.2319142857145 +2025-03-10 13:54:01,522 - INFO - STOP LOSS hit for long at 2116.6485571428575 | PnL: -0.50% | $-1.21 +2025-03-10 13:54:01,548 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.877907142857 | Take profit: 2139.063864285714 +2025-03-10 13:54:01,985 - INFO - STOP LOSS hit for long at 2096.877907142857 | PnL: -0.50% | $-1.19 +2025-03-10 13:54:02,014 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0174071428573 | Take profit: 2131.0453642857146 +2025-03-10 13:54:02,637 - INFO - STOP LOSS hit for long at 2089.0174071428573 | PnL: -0.50% | $-1.18 +2025-03-10 13:54:02,684 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848657142857 | Take profit: 2114.551614285714 +2025-03-10 13:54:04,448 - INFO - TAKE PROFIT hit for long at 2114.551614285714 | PnL: 1.50% | $2.71 +2025-03-10 13:54:04,471 - INFO - OPENED LONG at 2113.61 | Stop loss: 2103.027007142857 | Take profit: 2145.3365642857143 +2025-03-10 13:54:04,974 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.20, Avg Loss=$-0.62 +2025-03-10 13:54:04,975 - INFO - Episode 39: Reward=88.75, Balance=$100.23, Win Rate=34.8%, Trades=23, Episode PnL=$0.21, Total PnL=$-200.54, Max Drawdown=4.7%, Pred Accuracy=99.6% +2025-03-10 13:54:04,975 - INFO - Reducing learning rate to 0.000012 +2025-03-10 13:54:05,257 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:54:05,620 - INFO - CLOSED long at 2071.63 | PnL: 0.42% | $0.64 +2025-03-10 13:54:05,663 - INFO - OPENED LONG at 2070.99 | Stop loss: 2060.620107142857 | Take profit: 2102.0772642857137 +2025-03-10 13:54:07,119 - INFO - CLOSED long at 2067.0 | PnL: -0.19% | $-0.58 +2025-03-10 13:54:07,120 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3499428571427 | Take profit: 2035.9725857142857 +2025-03-10 13:54:07,145 - INFO - CLOSED short at 2067.79 | PnL: -0.04% | $-0.27 +2025-03-10 13:54:07,145 - INFO - OPENED LONG at 2067.79 | Stop loss: 2057.436107142857 | Take profit: 2098.8292642857145 +2025-03-10 13:54:07,393 - INFO - CLOSED long at 2067.59 | PnL: -0.01% | $-0.22 +2025-03-10 13:54:07,394 - INFO - OPENED SHORT at 2067.59 | Stop loss: 2077.942892857143 | Take profit: 2036.553735714286 +2025-03-10 13:54:07,420 - INFO - CLOSED short at 2069.2 | PnL: -0.08% | $-0.35 +2025-03-10 13:54:07,420 - INFO - OPENED LONG at 2069.2 | Stop loss: 2058.8390571428567 | Take profit: 2100.260414285714 +2025-03-10 13:54:07,468 - INFO - CLOSED long at 2071.59 | PnL: 0.12% | $0.03 +2025-03-10 13:54:07,497 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.331557142857 | Take profit: 2101.782914285714 +2025-03-10 13:54:08,104 - INFO - STOP LOSS hit for long at 2060.331557142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:54:08,132 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9785571428574 | Take profit: 2092.2419142857143 +2025-03-10 13:54:09,997 - INFO - CLOSED long at 2067.33 | PnL: 0.29% | $0.37 +2025-03-10 13:54:09,997 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.6815928571427 | Take profit: 2036.2976357142854 +2025-03-10 13:54:10,022 - INFO - CLOSED short at 2067.01 | PnL: 0.02% | $-0.17 +2025-03-10 13:54:10,022 - INFO - OPENED LONG at 2067.01 | Stop loss: 2056.6600071428575 | Take profit: 2098.037564285715 +2025-03-10 13:54:11,236 - INFO - CLOSED long at 2070.9 | PnL: 0.19% | $0.17 +2025-03-10 13:54:11,237 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.269442857143 | Take profit: 2039.8140857142857 +2025-03-10 13:54:11,261 - INFO - CLOSED short at 2069.69 | PnL: 0.06% | $-0.08 +2025-03-10 13:54:11,261 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.326607142857 | Take profit: 2100.7577642857145 +2025-03-10 13:54:11,425 - INFO - CLOSED long at 2071.99 | PnL: 0.11% | $0.02 +2025-03-10 13:54:11,426 - INFO - OPENED SHORT at 2071.99 | Stop loss: 2082.3648928571424 | Take profit: 2040.8877357142856 +2025-03-10 13:54:11,479 - INFO - CLOSED short at 2068.19 | PnL: 0.18% | $0.16 +2025-03-10 13:54:11,479 - INFO - OPENED LONG at 2068.19 | Stop loss: 2057.834107142857 | Take profit: 2099.2352642857145 +2025-03-10 13:54:11,943 - INFO - CLOSED long at 2072.09 | PnL: 0.19% | $0.17 +2025-03-10 13:54:11,944 - INFO - OPENED SHORT at 2072.09 | Stop loss: 2082.4653928571433 | Take profit: 2040.9862357142858 +2025-03-10 13:54:11,972 - INFO - CLOSED short at 2069.97 | PnL: 0.10% | $0.00 +2025-03-10 13:54:11,973 - INFO - OPENED LONG at 2069.97 | Stop loss: 2059.6052071428567 | Take profit: 2101.041964285714 +2025-03-10 13:54:11,999 - INFO - CLOSED long at 2067.7 | PnL: -0.11% | $-0.41 +2025-03-10 13:54:11,999 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.0534428571427 | Take profit: 2036.6620857142855 +2025-03-10 13:54:12,029 - INFO - CLOSED short at 2067.0 | PnL: 0.03% | $-0.13 +2025-03-10 13:54:12,029 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.6500571428573 | Take profit: 2098.0274142857143 +2025-03-10 13:54:12,974 - INFO - STOP LOSS hit for long at 2056.6500571428573 | PnL: -0.50% | $-1.17 +2025-03-10 13:54:13,017 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.9490071428572 | Take profit: 2079.9705642857143 +2025-03-10 13:54:13,285 - INFO - CLOSED long at 2062.43 | PnL: 0.65% | $1.05 +2025-03-10 13:54:13,285 - INFO - OPENED SHORT at 2062.43 | Stop loss: 2072.7570928571427 | Take profit: 2031.4711357142855 +2025-03-10 13:54:13,321 - INFO - CLOSED short at 2062.55 | PnL: -0.01% | $-0.21 +2025-03-10 13:54:13,321 - INFO - OPENED LONG at 2062.55 | Stop loss: 2052.2223071428575 | Take profit: 2093.5106642857145 +2025-03-10 13:54:14,136 - INFO - CLOSED long at 2103.02 | PnL: 1.96% | $3.62 +2025-03-10 13:54:14,136 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.5500428571427 | Take profit: 2071.4522857142856 +2025-03-10 13:54:14,185 - INFO - CLOSED short at 2130.7 | PnL: -1.32% | $-2.85 +2025-03-10 13:54:14,185 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.031557142857 | Take profit: 2162.682914285714 +2025-03-10 13:54:14,733 - INFO - STOP LOSS hit for long at 2120.031557142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:54:14,756 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.315407142857 | Take profit: 2151.751364285714 +2025-03-10 13:54:14,893 - INFO - STOP LOSS hit for long at 2109.315407142857 | PnL: -0.50% | $-1.16 +2025-03-10 13:54:15,017 - INFO - OPENED LONG at 2112.09 | Stop loss: 2101.5146071428576 | Take profit: 2143.7937642857146 +2025-03-10 13:54:15,376 - INFO - STOP LOSS hit for long at 2101.5146071428576 | PnL: -0.50% | $-1.15 +2025-03-10 13:54:15,416 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.535057142857 | Take profit: 2121.3724142857145 +2025-03-10 13:54:16,010 - INFO - CLOSED long at 2094.08 | PnL: 0.20% | $0.18 +2025-03-10 13:54:16,038 - INFO - OPENED LONG at 2088.35 | Stop loss: 2077.8933071428573 | Take profit: 2119.6976642857144 +2025-03-10 13:54:18,267 - INFO - CLOSED long at 2115.3 | PnL: 1.29% | $2.25 +2025-03-10 13:54:18,306 - INFO - OPENED LONG at 2115.89 | Stop loss: 2105.295607142857 | Take profit: 2147.650764285714 +2025-03-10 13:54:18,413 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.72, Avg Loss=$-0.74 +2025-03-10 13:54:18,414 - INFO - Episode 40: Reward=95.43, Balance=$97.57, Win Rate=44.4%, Trades=27, Episode PnL=$-6.63, Total PnL=$-202.98, Max Drawdown=5.5%, Pred Accuracy=99.7% +2025-03-10 13:54:18,549 - INFO - Model saved to checkpoints/trading_agent_episode_40.pt +2025-03-10 13:54:18,550 - INFO - Checkpoint saved at episode 40 +2025-03-10 13:54:18,550 - INFO - Reducing learning rate to 0.000011 +2025-03-10 13:54:18,613 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 13:54:18,613 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2405, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 13:54:18,911 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:54:19,023 - INFO - CLOSED long at 2057.94 | PnL: -0.24% | $-0.68 +2025-03-10 13:54:19,048 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.8045071428571 | Take profit: 2089.004064285715 +2025-03-10 13:54:19,121 - INFO - CLOSED long at 2064.32 | PnL: 0.30% | $0.40 +2025-03-10 13:54:19,121 - INFO - OPENED SHORT at 2064.32 | Stop loss: 2074.6565428571434 | Take profit: 2033.3327857142858 +2025-03-10 13:54:19,171 - INFO - CLOSED short at 2065.86 | PnL: -0.07% | $-0.35 +2025-03-10 13:54:19,172 - INFO - OPENED LONG at 2065.86 | Stop loss: 2055.515757142857 | Take profit: 2096.8703142857144 +2025-03-10 13:54:19,458 - INFO - CLOSED long at 2067.9 | PnL: 0.10% | $-0.00 +2025-03-10 13:54:19,483 - INFO - OPENED LONG at 2067.69 | Stop loss: 2057.3366071428572 | Take profit: 2098.727764285715 +2025-03-10 13:54:19,903 - INFO - CLOSED long at 2070.28 | PnL: 0.13% | $0.05 +2025-03-10 13:54:19,903 - INFO - OPENED SHORT at 2070.28 | Stop loss: 2080.6463428571433 | Take profit: 2039.203385714286 +2025-03-10 13:54:19,952 - INFO - CLOSED short at 2068.02 | PnL: 0.11% | $0.02 +2025-03-10 13:54:19,952 - INFO - OPENED LONG at 2068.02 | Stop loss: 2057.664957142857 | Take profit: 2099.0627142857143 +2025-03-10 13:54:20,518 - INFO - CLOSED long at 2068.76 | PnL: 0.04% | $-0.13 +2025-03-10 13:54:20,543 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.5405571428573 | Take profit: 2099.9559142857142 +2025-03-10 13:54:20,952 - INFO - CLOSED long at 2073.9 | PnL: 0.24% | $0.28 +2025-03-10 13:54:21,025 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.7395071428573 | Take profit: 2102.1990642857145 +2025-03-10 13:54:22,298 - INFO - STOP LOSS hit for long at 2060.7395071428573 | PnL: -0.50% | $-1.19 +2025-03-10 13:54:22,328 - INFO - OPENED LONG at 2061.3 | Stop loss: 2050.9785571428574 | Take profit: 2092.2419142857143 +2025-03-10 13:54:22,972 - INFO - CLOSED long at 2064.7 | PnL: 0.16% | $0.13 +2025-03-10 13:54:22,973 - INFO - OPENED SHORT at 2064.7 | Stop loss: 2075.038442857143 | Take profit: 2033.7070857142853 +2025-03-10 13:54:22,995 - INFO - CLOSED short at 2062.61 | PnL: 0.10% | $0.00 +2025-03-10 13:54:22,995 - INFO - OPENED LONG at 2062.61 | Stop loss: 2052.2820071428573 | Take profit: 2093.5715642857144 +2025-03-10 13:54:23,610 - INFO - CLOSED long at 2059.96 | PnL: -0.13% | $-0.45 +2025-03-10 13:54:23,655 - INFO - OPENED LONG at 2059.46 | Stop loss: 2049.1477571428572 | Take profit: 2090.3743142857143 +2025-03-10 13:54:23,718 - INFO - CLOSED long at 2058.28 | PnL: -0.06% | $-0.31 +2025-03-10 13:54:23,718 - INFO - OPENED SHORT at 2058.28 | Stop loss: 2068.586342857143 | Take profit: 2027.3833857142859 +2025-03-10 13:54:23,765 - INFO - CLOSED short at 2055.6 | PnL: 0.13% | $0.06 +2025-03-10 13:54:23,765 - INFO - OPENED LONG at 2055.6 | Stop loss: 2045.307057142857 | Take profit: 2086.456414285714 +2025-03-10 13:54:23,812 - INFO - CLOSED long at 2054.83 | PnL: -0.04% | $-0.27 +2025-03-10 13:54:23,812 - INFO - OPENED SHORT at 2054.83 | Stop loss: 2065.1190928571427 | Take profit: 2023.9851357142857 +2025-03-10 13:54:23,840 - INFO - CLOSED short at 2056.71 | PnL: -0.09% | $-0.37 +2025-03-10 13:54:23,840 - INFO - OPENED LONG at 2056.71 | Stop loss: 2046.4115071428573 | Take profit: 2087.583064285714 +2025-03-10 13:54:23,891 - INFO - CLOSED long at 2059.8 | PnL: 0.15% | $0.10 +2025-03-10 13:54:23,892 - INFO - OPENED SHORT at 2059.8 | Stop loss: 2070.113942857143 | Take profit: 2028.8805857142859 +2025-03-10 13:54:23,928 - INFO - CLOSED short at 2061.66 | PnL: -0.09% | $-0.37 +2025-03-10 13:54:23,929 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.336757142857 | Take profit: 2092.607314285714 +2025-03-10 13:54:24,198 - INFO - CLOSED long at 2063.9 | PnL: 0.11% | $0.02 +2025-03-10 13:54:24,199 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.234442857143 | Take profit: 2032.9190857142858 +2025-03-10 13:54:24,221 - INFO - CLOSED short at 2064.49 | PnL: -0.03% | $-0.25 +2025-03-10 13:54:24,223 - INFO - OPENED LONG at 2064.49 | Stop loss: 2054.1526071428566 | Take profit: 2095.479764285714 +2025-03-10 13:54:24,380 - INFO - CLOSED long at 2065.69 | PnL: 0.06% | $-0.08 +2025-03-10 13:54:24,380 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.033392857143 | Take profit: 2034.6822357142858 +2025-03-10 13:54:24,420 - INFO - CLOSED short at 2069.79 | PnL: -0.20% | $-0.57 +2025-03-10 13:54:24,420 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.426107142857 | Take profit: 2100.8592642857143 +2025-03-10 13:54:24,562 - INFO - CLOSED long at 2075.01 | PnL: 0.25% | $0.29 +2025-03-10 13:54:24,564 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.399992857143 | Take profit: 2043.862435714286 +2025-03-10 13:54:24,661 - INFO - CLOSED short at 2071.6 | PnL: 0.16% | $0.12 +2025-03-10 13:54:24,661 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.227057142857 | Take profit: 2102.6964142857146 +2025-03-10 13:54:24,683 - INFO - CLOSED long at 2073.23 | PnL: 0.08% | $-0.04 +2025-03-10 13:54:24,684 - INFO - OPENED SHORT at 2073.23 | Stop loss: 2083.611092857143 | Take profit: 2042.109135714286 +2025-03-10 13:54:24,715 - INFO - CLOSED short at 2070.0 | PnL: 0.16% | $0.11 +2025-03-10 13:54:24,715 - INFO - OPENED LONG at 2070.0 | Stop loss: 2059.635057142857 | Take profit: 2101.0724142857143 +2025-03-10 13:54:24,965 - INFO - CLOSED long at 2067.44 | PnL: -0.12% | $-0.43 +2025-03-10 13:54:24,966 - INFO - OPENED SHORT at 2067.44 | Stop loss: 2077.792142857143 | Take profit: 2036.4059857142859 +2025-03-10 13:54:25,049 - INFO - CLOSED short at 2071.49 | PnL: -0.20% | $-0.56 +2025-03-10 13:54:25,049 - INFO - OPENED LONG at 2071.49 | Stop loss: 2061.1176071428567 | Take profit: 2102.5847642857143 +2025-03-10 13:54:25,145 - INFO - CLOSED long at 2066.38 | PnL: -0.25% | $-0.66 +2025-03-10 13:54:25,145 - INFO - OPENED SHORT at 2066.38 | Stop loss: 2076.726842857143 | Take profit: 2035.3618857142858 +2025-03-10 13:54:25,252 - INFO - CLOSED short at 2065.66 | PnL: 0.03% | $-0.12 +2025-03-10 13:54:25,253 - INFO - OPENED LONG at 2065.66 | Stop loss: 2055.316757142857 | Take profit: 2096.6673142857144 +2025-03-10 13:54:25,396 - INFO - CLOSED long at 2064.4 | PnL: -0.06% | $-0.30 +2025-03-10 13:54:25,396 - INFO - OPENED SHORT at 2064.4 | Stop loss: 2074.736942857143 | Take profit: 2033.4115857142858 +2025-03-10 13:54:25,419 - INFO - CLOSED short at 2064.31 | PnL: 0.00% | $-0.18 +2025-03-10 13:54:25,419 - INFO - OPENED LONG at 2064.31 | Stop loss: 2053.973507142857 | Take profit: 2095.2970642857144 +2025-03-10 13:54:25,440 - INFO - CLOSED long at 2065.5 | PnL: 0.06% | $-0.08 +2025-03-10 13:54:25,466 - INFO - OPENED SHORT at 2067.53 | Stop loss: 2077.882592857143 | Take profit: 2036.494635714286 +2025-03-10 13:54:25,492 - INFO - CLOSED short at 2065.29 | PnL: 0.11% | $0.02 +2025-03-10 13:54:25,492 - INFO - OPENED LONG at 2065.29 | Stop loss: 2054.948607142857 | Take profit: 2096.2917642857146 +2025-03-10 13:54:25,577 - INFO - CLOSED long at 2066.8 | PnL: 0.07% | $-0.05 +2025-03-10 13:54:25,578 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.1489428571426 | Take profit: 2035.7755857142859 +2025-03-10 13:54:25,628 - INFO - CLOSED short at 2066.5 | PnL: 0.01% | $-0.16 +2025-03-10 13:54:25,628 - INFO - OPENED LONG at 2066.5 | Stop loss: 2056.152557142857 | Take profit: 2097.519914285714 +2025-03-10 13:54:25,674 - INFO - CLOSED long at 2068.59 | PnL: 0.10% | $0.00 +2025-03-10 13:54:25,674 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.947892857143 | Take profit: 2037.5387357142858 +2025-03-10 13:54:25,784 - INFO - CLOSED short at 2070.9 | PnL: -0.11% | $-0.40 +2025-03-10 13:54:25,809 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.326607142857 | Take profit: 2100.7577642857145 +2025-03-10 13:54:25,915 - INFO - CLOSED long at 2070.61 | PnL: 0.04% | $-0.10 +2025-03-10 13:54:25,915 - INFO - OPENED SHORT at 2070.61 | Stop loss: 2080.977992857143 | Take profit: 2039.5284357142857 +2025-03-10 13:54:25,966 - INFO - CLOSED short at 2071.99 | PnL: -0.07% | $-0.31 +2025-03-10 13:54:25,967 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.615107142857 | Take profit: 2103.092264285714 +2025-03-10 13:54:26,060 - INFO - CLOSED long at 2068.67 | PnL: -0.16% | $-0.48 +2025-03-10 13:54:26,060 - INFO - OPENED SHORT at 2068.67 | Stop loss: 2079.0282928571432 | Take profit: 2037.6175357142856 +2025-03-10 13:54:26,132 - INFO - CLOSED short at 2069.78 | PnL: -0.05% | $-0.28 +2025-03-10 13:54:26,133 - INFO - OPENED LONG at 2069.78 | Stop loss: 2059.416157142857 | Take profit: 2100.8491142857147 +2025-03-10 13:54:26,159 - INFO - CLOSED long at 2071.61 | PnL: 0.09% | $-0.02 +2025-03-10 13:54:26,159 - INFO - OPENED SHORT at 2071.61 | Stop loss: 2081.9829928571426 | Take profit: 2040.5134357142858 +2025-03-10 13:54:26,182 - INFO - CLOSED short at 2074.37 | PnL: -0.13% | $-0.43 +2025-03-10 13:54:26,182 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.9832071428573 | Take profit: 2105.5079642857145 +2025-03-10 13:54:26,228 - INFO - CLOSED long at 2074.35 | PnL: -0.00% | $-0.18 +2025-03-10 13:54:26,229 - INFO - OPENED SHORT at 2074.35 | Stop loss: 2084.7366928571428 | Take profit: 2043.2123357142855 +2025-03-10 13:54:26,258 - INFO - CLOSED short at 2073.27 | PnL: 0.05% | $-0.09 +2025-03-10 13:54:26,258 - INFO - OPENED LONG at 2073.27 | Stop loss: 2062.888707142857 | Take profit: 2104.3914642857144 +2025-03-10 13:54:26,451 - INFO - CLOSED long at 2074.0 | PnL: 0.04% | $-0.12 +2025-03-10 13:54:26,451 - INFO - OPENED SHORT at 2074.0 | Stop loss: 2084.384942857143 | Take profit: 2042.8675857142857 +2025-03-10 13:54:26,512 - INFO - CLOSED short at 2072.09 | PnL: 0.09% | $-0.01 +2025-03-10 13:54:26,512 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.7146071428574 | Take profit: 2103.1937642857147 +2025-03-10 13:54:26,608 - INFO - CLOSED long at 2067.9 | PnL: -0.20% | $-0.55 +2025-03-10 13:54:26,608 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2544428571427 | Take profit: 2036.8590857142858 +2025-03-10 13:54:26,633 - INFO - CLOSED short at 2066.4 | PnL: 0.07% | $-0.05 +2025-03-10 13:54:26,634 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.053057142857 | Take profit: 2097.4184142857143 +2025-03-10 13:54:26,684 - INFO - CLOSED long at 2067.88 | PnL: 0.07% | $-0.05 +2025-03-10 13:54:26,684 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2343428571426 | Take profit: 2036.8393857142858 +2025-03-10 13:54:26,709 - INFO - CLOSED short at 2065.45 | PnL: 0.12% | $0.03 +2025-03-10 13:54:26,709 - INFO - OPENED LONG at 2065.45 | Stop loss: 2055.107807142857 | Take profit: 2096.4541642857143 +2025-03-10 13:54:26,812 - INFO - CLOSED long at 2069.0 | PnL: 0.17% | $0.13 +2025-03-10 13:54:26,812 - INFO - OPENED SHORT at 2069.0 | Stop loss: 2079.359942857143 | Take profit: 2037.9425857142858 +2025-03-10 13:54:26,862 - INFO - CLOSED short at 2070.19 | PnL: -0.06% | $-0.28 +2025-03-10 13:54:26,862 - INFO - OPENED LONG at 2070.19 | Stop loss: 2059.8241071428574 | Take profit: 2101.2652642857142 +2025-03-10 13:54:26,939 - INFO - CLOSED long at 2067.19 | PnL: -0.14% | $-0.44 +2025-03-10 13:54:26,939 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.540892857143 | Take profit: 2036.1597357142857 +2025-03-10 13:54:26,962 - INFO - CLOSED short at 2065.5 | PnL: 0.08% | $-0.03 +2025-03-10 13:54:26,962 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.157557142857 | Take profit: 2096.504914285714 +2025-03-10 13:54:27,016 - INFO - CLOSED long at 2065.8 | PnL: 0.01% | $-0.15 +2025-03-10 13:54:27,017 - INFO - OPENED SHORT at 2065.8 | Stop loss: 2076.143942857143 | Take profit: 2034.7905857142857 +2025-03-10 13:54:27,041 - INFO - CLOSED short at 2065.07 | PnL: 0.04% | $-0.12 +2025-03-10 13:54:27,042 - INFO - OPENED LONG at 2065.07 | Stop loss: 2054.7297071428575 | Take profit: 2096.0684642857145 +2025-03-10 13:54:27,321 - INFO - CLOSED long at 2064.5 | PnL: -0.03% | $-0.23 +2025-03-10 13:54:27,347 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.9834071428572 | Take profit: 2097.3473642857143 +2025-03-10 13:54:27,485 - INFO - CLOSED long at 2058.65 | PnL: -0.37% | $-0.84 +2025-03-10 13:54:27,486 - INFO - OPENED SHORT at 2058.65 | Stop loss: 2068.958192857143 | Take profit: 2027.7478357142857 +2025-03-10 13:54:27,509 - INFO - CLOSED short at 2056.77 | PnL: 0.09% | $-0.02 +2025-03-10 13:54:27,510 - INFO - OPENED LONG at 2056.77 | Stop loss: 2046.471207142857 | Take profit: 2087.6439642857144 +2025-03-10 13:54:27,801 - INFO - CLOSED long at 2062.83 | PnL: 0.29% | $0.34 +2025-03-10 13:54:27,801 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.1590928571427 | Take profit: 2031.8651357142855 +2025-03-10 13:54:27,824 - INFO - CLOSED short at 2063.9 | PnL: -0.05% | $-0.27 +2025-03-10 13:54:27,824 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5655571428574 | Take profit: 2094.8809142857144 +2025-03-10 13:54:27,896 - INFO - CLOSED long at 2062.55 | PnL: -0.07% | $-0.29 +2025-03-10 13:54:27,896 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.877692857143 | Take profit: 2031.5893357142859 +2025-03-10 13:54:27,942 - INFO - CLOSED short at 2065.12 | PnL: -0.12% | $-0.40 +2025-03-10 13:54:27,942 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.779457142857 | Take profit: 2096.1192142857144 +2025-03-10 13:54:28,174 - INFO - CLOSED long at 2060.7 | PnL: -0.21% | $-0.55 +2025-03-10 13:54:28,174 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.018442857143 | Take profit: 2029.7670857142855 +2025-03-10 13:54:28,201 - INFO - CLOSED short at 2061.84 | PnL: -0.06% | $-0.27 +2025-03-10 13:54:28,202 - INFO - OPENED LONG at 2061.84 | Stop loss: 2051.5158571428574 | Take profit: 2092.7900142857143 +2025-03-10 13:54:28,256 - INFO - CLOSED long at 2065.72 | PnL: 0.19% | $0.15 +2025-03-10 13:54:28,256 - INFO - OPENED SHORT at 2065.72 | Stop loss: 2076.0635428571427 | Take profit: 2034.7117857142855 +2025-03-10 13:54:28,344 - INFO - CLOSED short at 2069.34 | PnL: -0.18% | $-0.48 +2025-03-10 13:54:28,345 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.978357142857 | Take profit: 2100.4025142857145 +2025-03-10 13:54:28,485 - INFO - CLOSED long at 2073.49 | PnL: 0.20% | $0.17 +2025-03-10 13:54:28,485 - INFO - OPENED SHORT at 2073.49 | Stop loss: 2083.8723928571426 | Take profit: 2042.3652357142855 +2025-03-10 13:54:28,524 - INFO - CLOSED short at 2074.05 | PnL: -0.03% | $-0.22 +2025-03-10 13:54:28,525 - INFO - OPENED LONG at 2074.05 | Stop loss: 2063.664807142857 | Take profit: 2105.183164285714 +2025-03-10 13:54:28,683 - INFO - CLOSED long at 2077.61 | PnL: 0.17% | $0.12 +2025-03-10 13:54:28,684 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2088.012992857143 | Take profit: 2046.423435714286 +2025-03-10 13:54:28,716 - INFO - CLOSED short at 2085.56 | PnL: -0.38% | $-0.84 +2025-03-10 13:54:28,716 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.1172571428574 | Take profit: 2116.865814285714 +2025-03-10 13:54:28,874 - INFO - TAKE PROFIT hit for long at 2116.865814285714 | PnL: 1.50% | $2.41 +2025-03-10 13:54:28,914 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2526428571427 | Take profit: 2107.4244857142858 +2025-03-10 13:54:28,943 - INFO - CLOSED short at 2131.78 | PnL: 0.36% | $0.46 +2025-03-10 13:54:28,943 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.1061571428572 | Take profit: 2163.7791142857145 +2025-03-10 13:54:28,965 - INFO - CLOSED long at 2133.95 | PnL: 0.10% | $0.00 +2025-03-10 13:54:28,989 - INFO - OPENED LONG at 2137.59 | Stop loss: 2126.887107142857 | Take profit: 2169.6762642857143 +2025-03-10 13:54:29,013 - INFO - CLOSED long at 2141.41 | PnL: 0.18% | $0.14 +2025-03-10 13:54:29,014 - INFO - OPENED SHORT at 2141.41 | Stop loss: 2152.131992857143 | Take profit: 2109.2664357142858 +2025-03-10 13:54:29,090 - INFO - CLOSED short at 2140.01 | PnL: 0.07% | $-0.06 +2025-03-10 13:54:29,090 - INFO - OPENED LONG at 2140.01 | Stop loss: 2129.2950071428572 | Take profit: 2172.1325642857146 +2025-03-10 13:54:29,191 - INFO - CLOSED long at 2126.99 | PnL: -0.61% | $-1.26 +2025-03-10 13:54:29,191 - INFO - OPENED SHORT at 2126.99 | Stop loss: 2137.6398928571425 | Take profit: 2095.0627357142857 +2025-03-10 13:54:29,299 - INFO - CLOSED short at 2128.69 | PnL: -0.08% | $-0.31 +2025-03-10 13:54:29,300 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.0316071428574 | Take profit: 2160.6427642857143 +2025-03-10 13:54:29,358 - INFO - CLOSED long at 2120.15 | PnL: -0.40% | $-0.87 +2025-03-10 13:54:29,359 - INFO - OPENED SHORT at 2120.15 | Stop loss: 2130.7656928571428 | Take profit: 2088.3253357142858 +2025-03-10 13:54:29,381 - INFO - CLOSED short at 2117.24 | PnL: 0.14% | $0.06 +2025-03-10 13:54:29,382 - INFO - OPENED LONG at 2117.24 | Stop loss: 2106.638857142857 | Take profit: 2149.021014285714 +2025-03-10 13:54:29,409 - INFO - CLOSED long at 2119.93 | PnL: 0.13% | $0.05 +2025-03-10 13:54:29,410 - INFO - OPENED SHORT at 2119.93 | Stop loss: 2130.544592857143 | Take profit: 2088.1086357142854 +2025-03-10 13:54:29,439 - INFO - CLOSED short at 2121.4 | PnL: -0.07% | $-0.29 +2025-03-10 13:54:29,440 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.778057142857 | Take profit: 2153.243414285714 +2025-03-10 13:54:29,626 - INFO - STOP LOSS hit for long at 2110.778057142857 | PnL: -0.50% | $-1.04 +2025-03-10 13:54:29,676 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032057142857 | Take profit: 2142.281414285714 +2025-03-10 13:54:29,714 - INFO - CLOSED long at 2109.05 | PnL: -0.07% | $-0.30 +2025-03-10 13:54:29,714 - INFO - OPENED SHORT at 2109.05 | Stop loss: 2119.610192857143 | Take profit: 2077.3918357142857 +2025-03-10 13:54:29,791 - INFO - CLOSED short at 2112.46 | PnL: -0.16% | $-0.44 +2025-03-10 13:54:29,792 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.882757142857 | Take profit: 2144.1693142857143 +2025-03-10 13:54:29,920 - INFO - CLOSED long at 2114.8 | PnL: 0.11% | $0.02 +2025-03-10 13:54:29,920 - INFO - OPENED SHORT at 2114.8 | Stop loss: 2125.388942857143 | Take profit: 2083.055585714286 +2025-03-10 13:54:30,011 - INFO - CLOSED short at 2108.71 | PnL: 0.29% | $0.32 +2025-03-10 13:54:30,011 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.151507142857 | Take profit: 2140.3630642857142 +2025-03-10 13:54:30,180 - INFO - CLOSED long at 2090.0 | PnL: -0.89% | $-1.67 +2025-03-10 13:54:30,180 - INFO - OPENED SHORT at 2090.0 | Stop loss: 2100.464942857143 | Take profit: 2058.6275857142855 +2025-03-10 13:54:30,204 - INFO - CLOSED short at 2099.53 | PnL: -0.46% | $-0.92 +2025-03-10 13:54:30,205 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0174071428573 | Take profit: 2131.0453642857146 +2025-03-10 13:54:30,302 - INFO - CLOSED long at 2099.25 | PnL: -0.01% | $-0.19 +2025-03-10 13:54:30,302 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.761192857143 | Take profit: 2067.738835714286 +2025-03-10 13:54:30,440 - INFO - CLOSED short at 2104.83 | PnL: -0.27% | $-0.60 +2025-03-10 13:54:30,441 - INFO - OPENED LONG at 2104.83 | Stop loss: 2094.290907142857 | Take profit: 2136.424864285714 +2025-03-10 13:54:30,493 - INFO - CLOSED long at 2106.39 | PnL: 0.07% | $-0.04 +2025-03-10 13:54:30,494 - INFO - OPENED SHORT at 2106.39 | Stop loss: 2116.936892857143 | Take profit: 2074.7717357142856 +2025-03-10 13:54:30,520 - INFO - CLOSED short at 2100.74 | PnL: 0.27% | $0.27 +2025-03-10 13:54:30,520 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.221357142857 | Take profit: 2132.273514285714 +2025-03-10 13:54:30,714 - INFO - CLOSED long at 2093.46 | PnL: -0.35% | $-0.73 +2025-03-10 13:54:30,714 - INFO - OPENED SHORT at 2093.46 | Stop loss: 2103.942242857143 | Take profit: 2062.0356857142856 +2025-03-10 13:54:30,751 - INFO - CLOSED short at 2093.33 | PnL: 0.01% | $-0.15 +2025-03-10 13:54:30,751 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.848407142857 | Take profit: 2124.752364285714 +2025-03-10 13:54:30,799 - INFO - CLOSED long at 2092.46 | PnL: -0.04% | $-0.23 +2025-03-10 13:54:30,845 - INFO - OPENED LONG at 2091.1 | Stop loss: 2080.6295571428573 | Take profit: 2122.488914285714 +2025-03-10 13:54:30,942 - INFO - CLOSED long at 2088.35 | PnL: -0.13% | $-0.37 +2025-03-10 13:54:30,943 - INFO - OPENED SHORT at 2088.35 | Stop loss: 2098.806692857143 | Take profit: 2057.002335714286 +2025-03-10 13:54:30,966 - INFO - CLOSED short at 2083.28 | PnL: 0.24% | $0.23 +2025-03-10 13:54:30,966 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848657142857 | Take profit: 2114.551614285714 +2025-03-10 13:54:31,297 - INFO - CLOSED long at 2083.59 | PnL: 0.01% | $-0.14 +2025-03-10 13:54:31,297 - INFO - OPENED SHORT at 2083.59 | Stop loss: 2094.022892857143 | Take profit: 2052.313735714286 +2025-03-10 13:54:31,320 - INFO - CLOSED short at 2086.57 | PnL: -0.14% | $-0.39 +2025-03-10 13:54:31,320 - INFO - OPENED LONG at 2086.57 | Stop loss: 2076.1222071428574 | Take profit: 2117.8909642857143 +2025-03-10 13:54:31,634 - INFO - CLOSED long at 2086.81 | PnL: 0.01% | $-0.14 +2025-03-10 13:54:31,635 - INFO - OPENED SHORT at 2086.81 | Stop loss: 2097.258992857143 | Take profit: 2055.485435714286 +2025-03-10 13:54:31,673 - INFO - CLOSED short at 2089.79 | PnL: -0.14% | $-0.39 +2025-03-10 13:54:31,673 - INFO - OPENED LONG at 2089.79 | Stop loss: 2079.326107142857 | Take profit: 2121.1592642857145 +2025-03-10 13:54:31,818 - INFO - CLOSED long at 2094.7 | PnL: 0.23% | $0.21 +2025-03-10 13:54:31,819 - INFO - OPENED SHORT at 2094.7 | Stop loss: 2105.1884428571425 | Take profit: 2063.2570857142855 +2025-03-10 13:54:31,866 - INFO - CLOSED short at 2099.99 | PnL: -0.25% | $-0.56 +2025-03-10 13:54:31,866 - INFO - OPENED LONG at 2099.99 | Stop loss: 2089.475107142857 | Take profit: 2131.512264285714 +2025-03-10 13:54:31,892 - INFO - CLOSED long at 2101.64 | PnL: 0.08% | $-0.03 +2025-03-10 13:54:31,892 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1631428571427 | Take profit: 2070.0929857142855 +2025-03-10 13:54:31,931 - INFO - CLOSED short at 2097.11 | PnL: 0.22% | $0.18 +2025-03-10 13:54:31,932 - INFO - OPENED LONG at 2097.11 | Stop loss: 2086.609507142857 | Take profit: 2128.5890642857144 +2025-03-10 13:54:32,024 - INFO - CLOSED long at 2099.89 | PnL: 0.13% | $0.05 +2025-03-10 13:54:32,025 - INFO - OPENED SHORT at 2099.89 | Stop loss: 2110.4043928571427 | Take profit: 2068.3692357142854 +2025-03-10 13:54:32,069 - INFO - CLOSED short at 2100.89 | PnL: -0.05% | $-0.23 +2025-03-10 13:54:32,069 - INFO - OPENED LONG at 2100.89 | Stop loss: 2090.370607142857 | Take profit: 2132.425764285714 +2025-03-10 13:54:32,155 - INFO - CLOSED long at 2103.48 | PnL: 0.12% | $0.04 +2025-03-10 13:54:32,155 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.012342857143 | Take profit: 2071.905385714286 +2025-03-10 13:54:32,176 - INFO - CLOSED short at 2104.93 | PnL: -0.07% | $-0.27 +2025-03-10 13:54:32,177 - INFO - OPENED LONG at 2104.93 | Stop loss: 2094.390407142857 | Take profit: 2136.526364285714 +2025-03-10 13:54:32,426 - INFO - CLOSED long at 2105.21 | PnL: 0.01% | $-0.14 +2025-03-10 13:54:32,426 - INFO - OPENED SHORT at 2105.21 | Stop loss: 2115.750992857143 | Take profit: 2073.6094357142856 +2025-03-10 13:54:32,477 - INFO - CLOSED short at 2103.9 | PnL: 0.06% | $-0.06 +2025-03-10 13:54:32,478 - INFO - OPENED LONG at 2103.9 | Stop loss: 2093.365557142857 | Take profit: 2135.4809142857143 +2025-03-10 13:54:32,667 - INFO - CLOSED long at 2106.28 | PnL: 0.11% | $0.02 +2025-03-10 13:54:32,668 - INFO - OPENED SHORT at 2106.28 | Stop loss: 2116.826342857143 | Take profit: 2074.663385714286 +2025-03-10 13:54:32,808 - INFO - CLOSED short at 2110.4 | PnL: -0.20% | $-0.46 +2025-03-10 13:54:32,808 - INFO - OPENED LONG at 2110.4 | Stop loss: 2099.8330571428573 | Take profit: 2142.0784142857146 +2025-03-10 13:54:33,088 - INFO - CLOSED long at 2108.99 | PnL: -0.07% | $-0.26 +2025-03-10 13:54:33,089 - INFO - OPENED SHORT at 2108.99 | Stop loss: 2119.549892857143 | Take profit: 2077.3327357142857 +2025-03-10 13:54:33,141 - INFO - CLOSED short at 2111.19 | PnL: -0.10% | $-0.32 +2025-03-10 13:54:33,141 - INFO - OPENED LONG at 2111.19 | Stop loss: 2100.619107142857 | Take profit: 2142.8802642857145 +2025-03-10 13:54:33,287 - INFO - CLOSED long at 2117.39 | PnL: 0.29% | $0.30 +2025-03-10 13:54:33,288 - INFO - OPENED SHORT at 2117.39 | Stop loss: 2127.991892857143 | Take profit: 2085.6067357142856 +2025-03-10 13:54:33,316 - INFO - CLOSED short at 2115.3 | PnL: 0.10% | $-0.00 +2025-03-10 13:54:33,316 - INFO - OPENED LONG at 2115.3 | Stop loss: 2104.7085571428574 | Take profit: 2147.0519142857142 +2025-03-10 13:54:33,452 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.20, Avg Loss=$-0.34 +2025-03-10 13:54:33,452 - INFO - Episode 41: Reward=21.94, Balance=$78.35, Win Rate=30.0%, Trades=120, Episode PnL=$-12.33, Total PnL=$-224.63, Max Drawdown=18.9%, Pred Accuracy=99.8% +2025-03-10 13:54:33,453 - INFO - Reducing learning rate to 0.000010 +2025-03-10 13:54:33,756 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:54:33,845 - INFO - CLOSED long at 2057.89 | PnL: -0.24% | $-0.68 +2025-03-10 13:54:33,845 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1943928571427 | Take profit: 2026.9992357142855 +2025-03-10 13:54:33,923 - INFO - CLOSED short at 2061.79 | PnL: -0.19% | $-0.57 +2025-03-10 13:54:33,923 - INFO - OPENED LONG at 2061.79 | Stop loss: 2051.4661071428573 | Take profit: 2092.7392642857144 +2025-03-10 13:54:33,961 - INFO - CLOSED long at 2061.18 | PnL: -0.03% | $-0.25 +2025-03-10 13:54:33,961 - INFO - OPENED SHORT at 2061.18 | Stop loss: 2071.5008428571427 | Take profit: 2030.2398857142855 +2025-03-10 13:54:33,994 - INFO - CLOSED short at 2064.32 | PnL: -0.15% | $-0.49 +2025-03-10 13:54:33,995 - INFO - OPENED LONG at 2064.32 | Stop loss: 2053.9834571428573 | Take profit: 2095.3072142857145 +2025-03-10 13:54:34,094 - INFO - CLOSED long at 2068.11 | PnL: 0.18% | $0.16 +2025-03-10 13:54:34,095 - INFO - OPENED SHORT at 2068.11 | Stop loss: 2078.465492857143 | Take profit: 2037.0659357142858 +2025-03-10 13:54:34,116 - INFO - CLOSED short at 2068.29 | PnL: -0.01% | $-0.21 +2025-03-10 13:54:34,116 - INFO - OPENED LONG at 2068.29 | Stop loss: 2057.933607142857 | Take profit: 2099.3367642857143 +2025-03-10 13:54:34,220 - INFO - CLOSED long at 2068.65 | PnL: 0.02% | $-0.16 +2025-03-10 13:54:34,220 - INFO - OPENED SHORT at 2068.65 | Stop loss: 2079.008192857143 | Take profit: 2037.5978357142858 +2025-03-10 13:54:34,245 - INFO - CLOSED short at 2068.99 | PnL: -0.02% | $-0.23 +2025-03-10 13:54:34,245 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.630107142857 | Take profit: 2100.047264285714 +2025-03-10 13:54:34,289 - INFO - CLOSED long at 2067.69 | PnL: -0.06% | $-0.32 +2025-03-10 13:54:34,289 - INFO - OPENED SHORT at 2067.69 | Stop loss: 2078.0433928571433 | Take profit: 2036.6522357142858 +2025-03-10 13:54:34,324 - INFO - CLOSED short at 2070.26 | PnL: -0.12% | $-0.43 +2025-03-10 13:54:34,364 - INFO - OPENED SHORT at 2071.44 | Stop loss: 2081.812142857143 | Take profit: 2040.3459857142857 +2025-03-10 13:54:34,434 - INFO - CLOSED short at 2075.1 | PnL: -0.18% | $-0.53 +2025-03-10 13:54:34,434 - INFO - OPENED LONG at 2075.1 | Stop loss: 2064.709557142857 | Take profit: 2106.248914285714 +2025-03-10 13:54:34,485 - INFO - CLOSED long at 2072.91 | PnL: -0.11% | $-0.39 +2025-03-10 13:54:34,485 - INFO - OPENED SHORT at 2072.91 | Stop loss: 2083.2894928571427 | Take profit: 2041.7939357142857 +2025-03-10 13:54:34,564 - INFO - CLOSED short at 2071.41 | PnL: 0.07% | $-0.05 +2025-03-10 13:54:34,565 - INFO - OPENED LONG at 2071.41 | Stop loss: 2061.0380071428567 | Take profit: 2102.5035642857138 +2025-03-10 13:54:34,610 - INFO - CLOSED long at 2070.9 | PnL: -0.02% | $-0.24 +2025-03-10 13:54:34,610 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.269442857143 | Take profit: 2039.8140857142857 +2025-03-10 13:54:34,636 - INFO - CLOSED short at 2072.8 | PnL: -0.09% | $-0.36 +2025-03-10 13:54:34,636 - INFO - OPENED LONG at 2072.8 | Stop loss: 2062.4210571428575 | Take profit: 2103.9144142857144 +2025-03-10 13:54:34,834 - INFO - CLOSED long at 2070.7 | PnL: -0.10% | $-0.38 +2025-03-10 13:54:34,835 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0684428571426 | Take profit: 2039.6170857142854 +2025-03-10 13:54:34,876 - INFO - CLOSED short at 2069.34 | PnL: 0.07% | $-0.06 +2025-03-10 13:54:34,876 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.978357142857 | Take profit: 2100.4025142857145 +2025-03-10 13:54:34,912 - INFO - CLOSED long at 2069.19 | PnL: -0.01% | $-0.20 +2025-03-10 13:54:34,937 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.4410571428575 | Take profit: 2099.8544142857145 +2025-03-10 13:54:35,051 - INFO - CLOSED long at 2065.99 | PnL: -0.14% | $-0.44 +2025-03-10 13:54:35,051 - INFO - OPENED SHORT at 2065.99 | Stop loss: 2076.3348928571427 | Take profit: 2034.9777357142855 +2025-03-10 13:54:35,074 - INFO - CLOSED short at 2066.19 | PnL: -0.01% | $-0.21 +2025-03-10 13:54:35,074 - INFO - OPENED LONG at 2066.19 | Stop loss: 2055.8441071428574 | Take profit: 2097.2052642857143 +2025-03-10 13:54:35,100 - INFO - CLOSED long at 2066.29 | PnL: 0.00% | $-0.18 +2025-03-10 13:54:35,101 - INFO - OPENED SHORT at 2066.29 | Stop loss: 2076.6363928571427 | Take profit: 2035.2732357142856 +2025-03-10 13:54:35,139 - INFO - CLOSED short at 2065.08 | PnL: 0.06% | $-0.08 +2025-03-10 13:54:35,139 - INFO - OPENED LONG at 2065.08 | Stop loss: 2054.739657142857 | Take profit: 2096.078614285714 +2025-03-10 13:54:35,406 - INFO - CLOSED long at 2071.39 | PnL: 0.31% | $0.38 +2025-03-10 13:54:35,407 - INFO - OPENED SHORT at 2071.39 | Stop loss: 2081.761892857143 | Take profit: 2040.2967357142857 +2025-03-10 13:54:35,428 - INFO - CLOSED short at 2071.36 | PnL: 0.00% | $-0.18 +2025-03-10 13:54:35,428 - INFO - OPENED LONG at 2071.36 | Stop loss: 2060.9882571428575 | Take profit: 2102.4528142857143 +2025-03-10 13:54:35,512 - INFO - CLOSED long at 2072.15 | PnL: 0.04% | $-0.12 +2025-03-10 13:54:35,513 - INFO - OPENED SHORT at 2072.15 | Stop loss: 2082.525692857143 | Take profit: 2041.045335714286 +2025-03-10 13:54:35,561 - INFO - CLOSED short at 2074.29 | PnL: -0.10% | $-0.38 +2025-03-10 13:54:35,562 - INFO - OPENED LONG at 2074.29 | Stop loss: 2063.9036071428573 | Take profit: 2105.4267642857144 +2025-03-10 13:54:35,642 - INFO - CLOSED long at 2071.92 | PnL: -0.11% | $-0.40 +2025-03-10 13:54:35,682 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.033057142857 | Take profit: 2101.4784142857143 +2025-03-10 13:54:35,754 - INFO - CLOSED long at 2069.35 | PnL: -0.05% | $-0.28 +2025-03-10 13:54:35,754 - INFO - OPENED SHORT at 2069.35 | Stop loss: 2079.7116928571427 | Take profit: 2038.2873357142855 +2025-03-10 13:54:35,774 - INFO - CLOSED short at 2068.32 | PnL: 0.05% | $-0.09 +2025-03-10 13:54:35,775 - INFO - OPENED LONG at 2068.32 | Stop loss: 2057.9634571428574 | Take profit: 2099.3672142857145 +2025-03-10 13:54:35,798 - INFO - CLOSED long at 2067.0 | PnL: -0.06% | $-0.30 +2025-03-10 13:54:35,799 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3499428571427 | Take profit: 2035.9725857142857 +2025-03-10 13:54:35,847 - INFO - CLOSED short at 2067.46 | PnL: -0.02% | $-0.22 +2025-03-10 13:54:35,847 - INFO - OPENED LONG at 2067.46 | Stop loss: 2057.1077571428573 | Take profit: 2098.4943142857146 +2025-03-10 13:54:36,585 - INFO - CLOSED long at 2064.47 | PnL: -0.14% | $-0.45 +2025-03-10 13:54:36,585 - INFO - OPENED SHORT at 2064.47 | Stop loss: 2074.8072928571423 | Take profit: 2033.4805357142855 +2025-03-10 13:54:36,630 - INFO - CLOSED short at 2067.8 | PnL: -0.16% | $-0.48 +2025-03-10 13:54:36,632 - INFO - OPENED LONG at 2067.8 | Stop loss: 2057.446057142857 | Take profit: 2098.8394142857146 +2025-03-10 13:54:36,753 - INFO - CLOSED long at 2064.99 | PnL: -0.14% | $-0.43 +2025-03-10 13:54:36,753 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.3298928571426 | Take profit: 2033.9927357142856 +2025-03-10 13:54:36,912 - INFO - CLOSED short at 2062.89 | PnL: 0.10% | $0.00 +2025-03-10 13:54:36,912 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:54:36,940 - INFO - CLOSED long at 2062.65 | PnL: -0.01% | $-0.20 +2025-03-10 13:54:36,940 - INFO - OPENED SHORT at 2062.65 | Stop loss: 2072.978192857143 | Take profit: 2031.6878357142857 +2025-03-10 13:54:36,966 - INFO - CLOSED short at 2061.78 | PnL: 0.04% | $-0.10 +2025-03-10 13:54:36,966 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.456157142857 | Take profit: 2092.729114285715 +2025-03-10 13:54:36,992 - INFO - CLOSED long at 2059.59 | PnL: -0.11% | $-0.37 +2025-03-10 13:54:37,015 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.621442857143 | Take profit: 2030.358085714286 +2025-03-10 13:54:37,060 - INFO - CLOSED short at 2064.96 | PnL: -0.18% | $-0.50 +2025-03-10 13:54:37,061 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.620257142857 | Take profit: 2095.9568142857142 +2025-03-10 13:54:37,221 - INFO - CLOSED long at 2066.09 | PnL: 0.05% | $-0.08 +2025-03-10 13:54:37,221 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.4353928571427 | Take profit: 2035.0762357142858 +2025-03-10 13:54:37,282 - INFO - CLOSED short at 2064.45 | PnL: 0.08% | $-0.04 +2025-03-10 13:54:37,282 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.112807142857 | Take profit: 2095.4391642857145 +2025-03-10 13:54:37,394 - INFO - CLOSED long at 2064.5 | PnL: 0.00% | $-0.17 +2025-03-10 13:54:37,394 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.837442857143 | Take profit: 2033.5100857142857 +2025-03-10 13:54:37,420 - INFO - CLOSED short at 2063.5 | PnL: 0.05% | $-0.09 +2025-03-10 13:54:37,420 - INFO - OPENED LONG at 2063.5 | Stop loss: 2053.1675571428573 | Take profit: 2094.4749142857145 +2025-03-10 13:54:37,469 - INFO - CLOSED long at 2060.9 | PnL: -0.13% | $-0.40 +2025-03-10 13:54:37,470 - INFO - OPENED SHORT at 2060.9 | Stop loss: 2071.219442857143 | Take profit: 2029.9640857142858 +2025-03-10 13:54:37,495 - INFO - CLOSED short at 2060.65 | PnL: 0.01% | $-0.15 +2025-03-10 13:54:37,495 - INFO - OPENED LONG at 2060.65 | Stop loss: 2050.3318071428575 | Take profit: 2091.5821642857145 +2025-03-10 13:54:37,604 - INFO - CLOSED long at 2059.3 | PnL: -0.07% | $-0.29 +2025-03-10 13:54:37,604 - INFO - OPENED SHORT at 2059.3 | Stop loss: 2069.6114428571427 | Take profit: 2028.3880857142858 +2025-03-10 13:54:37,748 - INFO - CLOSED short at 2062.61 | PnL: -0.16% | $-0.46 +2025-03-10 13:54:37,749 - INFO - OPENED LONG at 2062.61 | Stop loss: 2052.2820071428573 | Take profit: 2093.5715642857144 +2025-03-10 13:54:37,798 - INFO - CLOSED long at 2060.3 | PnL: -0.11% | $-0.37 +2025-03-10 13:54:37,798 - INFO - OPENED SHORT at 2060.3 | Stop loss: 2070.616442857143 | Take profit: 2029.373085714286 +2025-03-10 13:54:37,821 - INFO - CLOSED short at 2061.13 | PnL: -0.04% | $-0.24 +2025-03-10 13:54:37,822 - INFO - OPENED LONG at 2061.13 | Stop loss: 2050.8094071428573 | Take profit: 2092.0693642857145 +2025-03-10 13:54:37,896 - INFO - CLOSED long at 2065.36 | PnL: 0.21% | $0.18 +2025-03-10 13:54:37,897 - INFO - OPENED SHORT at 2065.36 | Stop loss: 2075.701742857143 | Take profit: 2034.3571857142858 +2025-03-10 13:54:37,940 - INFO - CLOSED short at 2064.33 | PnL: 0.05% | $-0.09 +2025-03-10 13:54:37,941 - INFO - OPENED LONG at 2064.33 | Stop loss: 2053.993407142857 | Take profit: 2095.317364285714 +2025-03-10 13:54:38,159 - INFO - CLOSED long at 2062.6 | PnL: -0.08% | $-0.32 +2025-03-10 13:54:38,160 - INFO - OPENED SHORT at 2062.6 | Stop loss: 2072.927942857143 | Take profit: 2031.6385857142857 +2025-03-10 13:54:38,185 - INFO - CLOSED short at 2061.89 | PnL: 0.03% | $-0.11 +2025-03-10 13:54:38,185 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.565607142857 | Take profit: 2092.840764285714 +2025-03-10 13:54:38,235 - INFO - CLOSED long at 2060.7 | PnL: -0.06% | $-0.27 +2025-03-10 13:54:38,236 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.018442857143 | Take profit: 2029.7670857142855 +2025-03-10 13:54:38,288 - INFO - CLOSED short at 2059.61 | PnL: 0.05% | $-0.08 +2025-03-10 13:54:38,289 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.297007142857 | Take profit: 2090.5265642857144 +2025-03-10 13:54:38,529 - INFO - CLOSED long at 2058.28 | PnL: -0.06% | $-0.28 +2025-03-10 13:54:38,529 - INFO - OPENED SHORT at 2058.28 | Stop loss: 2068.586342857143 | Take profit: 2027.3833857142859 +2025-03-10 13:54:38,550 - INFO - CLOSED short at 2056.28 | PnL: 0.10% | $-0.00 +2025-03-10 13:54:38,550 - INFO - OPENED LONG at 2056.28 | Stop loss: 2045.9836571428575 | Take profit: 2087.146614285715 +2025-03-10 13:54:38,828 - INFO - CLOSED long at 2061.3 | PnL: 0.24% | $0.25 +2025-03-10 13:54:38,828 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.621442857143 | Take profit: 2030.358085714286 +2025-03-10 13:54:38,875 - INFO - CLOSED short at 2062.69 | PnL: -0.07% | $-0.29 +2025-03-10 13:54:38,876 - INFO - OPENED LONG at 2062.69 | Stop loss: 2052.3616071428573 | Take profit: 2093.6527642857145 +2025-03-10 13:54:39,036 - INFO - CLOSED long at 2066.34 | PnL: 0.18% | $0.13 +2025-03-10 13:54:39,036 - INFO - OPENED SHORT at 2066.34 | Stop loss: 2076.686642857143 | Take profit: 2035.3224857142857 +2025-03-10 13:54:39,106 - INFO - CLOSED short at 2067.01 | PnL: -0.03% | $-0.23 +2025-03-10 13:54:39,106 - INFO - OPENED LONG at 2067.01 | Stop loss: 2056.6600071428575 | Take profit: 2098.037564285715 +2025-03-10 13:54:39,187 - INFO - CLOSED long at 2069.79 | PnL: 0.13% | $0.06 +2025-03-10 13:54:39,188 - INFO - OPENED SHORT at 2069.79 | Stop loss: 2080.153892857143 | Take profit: 2038.7207357142856 +2025-03-10 13:54:39,229 - INFO - CLOSED short at 2072.0 | PnL: -0.11% | $-0.35 +2025-03-10 13:54:39,229 - INFO - OPENED LONG at 2072.0 | Stop loss: 2061.6250571428573 | Take profit: 2103.1024142857145 +2025-03-10 13:54:39,326 - INFO - CLOSED long at 2075.01 | PnL: 0.15% | $0.08 +2025-03-10 13:54:39,327 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.399992857143 | Take profit: 2043.862435714286 +2025-03-10 13:54:39,350 - INFO - CLOSED short at 2072.6 | PnL: 0.12% | $0.03 +2025-03-10 13:54:39,350 - INFO - OPENED LONG at 2072.6 | Stop loss: 2062.222057142857 | Take profit: 2103.7114142857145 +2025-03-10 13:54:39,376 - INFO - CLOSED long at 2071.04 | PnL: -0.08% | $-0.30 +2025-03-10 13:54:39,377 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.410142857143 | Take profit: 2039.9519857142857 +2025-03-10 13:54:39,399 - INFO - CLOSED short at 2070.01 | PnL: 0.05% | $-0.09 +2025-03-10 13:54:39,399 - INFO - OPENED LONG at 2070.01 | Stop loss: 2059.645007142857 | Take profit: 2101.082564285715 +2025-03-10 13:54:39,425 - INFO - CLOSED long at 2071.6 | PnL: 0.08% | $-0.04 +2025-03-10 13:54:39,426 - INFO - OPENED SHORT at 2071.6 | Stop loss: 2081.972942857143 | Take profit: 2040.5035857142857 +2025-03-10 13:54:39,495 - INFO - CLOSED short at 2068.15 | PnL: 0.17% | $0.11 +2025-03-10 13:54:39,496 - INFO - OPENED LONG at 2068.15 | Stop loss: 2057.794307142857 | Take profit: 2099.194664285714 +2025-03-10 13:54:39,571 - INFO - CLOSED long at 2069.69 | PnL: 0.07% | $-0.04 +2025-03-10 13:54:39,571 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.053392857143 | Take profit: 2038.6222357142858 +2025-03-10 13:54:39,651 - INFO - CLOSED short at 2067.44 | PnL: 0.11% | $0.01 +2025-03-10 13:54:39,651 - INFO - OPENED LONG at 2067.44 | Stop loss: 2057.087857142857 | Take profit: 2098.4740142857145 +2025-03-10 13:54:39,724 - INFO - CLOSED long at 2072.99 | PnL: 0.27% | $0.29 +2025-03-10 13:54:39,724 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.369892857143 | Take profit: 2041.8727357142855 +2025-03-10 13:54:39,749 - INFO - CLOSED short at 2071.49 | PnL: 0.07% | $-0.05 +2025-03-10 13:54:39,749 - INFO - OPENED LONG at 2071.49 | Stop loss: 2061.1176071428567 | Take profit: 2102.5847642857143 +2025-03-10 13:54:39,818 - INFO - CLOSED long at 2066.38 | PnL: -0.25% | $-0.59 +2025-03-10 13:54:39,818 - INFO - OPENED SHORT at 2066.38 | Stop loss: 2076.726842857143 | Take profit: 2035.3618857142858 +2025-03-10 13:54:39,843 - INFO - CLOSED short at 2065.7 | PnL: 0.03% | $-0.11 +2025-03-10 13:54:39,843 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.356557142857 | Take profit: 2096.707914285714 +2025-03-10 13:54:39,948 - INFO - CLOSED long at 2064.5 | PnL: -0.06% | $-0.27 +2025-03-10 13:54:39,949 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.837442857143 | Take profit: 2033.5100857142857 +2025-03-10 13:54:39,982 - INFO - CLOSED short at 2065.3 | PnL: -0.04% | $-0.23 +2025-03-10 13:54:39,982 - INFO - OPENED LONG at 2065.3 | Stop loss: 2054.9585571428574 | Take profit: 2096.3019142857142 +2025-03-10 13:54:40,067 - INFO - CLOSED long at 2064.31 | PnL: -0.05% | $-0.25 +2025-03-10 13:54:40,068 - INFO - OPENED SHORT at 2064.31 | Stop loss: 2074.6464928571427 | Take profit: 2033.3229357142857 +2025-03-10 13:54:40,109 - INFO - CLOSED short at 2065.5 | PnL: -0.06% | $-0.26 +2025-03-10 13:54:40,109 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.157557142857 | Take profit: 2096.504914285714 +2025-03-10 13:54:40,132 - INFO - CLOSED long at 2067.53 | PnL: 0.10% | $-0.00 +2025-03-10 13:54:40,132 - INFO - OPENED SHORT at 2067.53 | Stop loss: 2077.882592857143 | Take profit: 2036.494635714286 +2025-03-10 13:54:40,154 - INFO - CLOSED short at 2065.29 | PnL: 0.11% | $0.01 +2025-03-10 13:54:40,154 - INFO - OPENED LONG at 2065.29 | Stop loss: 2054.948607142857 | Take profit: 2096.2917642857146 +2025-03-10 13:54:40,260 - INFO - CLOSED long at 2071.59 | PnL: 0.31% | $0.34 +2025-03-10 13:54:40,261 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.962892857143 | Take profit: 2040.4937357142858 +2025-03-10 13:54:40,284 - INFO - CLOSED short at 2070.2 | PnL: 0.07% | $-0.06 +2025-03-10 13:54:40,284 - INFO - OPENED LONG at 2070.2 | Stop loss: 2059.834057142857 | Take profit: 2101.275414285714 +2025-03-10 13:54:40,310 - INFO - CLOSED long at 2071.35 | PnL: 0.06% | $-0.07 +2025-03-10 13:54:40,311 - INFO - OPENED SHORT at 2071.35 | Stop loss: 2081.721692857143 | Take profit: 2040.2573357142858 +2025-03-10 13:54:40,361 - INFO - CLOSED short at 2070.9 | PnL: 0.02% | $-0.13 +2025-03-10 13:54:40,362 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.530557142857 | Take profit: 2101.9859142857144 +2025-03-10 13:54:40,415 - INFO - CLOSED long at 2069.69 | PnL: -0.06% | $-0.27 +2025-03-10 13:54:40,415 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.053392857143 | Take profit: 2038.6222357142858 +2025-03-10 13:54:40,456 - INFO - CLOSED short at 2070.7 | PnL: -0.05% | $-0.25 +2025-03-10 13:54:40,457 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.331557142857 | Take profit: 2101.782914285714 +2025-03-10 13:54:40,700 - INFO - CLOSED long at 2074.37 | PnL: 0.18% | $0.13 +2025-03-10 13:54:40,700 - INFO - OPENED SHORT at 2074.37 | Stop loss: 2084.7567928571425 | Take profit: 2043.2320357142855 +2025-03-10 13:54:40,748 - INFO - CLOSED short at 2075.07 | PnL: -0.03% | $-0.22 +2025-03-10 13:54:40,748 - INFO - OPENED LONG at 2075.07 | Stop loss: 2064.6797071428573 | Take profit: 2106.2184642857146 +2025-03-10 13:54:40,844 - INFO - CLOSED long at 2073.27 | PnL: -0.09% | $-0.31 +2025-03-10 13:54:40,845 - INFO - OPENED SHORT at 2073.27 | Stop loss: 2083.651292857143 | Take profit: 2042.1485357142858 +2025-03-10 13:54:40,930 - INFO - CLOSED short at 2075.32 | PnL: -0.10% | $-0.33 +2025-03-10 13:54:40,931 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.9284571428575 | Take profit: 2106.4722142857145 +2025-03-10 13:54:40,974 - INFO - CLOSED long at 2076.9 | PnL: 0.08% | $-0.04 +2025-03-10 13:54:40,975 - INFO - OPENED SHORT at 2076.9 | Stop loss: 2087.299442857143 | Take profit: 2045.7240857142858 +2025-03-10 13:54:41,000 - INFO - CLOSED short at 2075.61 | PnL: 0.06% | $-0.06 +2025-03-10 13:54:41,000 - INFO - OPENED LONG at 2075.61 | Stop loss: 2065.2170071428573 | Take profit: 2106.7665642857146 +2025-03-10 13:54:41,119 - INFO - CLOSED long at 2067.0 | PnL: -0.41% | $-0.85 +2025-03-10 13:54:41,119 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3499428571427 | Take profit: 2035.9725857142857 +2025-03-10 13:54:41,174 - INFO - CLOSED short at 2067.9 | PnL: -0.04% | $-0.23 +2025-03-10 13:54:41,174 - INFO - OPENED LONG at 2067.9 | Stop loss: 2057.5455571428574 | Take profit: 2098.9409142857144 +2025-03-10 13:54:41,330 - INFO - CLOSED long at 2065.45 | PnL: -0.12% | $-0.35 +2025-03-10 13:54:41,330 - INFO - OPENED SHORT at 2065.45 | Stop loss: 2075.7921928571427 | Take profit: 2034.4458357142857 +2025-03-10 13:54:41,352 - INFO - CLOSED short at 2068.1 | PnL: -0.13% | $-0.37 +2025-03-10 13:54:41,353 - INFO - OPENED LONG at 2068.1 | Stop loss: 2057.744557142857 | Take profit: 2099.1439142857143 +2025-03-10 13:54:41,375 - INFO - CLOSED long at 2069.0 | PnL: 0.04% | $-0.09 +2025-03-10 13:54:41,375 - INFO - OPENED SHORT at 2069.0 | Stop loss: 2079.359942857143 | Take profit: 2037.9425857142858 +2025-03-10 13:54:41,420 - INFO - CLOSED short at 2070.1 | PnL: -0.05% | $-0.25 +2025-03-10 13:54:41,420 - INFO - OPENED LONG at 2070.1 | Stop loss: 2059.734557142857 | Take profit: 2101.173914285714 +2025-03-10 13:54:41,463 - INFO - CLOSED long at 2065.5 | PnL: -0.22% | $-0.52 +2025-03-10 13:54:41,464 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.842442857143 | Take profit: 2034.4950857142856 +2025-03-10 13:54:41,490 - INFO - CLOSED short at 2065.7 | PnL: -0.01% | $-0.17 +2025-03-10 13:54:41,490 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.356557142857 | Take profit: 2096.707914285714 +2025-03-10 13:54:41,523 - INFO - CLOSED long at 2065.8 | PnL: 0.00% | $-0.15 +2025-03-10 13:54:41,524 - INFO - OPENED SHORT at 2065.8 | Stop loss: 2076.143942857143 | Take profit: 2034.7905857142857 +2025-03-10 13:54:41,566 - INFO - CLOSED short at 2065.07 | PnL: 0.04% | $-0.10 +2025-03-10 13:54:41,567 - INFO - OPENED LONG at 2065.07 | Stop loss: 2054.7297071428575 | Take profit: 2096.0684642857145 +2025-03-10 13:54:41,613 - INFO - CLOSED long at 2066.09 | PnL: 0.05% | $-0.08 +2025-03-10 13:54:41,614 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.4353928571427 | Take profit: 2035.0762357142858 +2025-03-10 13:54:41,690 - INFO - CLOSED short at 2062.34 | PnL: 0.18% | $0.13 +2025-03-10 13:54:41,690 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.0133571428573 | Take profit: 2093.2975142857144 +2025-03-10 13:54:41,742 - INFO - CLOSED long at 2066.1 | PnL: 0.18% | $0.13 +2025-03-10 13:54:41,742 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.445442857143 | Take profit: 2035.0860857142857 +2025-03-10 13:54:41,765 - INFO - CLOSED short at 2065.06 | PnL: 0.05% | $-0.08 +2025-03-10 13:54:41,765 - INFO - OPENED LONG at 2065.06 | Stop loss: 2054.719757142857 | Take profit: 2096.058314285714 +2025-03-10 13:54:41,877 - INFO - CLOSED long at 2060.7 | PnL: -0.21% | $-0.49 +2025-03-10 13:54:41,905 - INFO - OPENED LONG at 2060.2 | Stop loss: 2049.884057142857 | Take profit: 2091.125414285714 +2025-03-10 13:54:42,112 - INFO - CLOSED long at 2049.21 | PnL: -0.53% | $-1.00 +2025-03-10 13:54:42,113 - INFO - OPENED SHORT at 2049.21 | Stop loss: 2059.470992857143 | Take profit: 2018.4494357142858 +2025-03-10 13:54:42,136 - INFO - CLOSED short at 2049.5 | PnL: -0.01% | $-0.18 +2025-03-10 13:54:42,136 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.237557142857 | Take profit: 2080.264914285714 +2025-03-10 13:54:42,928 - INFO - CLOSED long at 2069.81 | PnL: 0.99% | $1.38 +2025-03-10 13:54:42,958 - INFO - OPENED LONG at 2070.41 | Stop loss: 2060.043007142857 | Take profit: 2101.488564285714 +2025-03-10 13:54:43,006 - INFO - CLOSED long at 2074.05 | PnL: 0.18% | $0.12 +2025-03-10 13:54:43,006 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4351928571427 | Take profit: 2042.9168357142858 +2025-03-10 13:54:43,035 - INFO - CLOSED short at 2072.99 | PnL: 0.05% | $-0.08 +2025-03-10 13:54:43,036 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.610107142857 | Take profit: 2104.107264285714 +2025-03-10 13:54:43,116 - INFO - CLOSED long at 2074.9 | PnL: 0.09% | $-0.01 +2025-03-10 13:54:43,117 - INFO - OPENED SHORT at 2074.9 | Stop loss: 2085.2894428571426 | Take profit: 2043.7540857142858 +2025-03-10 13:54:43,166 - INFO - CLOSED short at 2076.08 | PnL: -0.06% | $-0.25 +2025-03-10 13:54:43,166 - INFO - OPENED LONG at 2076.08 | Stop loss: 2065.6846571428573 | Take profit: 2107.2436142857146 +2025-03-10 13:54:43,330 - INFO - CLOSED long at 2130.7 | PnL: 2.63% | $3.99 +2025-03-10 13:54:43,330 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.368442857143 | Take profit: 2098.7170857142855 +2025-03-10 13:54:43,352 - INFO - CLOSED short at 2139.54 | PnL: -0.41% | $-0.85 +2025-03-10 13:54:43,352 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.827357142857 | Take profit: 2171.655514285714 +2025-03-10 13:54:43,661 - INFO - STOP LOSS hit for long at 2128.827357142857 | PnL: -0.50% | $-0.98 +2025-03-10 13:54:43,732 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.0316071428574 | Take profit: 2160.6427642857143 +2025-03-10 13:54:43,814 - INFO - STOP LOSS hit for long at 2118.0316071428574 | PnL: -0.50% | $-0.97 +2025-03-10 13:54:43,838 - INFO - OPENED SHORT at 2119.93 | Stop loss: 2130.544592857143 | Take profit: 2088.1086357142854 +2025-03-10 13:54:43,910 - INFO - CLOSED short at 2118.52 | PnL: 0.07% | $-0.05 +2025-03-10 13:54:43,910 - INFO - OPENED LONG at 2118.52 | Stop loss: 2107.912457142857 | Take profit: 2150.320214285714 +2025-03-10 13:54:44,122 - INFO - STOP LOSS hit for long at 2107.912457142857 | PnL: -0.50% | $-0.96 +2025-03-10 13:54:44,148 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032057142857 | Take profit: 2142.281414285714 +2025-03-10 13:54:44,221 - INFO - CLOSED long at 2112.95 | PnL: 0.11% | $0.02 +2025-03-10 13:54:44,221 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.5296928571424 | Take profit: 2081.2333357142857 +2025-03-10 13:54:44,266 - INFO - CLOSED short at 2113.24 | PnL: -0.01% | $-0.18 +2025-03-10 13:54:44,267 - INFO - OPENED LONG at 2113.24 | Stop loss: 2102.658857142857 | Take profit: 2144.961014285714 +2025-03-10 13:54:44,490 - INFO - CLOSED long at 2106.49 | PnL: -0.32% | $-0.66 +2025-03-10 13:54:44,490 - INFO - OPENED SHORT at 2106.49 | Stop loss: 2117.0373928571425 | Take profit: 2074.8702357142856 +2025-03-10 13:54:44,512 - INFO - CLOSED short at 2108.06 | PnL: -0.07% | $-0.27 +2025-03-10 13:54:44,512 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.504757142857 | Take profit: 2139.7033142857144 +2025-03-10 13:54:44,582 - INFO - STOP LOSS hit for long at 2097.504757142857 | PnL: -0.50% | $-0.94 +2025-03-10 13:54:44,605 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0174071428573 | Take profit: 2131.0453642857146 +2025-03-10 13:54:45,194 - INFO - CLOSED long at 2091.1 | PnL: -0.40% | $-0.77 +2025-03-10 13:54:45,195 - INFO - OPENED SHORT at 2091.1 | Stop loss: 2101.5704428571426 | Take profit: 2059.7110857142857 +2025-03-10 13:54:45,250 - INFO - CLOSED short at 2094.72 | PnL: -0.17% | $-0.42 +2025-03-10 13:54:45,250 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.231457142857 | Take profit: 2126.1632142857143 +2025-03-10 13:54:45,342 - INFO - STOP LOSS hit for long at 2084.231457142857 | PnL: -0.50% | $-0.91 +2025-03-10 13:54:45,367 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.982857142857 | Take profit: 2119.789014285714 +2025-03-10 13:54:45,689 - INFO - CLOSED long at 2085.8 | PnL: -0.13% | $-0.34 +2025-03-10 13:54:45,690 - INFO - OPENED SHORT at 2085.8 | Stop loss: 2096.243942857143 | Take profit: 2054.4905857142858 +2025-03-10 13:54:45,711 - INFO - CLOSED short at 2084.72 | PnL: 0.05% | $-0.07 +2025-03-10 13:54:45,711 - INFO - OPENED LONG at 2084.72 | Stop loss: 2074.281457142857 | Take profit: 2116.013214285714 +2025-03-10 13:54:46,054 - INFO - CLOSED long at 2091.05 | PnL: 0.30% | $0.30 +2025-03-10 13:54:46,091 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.579807142857 | Take profit: 2122.4381642857143 +2025-03-10 13:54:46,495 - INFO - CLOSED long at 2103.81 | PnL: 0.61% | $0.76 +2025-03-10 13:54:46,496 - INFO - OPENED SHORT at 2103.81 | Stop loss: 2114.343992857143 | Take profit: 2072.2304357142857 +2025-03-10 13:54:46,525 - INFO - CLOSED short at 2103.07 | PnL: 0.04% | $-0.10 +2025-03-10 13:54:46,525 - INFO - OPENED LONG at 2103.07 | Stop loss: 2092.5397071428574 | Take profit: 2134.6384642857147 +2025-03-10 13:54:46,549 - INFO - CLOSED long at 2101.5 | PnL: -0.07% | $-0.26 +2025-03-10 13:54:46,549 - INFO - OPENED SHORT at 2101.5 | Stop loss: 2112.0224428571432 | Take profit: 2069.955085714286 +2025-03-10 13:54:46,574 - INFO - CLOSED short at 2105.83 | PnL: -0.21% | $-0.46 +2025-03-10 13:54:46,574 - INFO - OPENED LONG at 2105.83 | Stop loss: 2095.285907142857 | Take profit: 2137.4398642857145 +2025-03-10 13:54:46,846 - INFO - CLOSED long at 2102.7 | PnL: -0.15% | $-0.37 +2025-03-10 13:54:46,847 - INFO - OPENED SHORT at 2102.7 | Stop loss: 2113.228442857143 | Take profit: 2071.1370857142856 +2025-03-10 13:54:46,910 - INFO - CLOSED short at 2102.0 | PnL: 0.03% | $-0.10 +2025-03-10 13:54:46,911 - INFO - OPENED LONG at 2102.0 | Stop loss: 2091.475057142857 | Take profit: 2133.5524142857143 +2025-03-10 13:54:47,170 - INFO - CLOSED long at 2110.87 | PnL: 0.42% | $0.48 +2025-03-10 13:54:47,171 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.439292857143 | Take profit: 2079.1845357142856 +2025-03-10 13:54:47,198 - INFO - CLOSED short at 2110.4 | PnL: 0.02% | $-0.12 +2025-03-10 13:54:47,199 - INFO - OPENED LONG at 2110.4 | Stop loss: 2099.8330571428573 | Take profit: 2142.0784142857146 +2025-03-10 13:54:47,293 - INFO - CLOSED long at 2113.61 | PnL: 0.15% | $0.08 +2025-03-10 13:54:47,294 - INFO - OPENED SHORT at 2113.61 | Stop loss: 2124.192992857143 | Take profit: 2081.883435714286 +2025-03-10 13:54:47,321 - INFO - CLOSED short at 2113.1 | PnL: 0.02% | $-0.11 +2025-03-10 13:54:47,322 - INFO - OPENED LONG at 2113.1 | Stop loss: 2102.519557142857 | Take profit: 2144.818914285714 +2025-03-10 13:54:47,726 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.38, Avg Loss=$-0.29 +2025-03-10 13:54:47,726 - INFO - Episode 42: Reward=-18.49, Balance=$75.13, Win Rate=17.6%, Trades=142, Episode PnL=$-17.80, Total PnL=$-249.50, Max Drawdown=24.7%, Pred Accuracy=99.8% +2025-03-10 13:54:47,727 - INFO - Reducing learning rate to 0.000010 +2025-03-10 13:54:47,913 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:54:49,396 - INFO - CLOSED long at 2069.7 | PnL: 0.33% | $0.46 +2025-03-10 13:54:49,397 - INFO - OPENED SHORT at 2069.7 | Stop loss: 2080.0634428571425 | Take profit: 2038.6320857142855 +2025-03-10 13:54:49,457 - INFO - CLOSED short at 2070.4 | PnL: -0.03% | $-0.27 +2025-03-10 13:54:49,457 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.033057142857 | Take profit: 2101.4784142857143 +2025-03-10 13:54:50,438 - INFO - CLOSED long at 2068.5 | PnL: -0.09% | $-0.38 +2025-03-10 13:54:50,439 - INFO - OPENED SHORT at 2068.5 | Stop loss: 2078.857442857143 | Take profit: 2037.4500857142857 +2025-03-10 13:54:50,458 - INFO - CLOSED short at 2068.69 | PnL: -0.01% | $-0.22 +2025-03-10 13:54:50,459 - INFO - OPENED LONG at 2068.69 | Stop loss: 2058.331607142857 | Take profit: 2099.742764285714 +2025-03-10 13:54:51,928 - INFO - CLOSED long at 2064.79 | PnL: -0.19% | $-0.57 +2025-03-10 13:54:51,928 - INFO - OPENED SHORT at 2064.79 | Stop loss: 2075.128892857143 | Take profit: 2033.7957357142857 +2025-03-10 13:54:51,950 - INFO - CLOSED short at 2065.89 | PnL: -0.05% | $-0.30 +2025-03-10 13:54:51,950 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.545607142857 | Take profit: 2096.900764285714 +2025-03-10 13:54:52,267 - INFO - CLOSED long at 2058.89 | PnL: -0.34% | $-0.86 +2025-03-10 13:54:52,268 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.1993928571424 | Take profit: 2027.9842357142857 +2025-03-10 13:54:52,308 - INFO - CLOSED short at 2059.96 | PnL: -0.05% | $-0.30 +2025-03-10 13:54:52,308 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.645257142857 | Take profit: 2090.881814285714 +2025-03-10 13:54:53,455 - INFO - CLOSED long at 2069.03 | PnL: 0.44% | $0.66 +2025-03-10 13:54:53,501 - INFO - OPENED LONG at 2067.44 | Stop loss: 2057.087857142857 | Take profit: 2098.4740142857145 +2025-03-10 13:54:53,657 - INFO - CLOSED long at 2065.7 | PnL: -0.08% | $-0.36 +2025-03-10 13:54:53,657 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0434428571425 | Take profit: 2034.6920857142857 +2025-03-10 13:54:53,684 - INFO - CLOSED short at 2065.66 | PnL: 0.00% | $-0.19 +2025-03-10 13:54:53,684 - INFO - OPENED LONG at 2065.66 | Stop loss: 2055.316757142857 | Take profit: 2096.6673142857144 +2025-03-10 13:54:54,001 - INFO - CLOSED long at 2065.31 | PnL: -0.02% | $-0.23 +2025-03-10 13:54:54,001 - INFO - OPENED SHORT at 2065.31 | Stop loss: 2075.651492857143 | Take profit: 2034.3079357142858 +2025-03-10 13:54:54,022 - INFO - CLOSED short at 2066.8 | PnL: -0.07% | $-0.33 +2025-03-10 13:54:54,022 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.4510571428573 | Take profit: 2097.8244142857143 +2025-03-10 13:54:55,884 - INFO - STOP LOSS hit for long at 2056.4510571428573 | PnL: -0.50% | $-1.16 +2025-03-10 13:54:55,912 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.9490071428572 | Take profit: 2079.9705642857143 +2025-03-10 13:54:56,687 - INFO - CLOSED long at 2074.05 | PnL: 1.21% | $2.12 +2025-03-10 13:54:56,688 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4351928571427 | Take profit: 2042.9168357142858 +2025-03-10 13:54:56,711 - INFO - CLOSED short at 2072.99 | PnL: 0.05% | $-0.10 +2025-03-10 13:54:56,711 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.610107142857 | Take profit: 2104.107264285714 +2025-03-10 13:54:56,929 - INFO - TAKE PROFIT hit for long at 2104.107264285714 | PnL: 1.50% | $2.73 +2025-03-10 13:54:56,977 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.827357142857 | Take profit: 2171.655514285714 +2025-03-10 13:54:57,210 - INFO - CLOSED long at 2134.78 | PnL: -0.22% | $-0.65 +2025-03-10 13:54:57,236 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.340107142857 | Take profit: 2158.9172642857143 +2025-03-10 13:54:57,558 - INFO - STOP LOSS hit for long at 2116.340107142857 | PnL: -0.50% | $-1.19 +2025-03-10 13:54:57,600 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032057142857 | Take profit: 2142.281414285714 +2025-03-10 13:54:58,025 - INFO - STOP LOSS hit for long at 2100.032057142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:54:58,046 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0174071428573 | Take profit: 2131.0453642857146 +2025-03-10 13:54:58,723 - INFO - STOP LOSS hit for long at 2089.0174071428573 | PnL: -0.50% | $-1.17 +2025-03-10 13:54:58,746 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848657142857 | Take profit: 2114.551614285714 +2025-03-10 13:55:00,595 - INFO - CLOSED long at 2113.0 | PnL: 1.43% | $2.54 +2025-03-10 13:55:00,595 - INFO - OPENED SHORT at 2113.0 | Stop loss: 2123.579942857143 | Take profit: 2081.2825857142857 +2025-03-10 13:55:00,642 - INFO - CLOSED short at 2115.26 | PnL: -0.11% | $-0.41 +2025-03-10 13:55:00,642 - INFO - OPENED LONG at 2115.26 | Stop loss: 2104.6687571428574 | Take profit: 2147.0113142857144 +2025-03-10 13:55:01,151 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.70, Avg Loss=$-0.55 +2025-03-10 13:55:01,152 - INFO - Episode 43: Reward=82.30, Balance=$98.66, Win Rate=21.7%, Trades=23, Episode PnL=$-4.06, Total PnL=$-250.84, Max Drawdown=4.2%, Pred Accuracy=99.7% +2025-03-10 13:55:01,153 - INFO - Reducing learning rate to 0.000010 +2025-03-10 13:55:01,340 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:55:04,332 - INFO - CLOSED long at 2066.15 | PnL: 0.16% | $0.12 +2025-03-10 13:55:04,332 - INFO - OPENED SHORT at 2066.15 | Stop loss: 2076.4956928571432 | Take profit: 2035.1353357142857 +2025-03-10 13:55:04,385 - INFO - CLOSED short at 2065.26 | PnL: 0.04% | $-0.11 +2025-03-10 13:55:04,386 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9187571428574 | Take profit: 2096.2613142857144 +2025-03-10 13:55:04,545 - INFO - CLOSED long at 2061.3 | PnL: -0.19% | $-0.58 +2025-03-10 13:55:04,573 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.2571071428574 | Take profit: 2094.5662642857146 +2025-03-10 13:55:06,109 - INFO - CLOSED long at 2054.89 | PnL: -0.42% | $-1.03 +2025-03-10 13:55:06,109 - INFO - OPENED SHORT at 2054.89 | Stop loss: 2065.179392857143 | Take profit: 2024.0442357142856 +2025-03-10 13:55:06,135 - INFO - CLOSED short at 2054.83 | PnL: 0.00% | $-0.19 +2025-03-10 13:55:06,135 - INFO - OPENED LONG at 2054.83 | Stop loss: 2044.540907142857 | Take profit: 2085.674864285714 +2025-03-10 13:55:06,162 - INFO - CLOSED long at 2056.71 | PnL: 0.09% | $-0.02 +2025-03-10 13:55:06,162 - INFO - OPENED SHORT at 2056.71 | Stop loss: 2067.0084928571428 | Take profit: 2025.8369357142856 +2025-03-10 13:55:06,186 - INFO - CLOSED short at 2058.15 | PnL: -0.07% | $-0.33 +2025-03-10 13:55:06,186 - INFO - OPENED LONG at 2058.15 | Stop loss: 2047.8443071428574 | Take profit: 2089.0446642857146 +2025-03-10 13:55:08,352 - INFO - CLOSED long at 2076.9 | PnL: 0.91% | $1.58 +2025-03-10 13:55:08,353 - INFO - OPENED SHORT at 2076.9 | Stop loss: 2087.299442857143 | Take profit: 2045.7240857142858 +2025-03-10 13:55:08,394 - INFO - CLOSED short at 2075.61 | PnL: 0.06% | $-0.07 +2025-03-10 13:55:08,394 - INFO - OPENED LONG at 2075.61 | Stop loss: 2065.2170071428573 | Take profit: 2106.7665642857146 +2025-03-10 13:55:08,918 - INFO - STOP LOSS hit for long at 2065.2170071428573 | PnL: -0.50% | $-1.19 +2025-03-10 13:55:08,941 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.744607142857 | Take profit: 2097.103764285714 +2025-03-10 13:55:09,357 - INFO - CLOSED long at 2056.77 | PnL: -0.45% | $-1.07 +2025-03-10 13:55:09,382 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.7300071428574 | Take profit: 2083.8275642857143 +2025-03-10 13:55:10,493 - INFO - CLOSED long at 2074.9 | PnL: 1.07% | $1.86 +2025-03-10 13:55:10,519 - INFO - OPENED LONG at 2076.08 | Stop loss: 2065.6846571428573 | Take profit: 2107.2436142857146 +2025-03-10 13:55:10,635 - INFO - TAKE PROFIT hit for long at 2107.2436142857146 | PnL: 1.50% | $2.75 +2025-03-10 13:55:10,659 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.827357142857 | Take profit: 2171.655514285714 +2025-03-10 13:55:10,939 - INFO - STOP LOSS hit for long at 2128.827357142857 | PnL: -0.50% | $-1.21 +2025-03-10 13:55:10,963 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.6485571428575 | Take profit: 2159.2319142857145 +2025-03-10 13:55:11,262 - INFO - STOP LOSS hit for long at 2116.6485571428575 | PnL: -0.50% | $-1.20 +2025-03-10 13:55:11,303 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.877907142857 | Take profit: 2139.063864285714 +2025-03-10 13:55:11,453 - INFO - CLOSED long at 2112.99 | PnL: 0.26% | $0.32 +2025-03-10 13:55:11,496 - INFO - OPENED LONG at 2116.48 | Stop loss: 2105.882657142857 | Take profit: 2148.249614285714 +2025-03-10 13:55:11,703 - INFO - STOP LOSS hit for long at 2105.882657142857 | PnL: -0.50% | $-1.19 +2025-03-10 13:55:11,726 - INFO - OPENED LONG at 2100.5 | Stop loss: 2089.982557142857 | Take profit: 2132.029914285714 +2025-03-10 13:55:12,441 - INFO - STOP LOSS hit for long at 2089.982557142857 | PnL: -0.50% | $-1.17 +2025-03-10 13:55:12,484 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848657142857 | Take profit: 2114.551614285714 +2025-03-10 13:55:13,032 - INFO - CLOSED long at 2087.0 | PnL: 0.18% | $0.15 +2025-03-10 13:55:13,058 - INFO - OPENED LONG at 2087.47 | Stop loss: 2077.017707142857 | Take profit: 2118.804464285714 +2025-03-10 13:55:13,743 - INFO - CLOSED long at 2105.83 | PnL: 0.88% | $1.51 +2025-03-10 13:55:13,768 - INFO - OPENED LONG at 2103.64 | Stop loss: 2093.106857142857 | Take profit: 2135.217014285714 +2025-03-10 13:55:13,924 - INFO - CLOSED long at 2102.7 | PnL: -0.04% | $-0.28 +2025-03-10 13:55:13,925 - INFO - OPENED SHORT at 2102.7 | Stop loss: 2113.228442857143 | Take profit: 2071.1370857142856 +2025-03-10 13:55:13,974 - INFO - CLOSED short at 2102.0 | PnL: 0.03% | $-0.13 +2025-03-10 13:55:13,974 - INFO - OPENED LONG at 2102.0 | Stop loss: 2091.475057142857 | Take profit: 2133.5524142857143 +2025-03-10 13:55:14,770 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.18, Avg Loss=$-0.65 +2025-03-10 13:55:14,771 - INFO - Episode 44: Reward=89.74, Balance=$98.51, Win Rate=31.8%, Trades=22, Episode PnL=$-1.85, Total PnL=$-252.34, Max Drawdown=4.4%, Pred Accuracy=99.7% +2025-03-10 13:55:14,771 - INFO - Reducing learning rate to 0.000010 +2025-03-10 13:55:15,051 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:55:16,015 - INFO - CLOSED long at 2070.79 | PnL: 0.38% | $0.56 +2025-03-10 13:55:16,016 - INFO - OPENED SHORT at 2070.79 | Stop loss: 2081.1588928571427 | Take profit: 2039.7057357142855 +2025-03-10 13:55:16,038 - INFO - CLOSED short at 2070.28 | PnL: 0.02% | $-0.15 +2025-03-10 13:55:16,039 - INFO - OPENED LONG at 2070.28 | Stop loss: 2059.913657142857 | Take profit: 2101.3566142857144 +2025-03-10 13:55:16,823 - INFO - CLOSED long at 2072.75 | PnL: 0.12% | $0.04 +2025-03-10 13:55:16,848 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.729507142857 | Take profit: 2104.2290642857142 +2025-03-10 13:55:18,185 - INFO - STOP LOSS hit for long at 2062.729507142857 | PnL: -0.50% | $-1.20 +2025-03-10 13:55:18,226 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.456157142857 | Take profit: 2092.729114285715 +2025-03-10 13:55:20,080 - INFO - CLOSED long at 2066.34 | PnL: 0.22% | $0.24 +2025-03-10 13:55:20,080 - INFO - OPENED SHORT at 2066.34 | Stop loss: 2076.686642857143 | Take profit: 2035.3224857142857 +2025-03-10 13:55:20,120 - INFO - CLOSED short at 2066.79 | PnL: -0.02% | $-0.24 +2025-03-10 13:55:20,121 - INFO - OPENED LONG at 2066.79 | Stop loss: 2056.441107142857 | Take profit: 2097.814264285714 +2025-03-10 13:55:20,373 - INFO - CLOSED long at 2072.6 | PnL: 0.28% | $0.36 +2025-03-10 13:55:20,374 - INFO - OPENED SHORT at 2072.6 | Stop loss: 2082.977942857143 | Take profit: 2041.4885857142856 +2025-03-10 13:55:20,395 - INFO - CLOSED short at 2071.04 | PnL: 0.08% | $-0.05 +2025-03-10 13:55:20,395 - INFO - OPENED LONG at 2071.04 | Stop loss: 2060.669857142857 | Take profit: 2102.1280142857145 +2025-03-10 13:55:21,839 - INFO - CLOSED long at 2075.32 | PnL: 0.21% | $0.21 +2025-03-10 13:55:21,881 - INFO - OPENED LONG at 2075.29 | Stop loss: 2064.898607142857 | Take profit: 2106.4417642857143 +2025-03-10 13:55:21,923 - INFO - CLOSED long at 2075.61 | PnL: 0.02% | $-0.17 +2025-03-10 13:55:21,923 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2086.002992857143 | Take profit: 2044.453435714286 +2025-03-10 13:55:21,948 - INFO - CLOSED short at 2074.0 | PnL: 0.08% | $-0.04 +2025-03-10 13:55:21,949 - INFO - OPENED LONG at 2074.0 | Stop loss: 2063.615057142857 | Take profit: 2105.1324142857143 +2025-03-10 13:55:22,468 - INFO - STOP LOSS hit for long at 2063.615057142857 | PnL: -0.50% | $-1.19 +2025-03-10 13:55:22,495 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.0133571428573 | Take profit: 2093.2975142857144 +2025-03-10 13:55:22,884 - INFO - STOP LOSS hit for long at 2052.0133571428573 | PnL: -0.50% | $-1.17 +2025-03-10 13:55:22,920 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.237557142857 | Take profit: 2080.264914285714 +2025-03-10 13:55:23,116 - INFO - CLOSED long at 2062.83 | PnL: 0.65% | $1.06 +2025-03-10 13:55:23,116 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.1590928571427 | Take profit: 2031.8651357142855 +2025-03-10 13:55:23,144 - INFO - CLOSED short at 2063.9 | PnL: -0.05% | $-0.30 +2025-03-10 13:55:23,144 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5655571428574 | Take profit: 2094.8809142857144 +2025-03-10 13:55:23,645 - INFO - CLOSED long at 2070.41 | PnL: 0.32% | $0.42 +2025-03-10 13:55:23,687 - INFO - OPENED LONG at 2074.05 | Stop loss: 2063.664807142857 | Take profit: 2105.183164285714 +2025-03-10 13:55:24,000 - INFO - TAKE PROFIT hit for long at 2105.183164285714 | PnL: 1.50% | $2.74 +2025-03-10 13:55:24,023 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.827357142857 | Take profit: 2171.655514285714 +2025-03-10 13:55:24,312 - INFO - STOP LOSS hit for long at 2128.827357142857 | PnL: -0.50% | $-1.21 +2025-03-10 13:55:24,332 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.6485571428575 | Take profit: 2159.2319142857145 +2025-03-10 13:55:24,600 - INFO - STOP LOSS hit for long at 2116.6485571428575 | PnL: -0.50% | $-1.19 +2025-03-10 13:55:24,637 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.877907142857 | Take profit: 2139.063864285714 +2025-03-10 13:55:25,113 - INFO - STOP LOSS hit for long at 2096.877907142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:55:25,136 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0174071428573 | Take profit: 2131.0453642857146 +2025-03-10 13:55:25,728 - INFO - STOP LOSS hit for long at 2089.0174071428573 | PnL: -0.50% | $-1.16 +2025-03-10 13:55:25,775 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848657142857 | Take profit: 2114.551614285714 +2025-03-10 13:55:27,623 - INFO - TAKE PROFIT hit for long at 2114.551614285714 | PnL: 1.50% | $2.68 +2025-03-10 13:55:27,648 - INFO - OPENED LONG at 2113.61 | Stop loss: 2103.027007142857 | Take profit: 2145.3365642857143 +2025-03-10 13:55:28,073 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.92, Avg Loss=$-0.71 +2025-03-10 13:55:28,074 - INFO - Episode 45: Reward=95.80, Balance=$99.06, Win Rate=40.9%, Trades=22, Episode PnL=$-2.99, Total PnL=$-253.28, Max Drawdown=4.7%, Pred Accuracy=99.7% +2025-03-10 13:55:28,074 - INFO - Reducing learning rate to 0.000010 +2025-03-10 13:55:28,410 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:55:28,519 - INFO - CLOSED long at 2057.94 | PnL: -0.24% | $-0.68 +2025-03-10 13:55:28,519 - INFO - OPENED SHORT at 2057.94 | Stop loss: 2068.244642857143 | Take profit: 2027.0484857142858 +2025-03-10 13:55:28,539 - INFO - CLOSED short at 2058.11 | PnL: -0.01% | $-0.21 +2025-03-10 13:55:28,539 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.8045071428571 | Take profit: 2089.004064285715 +2025-03-10 13:55:28,641 - INFO - CLOSED long at 2070.58 | PnL: 0.61% | $1.00 +2025-03-10 13:55:28,642 - INFO - OPENED SHORT at 2070.58 | Stop loss: 2080.9478428571424 | Take profit: 2039.4988857142857 +2025-03-10 13:55:28,662 - INFO - CLOSED short at 2068.11 | PnL: 0.12% | $0.04 +2025-03-10 13:55:28,662 - INFO - OPENED LONG at 2068.11 | Stop loss: 2057.754507142857 | Take profit: 2099.1540642857144 +2025-03-10 13:55:29,164 - INFO - CLOSED long at 2072.8 | PnL: 0.23% | $0.25 +2025-03-10 13:55:29,165 - INFO - OPENED SHORT at 2072.8 | Stop loss: 2083.178942857143 | Take profit: 2041.685585714286 +2025-03-10 13:55:29,202 - INFO - CLOSED short at 2070.79 | PnL: 0.10% | $-0.01 +2025-03-10 13:55:29,203 - INFO - OPENED LONG at 2070.79 | Stop loss: 2060.421107142857 | Take profit: 2101.874264285714 +2025-03-10 13:55:29,748 - INFO - CLOSED long at 2068.51 | PnL: -0.11% | $-0.42 +2025-03-10 13:55:29,770 - INFO - OPENED LONG at 2068.59 | Stop loss: 2058.2321071428573 | Take profit: 2099.6412642857144 +2025-03-10 13:55:30,230 - INFO - CLOSED long at 2069.35 | PnL: 0.04% | $-0.13 +2025-03-10 13:55:30,231 - INFO - OPENED SHORT at 2069.35 | Stop loss: 2079.7116928571427 | Take profit: 2038.2873357142855 +2025-03-10 13:55:30,253 - INFO - CLOSED short at 2068.32 | PnL: 0.05% | $-0.10 +2025-03-10 13:55:30,253 - INFO - OPENED LONG at 2068.32 | Stop loss: 2057.9634571428574 | Take profit: 2099.3672142857145 +2025-03-10 13:55:32,791 - INFO - STOP LOSS hit for long at 2057.9634571428574 | PnL: -0.50% | $-1.19 +2025-03-10 13:55:32,873 - INFO - OPENED LONG at 2056.28 | Stop loss: 2045.9836571428575 | Take profit: 2087.146614285715 +2025-03-10 13:55:33,357 - INFO - CLOSED long at 2066.34 | PnL: 0.49% | $0.76 +2025-03-10 13:55:33,358 - INFO - OPENED SHORT at 2066.34 | Stop loss: 2076.686642857143 | Take profit: 2035.3224857142857 +2025-03-10 13:55:33,381 - INFO - CLOSED short at 2066.79 | PnL: -0.02% | $-0.24 +2025-03-10 13:55:33,381 - INFO - OPENED LONG at 2066.79 | Stop loss: 2056.441107142857 | Take profit: 2097.814264285714 +2025-03-10 13:55:34,506 - INFO - CLOSED long at 2066.8 | PnL: 0.00% | $-0.20 +2025-03-10 13:55:34,507 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.1489428571426 | Take profit: 2035.7755857142859 +2025-03-10 13:55:34,530 - INFO - CLOSED short at 2066.5 | PnL: 0.01% | $-0.17 +2025-03-10 13:55:34,530 - INFO - OPENED LONG at 2066.5 | Stop loss: 2056.152557142857 | Take profit: 2097.519914285714 +2025-03-10 13:55:36,285 - INFO - STOP LOSS hit for long at 2056.152557142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:55:36,332 - INFO - OPENED SHORT at 2049.21 | Stop loss: 2059.470992857143 | Take profit: 2018.4494357142858 +2025-03-10 13:55:36,383 - INFO - CLOSED short at 2049.5 | PnL: -0.01% | $-0.22 +2025-03-10 13:55:36,384 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.237557142857 | Take profit: 2080.264914285714 +2025-03-10 13:55:37,303 - INFO - CLOSED long at 2074.9 | PnL: 1.24% | $2.20 +2025-03-10 13:55:37,303 - INFO - OPENED SHORT at 2074.9 | Stop loss: 2085.2894428571426 | Take profit: 2043.7540857142858 +2025-03-10 13:55:37,324 - INFO - CLOSED short at 2076.08 | PnL: -0.06% | $-0.31 +2025-03-10 13:55:37,324 - INFO - OPENED LONG at 2076.08 | Stop loss: 2065.6846571428573 | Take profit: 2107.2436142857146 +2025-03-10 13:55:37,429 - INFO - TAKE PROFIT hit for long at 2107.2436142857146 | PnL: 1.50% | $2.76 +2025-03-10 13:55:37,469 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.1061571428572 | Take profit: 2163.7791142857145 +2025-03-10 13:55:37,775 - INFO - STOP LOSS hit for long at 2121.1061571428572 | PnL: -0.50% | $-1.22 +2025-03-10 13:55:37,797 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.534307142857 | Take profit: 2151.9746642857144 +2025-03-10 13:55:38,042 - INFO - STOP LOSS hit for long at 2109.534307142857 | PnL: -0.50% | $-1.20 +2025-03-10 13:55:38,087 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032057142857 | Take profit: 2142.281414285714 +2025-03-10 13:55:38,529 - INFO - STOP LOSS hit for long at 2100.032057142857 | PnL: -0.50% | $-1.19 +2025-03-10 13:55:38,553 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0174071428573 | Take profit: 2131.0453642857146 +2025-03-10 13:55:38,998 - INFO - CLOSED long at 2093.46 | PnL: -0.29% | $-0.76 +2025-03-10 13:55:38,998 - INFO - OPENED SHORT at 2093.46 | Stop loss: 2103.942242857143 | Take profit: 2062.0356857142856 +2025-03-10 13:55:39,024 - INFO - CLOSED short at 2093.33 | PnL: 0.01% | $-0.18 +2025-03-10 13:55:39,025 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.848407142857 | Take profit: 2124.752364285714 +2025-03-10 13:55:39,330 - INFO - STOP LOSS hit for long at 2082.848407142857 | PnL: -0.50% | $-1.16 +2025-03-10 13:55:39,355 - INFO - OPENED LONG at 2081.49 | Stop loss: 2071.067607142857 | Take profit: 2112.734764285714 +2025-03-10 13:55:40,830 - INFO - CLOSED long at 2107.25 | PnL: 1.24% | $2.17 +2025-03-10 13:55:40,879 - INFO - OPENED LONG at 2106.28 | Stop loss: 2095.7336571428573 | Take profit: 2137.8966142857143 +2025-03-10 13:55:40,920 - INFO - CLOSED long at 2112.28 | PnL: 0.28% | $0.36 +2025-03-10 13:55:40,943 - INFO - OPENED LONG at 2110.87 | Stop loss: 2100.300707142857 | Take profit: 2142.555464285714 +2025-03-10 13:55:41,532 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.19, Avg Loss=$-0.57 +2025-03-10 13:55:41,533 - INFO - Episode 46: Reward=88.64, Balance=$98.79, Win Rate=29.6%, Trades=27, Episode PnL=$-3.66, Total PnL=$-254.48, Max Drawdown=5.6%, Pred Accuracy=99.8% +2025-03-10 13:55:41,533 - INFO - Reducing learning rate to 0.000010 +2025-03-10 13:55:41,849 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:55:42,750 - INFO - CLOSED long at 2070.79 | PnL: 0.38% | $0.56 +2025-03-10 13:55:42,750 - INFO - OPENED SHORT at 2070.79 | Stop loss: 2081.1588928571427 | Take profit: 2039.7057357142855 +2025-03-10 13:55:42,769 - INFO - CLOSED short at 2070.28 | PnL: 0.02% | $-0.15 +2025-03-10 13:55:42,769 - INFO - OPENED LONG at 2070.28 | Stop loss: 2059.913657142857 | Take profit: 2101.3566142857144 +2025-03-10 13:55:42,790 - INFO - CLOSED long at 2068.02 | PnL: -0.11% | $-0.42 +2025-03-10 13:55:42,815 - INFO - OPENED LONG at 2067.2 | Stop loss: 2056.849057142857 | Take profit: 2098.2304142857142 +2025-03-10 13:55:44,059 - INFO - CLOSED long at 2067.89 | PnL: 0.03% | $-0.13 +2025-03-10 13:55:44,060 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.244392857143 | Take profit: 2036.8492357142854 +2025-03-10 13:55:44,086 - INFO - CLOSED short at 2068.58 | PnL: -0.03% | $-0.26 +2025-03-10 13:55:44,087 - INFO - OPENED LONG at 2068.58 | Stop loss: 2058.222157142857 | Take profit: 2099.6311142857144 +2025-03-10 13:55:45,084 - INFO - CLOSED long at 2061.3 | PnL: -0.35% | $-0.89 +2025-03-10 13:55:45,084 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.621442857143 | Take profit: 2030.358085714286 +2025-03-10 13:55:45,114 - INFO - CLOSED short at 2063.59 | PnL: -0.11% | $-0.41 +2025-03-10 13:55:45,115 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.2571071428574 | Take profit: 2094.5662642857146 +2025-03-10 13:55:45,600 - INFO - CLOSED long at 2061.8 | PnL: -0.09% | $-0.36 +2025-03-10 13:55:45,628 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.361557142857 | Take profit: 2095.6929142857143 +2025-03-10 13:55:46,939 - INFO - CLOSED long at 2066.79 | PnL: 0.10% | $0.00 +2025-03-10 13:55:46,981 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.978407142857 | Take profit: 2098.362364285714 +2025-03-10 13:55:47,815 - INFO - CLOSED long at 2066.38 | PnL: -0.05% | $-0.28 +2025-03-10 13:55:47,816 - INFO - OPENED SHORT at 2066.38 | Stop loss: 2076.726842857143 | Take profit: 2035.3618857142858 +2025-03-10 13:55:47,843 - INFO - CLOSED short at 2065.7 | PnL: 0.03% | $-0.13 +2025-03-10 13:55:47,844 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.356557142857 | Take profit: 2096.707914285714 +2025-03-10 13:55:47,867 - INFO - CLOSED long at 2065.66 | PnL: -0.00% | $-0.20 +2025-03-10 13:55:47,867 - INFO - OPENED SHORT at 2065.66 | Stop loss: 2076.003242857143 | Take profit: 2034.6526857142856 +2025-03-10 13:55:47,902 - INFO - CLOSED short at 2063.95 | PnL: 0.08% | $-0.03 +2025-03-10 13:55:47,903 - INFO - OPENED LONG at 2063.95 | Stop loss: 2053.615307142857 | Take profit: 2094.9316642857143 +2025-03-10 13:55:48,939 - INFO - CLOSED long at 2074.0 | PnL: 0.49% | $0.75 +2025-03-10 13:55:48,940 - INFO - OPENED SHORT at 2074.0 | Stop loss: 2084.384942857143 | Take profit: 2042.8675857142857 +2025-03-10 13:55:48,961 - INFO - CLOSED short at 2072.09 | PnL: 0.09% | $-0.02 +2025-03-10 13:55:48,961 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.7146071428574 | Take profit: 2103.1937642857147 +2025-03-10 13:55:49,509 - INFO - CLOSED long at 2066.1 | PnL: -0.29% | $-0.76 +2025-03-10 13:55:49,509 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.445442857143 | Take profit: 2035.0860857142857 +2025-03-10 13:55:49,552 - INFO - CLOSED short at 2065.06 | PnL: 0.05% | $-0.10 +2025-03-10 13:55:49,552 - INFO - OPENED LONG at 2065.06 | Stop loss: 2054.719757142857 | Take profit: 2096.058314285714 +2025-03-10 13:55:49,624 - INFO - CLOSED long at 2064.5 | PnL: -0.03% | $-0.25 +2025-03-10 13:55:49,624 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.837442857143 | Take profit: 2033.5100857142857 +2025-03-10 13:55:49,660 - INFO - CLOSED short at 2066.33 | PnL: -0.09% | $-0.36 +2025-03-10 13:55:49,661 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.9834071428572 | Take profit: 2097.3473642857143 +2025-03-10 13:55:49,754 - INFO - CLOSED long at 2059.2 | PnL: -0.35% | $-0.85 +2025-03-10 13:55:49,778 - INFO - OPENED LONG at 2058.09 | Stop loss: 2047.784607142857 | Take profit: 2088.9837642857146 +2025-03-10 13:55:49,956 - INFO - CLOSED long at 2051.99 | PnL: -0.30% | $-0.75 +2025-03-10 13:55:49,956 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.2648928571425 | Take profit: 2021.1877357142855 +2025-03-10 13:55:49,999 - INFO - CLOSED short at 2058.3 | PnL: -0.31% | $-0.77 +2025-03-10 13:55:49,999 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9935571428573 | Take profit: 2089.1969142857147 +2025-03-10 13:55:50,070 - INFO - CLOSED long at 2057.11 | PnL: -0.06% | $-0.30 +2025-03-10 13:55:50,071 - INFO - OPENED SHORT at 2057.11 | Stop loss: 2067.4104928571433 | Take profit: 2026.2309357142858 +2025-03-10 13:55:50,094 - INFO - CLOSED short at 2057.89 | PnL: -0.04% | $-0.26 +2025-03-10 13:55:50,095 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.585607142857 | Take profit: 2088.7807642857138 +2025-03-10 13:55:50,231 - INFO - CLOSED long at 2065.12 | PnL: 0.35% | $0.47 +2025-03-10 13:55:50,231 - INFO - OPENED SHORT at 2065.12 | Stop loss: 2075.4605428571426 | Take profit: 2034.1207857142856 +2025-03-10 13:55:50,258 - INFO - CLOSED short at 2068.33 | PnL: -0.16% | $-0.48 +2025-03-10 13:55:50,258 - INFO - OPENED LONG at 2068.33 | Stop loss: 2057.973407142857 | Take profit: 2099.3773642857145 +2025-03-10 13:55:50,425 - INFO - CLOSED long at 2059.9 | PnL: -0.41% | $-0.94 +2025-03-10 13:55:50,425 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.2144428571432 | Take profit: 2028.979085714286 +2025-03-10 13:55:50,472 - INFO - CLOSED short at 2060.7 | PnL: -0.04% | $-0.26 +2025-03-10 13:55:50,472 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3815571428568 | Take profit: 2091.632914285714 +2025-03-10 13:55:50,574 - INFO - CLOSED long at 2070.31 | PnL: 0.47% | $0.67 +2025-03-10 13:55:50,575 - INFO - OPENED SHORT at 2070.31 | Stop loss: 2080.676492857143 | Take profit: 2039.2329357142855 +2025-03-10 13:55:50,601 - INFO - CLOSED short at 2070.24 | PnL: 0.00% | $-0.18 +2025-03-10 13:55:50,601 - INFO - OPENED LONG at 2070.24 | Stop loss: 2059.873857142857 | Take profit: 2101.3160142857137 +2025-03-10 13:55:51,016 - INFO - TAKE PROFIT hit for long at 2101.3160142857137 | PnL: 1.50% | $2.58 +2025-03-10 13:55:51,041 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.031557142857 | Take profit: 2162.682914285714 +2025-03-10 13:55:51,465 - INFO - STOP LOSS hit for long at 2120.031557142857 | PnL: -0.50% | $-1.14 +2025-03-10 13:55:51,486 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.315407142857 | Take profit: 2151.751364285714 +2025-03-10 13:55:51,697 - INFO - STOP LOSS hit for long at 2109.315407142857 | PnL: -0.50% | $-1.13 +2025-03-10 13:55:51,725 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032057142857 | Take profit: 2142.281414285714 +2025-03-10 13:55:51,749 - INFO - CLOSED long at 2109.05 | PnL: -0.07% | $-0.32 +2025-03-10 13:55:51,750 - INFO - OPENED SHORT at 2109.05 | Stop loss: 2119.610192857143 | Take profit: 2077.3918357142857 +2025-03-10 13:55:51,773 - INFO - CLOSED short at 2112.09 | PnL: -0.14% | $-0.45 +2025-03-10 13:55:51,773 - INFO - OPENED LONG at 2112.09 | Stop loss: 2101.5146071428576 | Take profit: 2143.7937642857146 +2025-03-10 13:55:52,194 - INFO - STOP LOSS hit for long at 2101.5146071428576 | PnL: -0.50% | $-1.10 +2025-03-10 13:55:52,219 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.535057142857 | Take profit: 2121.3724142857145 +2025-03-10 13:55:52,937 - INFO - CLOSED long at 2083.28 | PnL: -0.32% | $-0.76 +2025-03-10 13:55:52,937 - INFO - OPENED SHORT at 2083.28 | Stop loss: 2093.7113428571433 | Take profit: 2052.008385714286 +2025-03-10 13:55:52,959 - INFO - CLOSED short at 2088.44 | PnL: -0.25% | $-0.63 +2025-03-10 13:55:52,959 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.982857142857 | Take profit: 2119.789014285714 +2025-03-10 13:55:54,219 - INFO - CLOSED long at 2105.2 | PnL: 0.80% | $1.26 +2025-03-10 13:55:54,244 - INFO - OPENED SHORT at 2103.52 | Stop loss: 2114.0525428571427 | Take profit: 2071.9447857142854 +2025-03-10 13:55:54,268 - INFO - CLOSED short at 2104.4 | PnL: -0.04% | $-0.26 +2025-03-10 13:55:54,269 - INFO - OPENED LONG at 2104.4 | Stop loss: 2093.863057142857 | Take profit: 2135.9884142857145 +2025-03-10 13:55:54,451 - INFO - CLOSED long at 2102.0 | PnL: -0.11% | $-0.39 +2025-03-10 13:55:54,494 - INFO - OPENED LONG at 2103.41 | Stop loss: 2092.878007142857 | Take profit: 2134.9835642857142 +2025-03-10 13:55:54,895 - INFO - CLOSED long at 2112.26 | PnL: 0.42% | $0.58 +2025-03-10 13:55:54,896 - INFO - OPENED SHORT at 2112.26 | Stop loss: 2122.836242857143 | Take profit: 2080.5536857142856 +2025-03-10 13:55:54,919 - INFO - CLOSED short at 2110.99 | PnL: 0.06% | $-0.07 +2025-03-10 13:55:54,919 - INFO - OPENED LONG at 2110.99 | Stop loss: 2100.420107142857 | Take profit: 2142.677264285714 +2025-03-10 13:55:55,234 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.86, Avg Loss=$-0.45 +2025-03-10 13:55:55,234 - INFO - Episode 47: Reward=58.59, Balance=$91.08, Win Rate=18.6%, Trades=43, Episode PnL=$-6.36, Total PnL=$-263.40, Max Drawdown=9.4%, Pred Accuracy=99.7% +2025-03-10 13:55:55,235 - INFO - Reducing learning rate to 0.000010 +2025-03-10 13:55:55,456 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:55:55,600 - INFO - CLOSED long at 2061.79 | PnL: -0.05% | $-0.30 +2025-03-10 13:55:55,600 - INFO - OPENED SHORT at 2061.79 | Stop loss: 2072.1138928571427 | Take profit: 2030.8407357142858 +2025-03-10 13:55:55,620 - INFO - CLOSED short at 2061.18 | PnL: 0.03% | $-0.14 +2025-03-10 13:55:55,621 - INFO - OPENED LONG at 2061.18 | Stop loss: 2050.859157142857 | Take profit: 2092.120114285714 +2025-03-10 13:55:56,013 - INFO - CLOSED long at 2071.44 | PnL: 0.50% | $0.79 +2025-03-10 13:55:56,036 - INFO - OPENED LONG at 2073.73 | Stop loss: 2063.346407142857 | Take profit: 2104.8583642857143 +2025-03-10 13:55:56,386 - INFO - CLOSED long at 2067.2 | PnL: -0.31% | $-0.83 +2025-03-10 13:55:56,386 - INFO - OPENED SHORT at 2067.2 | Stop loss: 2077.5509428571427 | Take profit: 2036.1695857142856 +2025-03-10 13:55:56,407 - INFO - CLOSED short at 2070.36 | PnL: -0.15% | $-0.50 +2025-03-10 13:55:56,407 - INFO - OPENED LONG at 2070.36 | Stop loss: 2059.993257142857 | Take profit: 2101.437814285714 +2025-03-10 13:55:56,462 - INFO - CLOSED long at 2070.7 | PnL: 0.02% | $-0.16 +2025-03-10 13:55:56,463 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0684428571426 | Take profit: 2039.6170857142854 +2025-03-10 13:55:56,509 - INFO - CLOSED short at 2069.34 | PnL: 0.07% | $-0.07 +2025-03-10 13:55:56,510 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.978357142857 | Take profit: 2100.4025142857145 +2025-03-10 13:55:57,171 - INFO - CLOSED long at 2072.75 | PnL: 0.16% | $0.13 +2025-03-10 13:55:57,172 - INFO - OPENED SHORT at 2072.75 | Stop loss: 2083.128692857143 | Take profit: 2041.6363357142857 +2025-03-10 13:55:57,197 - INFO - CLOSED short at 2073.11 | PnL: -0.02% | $-0.23 +2025-03-10 13:55:57,197 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.729507142857 | Take profit: 2104.2290642857142 +2025-03-10 13:55:58,190 - INFO - CLOSED long at 2067.86 | PnL: -0.25% | $-0.69 +2025-03-10 13:55:58,235 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.053057142857 | Take profit: 2097.4184142857143 +2025-03-10 13:55:58,277 - INFO - CLOSED long at 2066.1 | PnL: -0.01% | $-0.22 +2025-03-10 13:55:58,307 - INFO - OPENED LONG at 2065.28 | Stop loss: 2054.9386571428577 | Take profit: 2096.2816142857146 +2025-03-10 13:55:59,056 - INFO - CLOSED long at 2062.89 | PnL: -0.12% | $-0.42 +2025-03-10 13:55:59,056 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.219392857143 | Take profit: 2031.9242357142857 +2025-03-10 13:55:59,088 - INFO - CLOSED short at 2064.5 | PnL: -0.08% | $-0.34 +2025-03-10 13:55:59,088 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.162557142857 | Take profit: 2095.4899142857143 +2025-03-10 13:55:59,156 - INFO - CLOSED long at 2060.9 | PnL: -0.17% | $-0.53 +2025-03-10 13:55:59,156 - INFO - OPENED SHORT at 2060.9 | Stop loss: 2071.219442857143 | Take profit: 2029.9640857142858 +2025-03-10 13:55:59,181 - INFO - CLOSED short at 2060.65 | PnL: 0.01% | $-0.17 +2025-03-10 13:55:59,181 - INFO - OPENED LONG at 2060.65 | Stop loss: 2050.3318071428575 | Take profit: 2091.5821642857145 +2025-03-10 13:56:00,701 - INFO - CLOSED long at 2065.69 | PnL: 0.24% | $0.28 +2025-03-10 13:56:00,702 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.033392857143 | Take profit: 2034.6822357142858 +2025-03-10 13:56:00,729 - INFO - CLOSED short at 2069.79 | PnL: -0.20% | $-0.57 +2025-03-10 13:56:00,730 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.426107142857 | Take profit: 2100.8592642857143 +2025-03-10 13:56:01,129 - INFO - CLOSED long at 2067.44 | PnL: -0.11% | $-0.41 +2025-03-10 13:56:01,153 - INFO - OPENED LONG at 2068.79 | Stop loss: 2058.431107142857 | Take profit: 2099.8442642857144 +2025-03-10 13:56:01,383 - INFO - CLOSED long at 2063.97 | PnL: -0.23% | $-0.63 +2025-03-10 13:56:01,384 - INFO - OPENED SHORT at 2063.97 | Stop loss: 2074.3047928571423 | Take profit: 2032.9880357142854 +2025-03-10 13:56:01,423 - INFO - CLOSED short at 2064.5 | PnL: -0.03% | $-0.24 +2025-03-10 13:56:01,423 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.162557142857 | Take profit: 2095.4899142857143 +2025-03-10 13:56:01,569 - INFO - CLOSED long at 2065.29 | PnL: 0.04% | $-0.12 +2025-03-10 13:56:01,570 - INFO - OPENED SHORT at 2065.29 | Stop loss: 2075.631392857143 | Take profit: 2034.2882357142857 +2025-03-10 13:56:01,590 - INFO - CLOSED short at 2065.31 | PnL: -0.00% | $-0.19 +2025-03-10 13:56:01,591 - INFO - OPENED LONG at 2065.31 | Stop loss: 2054.968507142857 | Take profit: 2096.3120642857143 +2025-03-10 13:56:02,024 - INFO - CLOSED long at 2069.78 | PnL: 0.22% | $0.22 +2025-03-10 13:56:02,024 - INFO - OPENED SHORT at 2069.78 | Stop loss: 2080.143842857143 | Take profit: 2038.710885714286 +2025-03-10 13:56:02,047 - INFO - CLOSED short at 2071.61 | PnL: -0.09% | $-0.35 +2025-03-10 13:56:02,047 - INFO - OPENED LONG at 2071.61 | Stop loss: 2061.2370071428572 | Take profit: 2102.706564285714 +2025-03-10 13:56:02,136 - INFO - CLOSED long at 2074.35 | PnL: 0.13% | $0.06 +2025-03-10 13:56:02,136 - INFO - OPENED SHORT at 2074.35 | Stop loss: 2084.7366928571428 | Take profit: 2043.2123357142855 +2025-03-10 13:56:02,191 - INFO - CLOSED short at 2073.27 | PnL: 0.05% | $-0.09 +2025-03-10 13:56:02,191 - INFO - OPENED LONG at 2073.27 | Stop loss: 2062.888707142857 | Take profit: 2104.3914642857144 +2025-03-10 13:56:02,329 - INFO - CLOSED long at 2076.9 | PnL: 0.18% | $0.14 +2025-03-10 13:56:02,330 - INFO - OPENED SHORT at 2076.9 | Stop loss: 2087.299442857143 | Take profit: 2045.7240857142858 +2025-03-10 13:56:02,385 - INFO - CLOSED short at 2074.0 | PnL: 0.14% | $0.07 +2025-03-10 13:56:02,386 - INFO - OPENED LONG at 2074.0 | Stop loss: 2063.615057142857 | Take profit: 2105.1324142857143 +2025-03-10 13:56:02,524 - INFO - CLOSED long at 2067.0 | PnL: -0.34% | $-0.82 +2025-03-10 13:56:02,525 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3499428571427 | Take profit: 2035.9725857142857 +2025-03-10 13:56:02,634 - INFO - CLOSED short at 2066.4 | PnL: 0.03% | $-0.13 +2025-03-10 13:56:02,635 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.053057142857 | Take profit: 2097.4184142857143 +2025-03-10 13:56:03,101 - INFO - CLOSED long at 2063.98 | PnL: -0.12% | $-0.40 +2025-03-10 13:56:03,101 - INFO - OPENED SHORT at 2063.98 | Stop loss: 2074.314842857143 | Take profit: 2032.9978857142858 +2025-03-10 13:56:03,124 - INFO - CLOSED short at 2066.1 | PnL: -0.10% | $-0.37 +2025-03-10 13:56:03,125 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.754557142857 | Take profit: 2097.113914285714 +2025-03-10 13:56:03,363 - INFO - CLOSED long at 2059.2 | PnL: -0.33% | $-0.80 +2025-03-10 13:56:03,364 - INFO - OPENED SHORT at 2059.2 | Stop loss: 2069.5109428571427 | Take profit: 2028.2895857142855 +2025-03-10 13:56:03,418 - INFO - CLOSED short at 2058.09 | PnL: 0.05% | $-0.08 +2025-03-10 13:56:03,419 - INFO - OPENED LONG at 2058.09 | Stop loss: 2047.784607142857 | Take profit: 2088.9837642857146 +2025-03-10 13:56:03,491 - INFO - CLOSED long at 2056.77 | PnL: -0.06% | $-0.30 +2025-03-10 13:56:03,515 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.7300071428574 | Take profit: 2083.8275642857143 +2025-03-10 13:56:03,564 - INFO - CLOSED long at 2049.5 | PnL: -0.17% | $-0.49 +2025-03-10 13:56:03,564 - INFO - OPENED SHORT at 2049.5 | Stop loss: 2059.7624428571426 | Take profit: 2018.7350857142856 +2025-03-10 13:56:03,588 - INFO - CLOSED short at 2051.99 | PnL: -0.12% | $-0.40 +2025-03-10 13:56:03,588 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7151071428568 | Take profit: 2082.792264285714 +2025-03-10 13:56:03,677 - INFO - CLOSED long at 2057.89 | PnL: 0.29% | $0.34 +2025-03-10 13:56:03,726 - INFO - OPENED LONG at 2062.83 | Stop loss: 2052.500907142857 | Take profit: 2093.794864285714 +2025-03-10 13:56:03,885 - INFO - CLOSED long at 2062.55 | PnL: -0.01% | $-0.21 +2025-03-10 13:56:03,886 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.877692857143 | Take profit: 2031.5893357142859 +2025-03-10 13:56:03,910 - INFO - CLOSED short at 2065.12 | PnL: -0.12% | $-0.40 +2025-03-10 13:56:03,911 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.779457142857 | Take profit: 2096.1192142857144 +2025-03-10 13:56:04,480 - INFO - CLOSED long at 2077.61 | PnL: 0.60% | $0.91 +2025-03-10 13:56:04,532 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.1172571428574 | Take profit: 2116.865814285714 +2025-03-10 13:56:04,671 - INFO - TAKE PROFIT hit for long at 2116.865814285714 | PnL: 1.50% | $2.54 +2025-03-10 13:56:04,701 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.827357142857 | Take profit: 2171.655514285714 +2025-03-10 13:56:04,791 - INFO - CLOSED long at 2141.41 | PnL: 0.09% | $-0.02 +2025-03-10 13:56:04,813 - INFO - OPENED LONG at 2141.3 | Stop loss: 2130.5785571428573 | Take profit: 2173.441914285714 +2025-03-10 13:56:04,928 - INFO - CLOSED long at 2126.99 | PnL: -0.67% | $-1.43 +2025-03-10 13:56:04,928 - INFO - OPENED SHORT at 2126.99 | Stop loss: 2137.6398928571425 | Take profit: 2095.0627357142857 +2025-03-10 13:56:04,966 - INFO - CLOSED short at 2127.3 | PnL: -0.01% | $-0.21 +2025-03-10 13:56:04,966 - INFO - OPENED LONG at 2127.3 | Stop loss: 2116.6485571428575 | Take profit: 2159.2319142857145 +2025-03-10 13:56:05,239 - INFO - STOP LOSS hit for long at 2116.6485571428575 | PnL: -0.50% | $-1.10 +2025-03-10 13:56:05,263 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.877907142857 | Take profit: 2139.063864285714 +2025-03-10 13:56:05,515 - INFO - CLOSED long at 2120.81 | PnL: 0.63% | $0.97 +2025-03-10 13:56:05,516 - INFO - OPENED SHORT at 2120.81 | Stop loss: 2131.428992857143 | Take profit: 2088.9754357142856 +2025-03-10 13:56:05,540 - INFO - CLOSED short at 2116.48 | PnL: 0.20% | $0.19 +2025-03-10 13:56:05,541 - INFO - OPENED LONG at 2116.48 | Stop loss: 2105.882657142857 | Take profit: 2148.249614285714 +2025-03-10 13:56:05,669 - INFO - STOP LOSS hit for long at 2105.882657142857 | PnL: -0.50% | $-1.10 +2025-03-10 13:56:05,707 - INFO - OPENED LONG at 2100.5 | Stop loss: 2089.982557142857 | Take profit: 2132.029914285714 +2025-03-10 13:56:06,311 - INFO - CLOSED long at 2093.33 | PnL: -0.34% | $-0.80 +2025-03-10 13:56:06,311 - INFO - OPENED SHORT at 2093.33 | Stop loss: 2103.8115928571424 | Take profit: 2061.907635714286 +2025-03-10 13:56:06,357 - INFO - CLOSED short at 2091.1 | PnL: 0.11% | $0.01 +2025-03-10 13:56:06,358 - INFO - OPENED LONG at 2091.1 | Stop loss: 2080.6295571428573 | Take profit: 2122.488914285714 +2025-03-10 13:56:06,401 - INFO - CLOSED long at 2094.08 | PnL: 0.14% | $0.08 +2025-03-10 13:56:06,424 - INFO - OPENED LONG at 2088.35 | Stop loss: 2077.8933071428573 | Take profit: 2119.6976642857144 +2025-03-10 13:56:06,657 - INFO - CLOSED long at 2080.38 | PnL: -0.38% | $-0.86 +2025-03-10 13:56:06,657 - INFO - OPENED SHORT at 2080.38 | Stop loss: 2090.796842857143 | Take profit: 2049.151885714286 +2025-03-10 13:56:06,688 - INFO - CLOSED short at 2081.25 | PnL: -0.04% | $-0.25 +2025-03-10 13:56:06,713 - INFO - OPENED LONG at 2083.41 | Stop loss: 2072.9780071428568 | Take profit: 2114.6835642857145 +2025-03-10 13:56:07,674 - INFO - CLOSED long at 2105.83 | PnL: 1.08% | $1.73 +2025-03-10 13:56:07,674 - INFO - OPENED SHORT at 2105.83 | Stop loss: 2116.374092857143 | Take profit: 2074.220135714286 +2025-03-10 13:56:07,712 - INFO - CLOSED short at 2103.64 | PnL: 0.10% | $0.01 +2025-03-10 13:56:07,712 - INFO - OPENED LONG at 2103.64 | Stop loss: 2093.106857142857 | Take profit: 2135.217014285714 +2025-03-10 13:56:08,187 - INFO - CLOSED long at 2110.87 | PnL: 0.34% | $0.44 +2025-03-10 13:56:08,188 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.439292857143 | Take profit: 2079.1845357142856 +2025-03-10 13:56:08,257 - INFO - CLOSED short at 2110.4 | PnL: 0.02% | $-0.14 +2025-03-10 13:56:08,257 - INFO - OPENED LONG at 2110.4 | Stop loss: 2099.8330571428573 | Take profit: 2142.0784142857146 +2025-03-10 13:56:08,456 - INFO - CLOSED long at 2112.26 | PnL: 0.09% | $-0.02 +2025-03-10 13:56:08,486 - INFO - OPENED LONG at 2110.99 | Stop loss: 2100.420107142857 | Take profit: 2142.677264285714 +2025-03-10 13:56:08,832 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.52, Avg Loss=$-0.42 +2025-03-10 13:56:08,833 - INFO - Episode 48: Reward=58.24, Balance=$91.33, Win Rate=28.8%, Trades=59, Episode PnL=$-3.83, Total PnL=$-272.07, Max Drawdown=11.0%, Pred Accuracy=99.9% +2025-03-10 13:56:08,833 - INFO - Reducing learning rate to 0.000010 +2025-03-10 13:56:09,159 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.560607142857 | Take profit: 2093.855764285714 +2025-03-10 13:56:09,600 - INFO - CLOSED long at 2068.65 | PnL: 0.28% | $0.36 +2025-03-10 13:56:09,621 - INFO - OPENED LONG at 2068.99 | Stop loss: 2058.630107142857 | Take profit: 2100.047264285714 +2025-03-10 13:56:10,403 - INFO - CLOSED long at 2065.99 | PnL: -0.14% | $-0.49 +2025-03-10 13:56:10,427 - INFO - OPENED LONG at 2066.19 | Stop loss: 2055.8441071428574 | Take profit: 2097.2052642857143 +2025-03-10 13:56:12,107 - INFO - CLOSED long at 2067.8 | PnL: 0.08% | $-0.04 +2025-03-10 13:56:12,130 - INFO - OPENED LONG at 2068.18 | Stop loss: 2057.824157142857 | Take profit: 2099.225114285714 +2025-03-10 13:56:13,531 - INFO - CLOSED long at 2061.09 | PnL: -0.34% | $-0.88 +2025-03-10 13:56:13,575 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.297007142857 | Take profit: 2090.5265642857144 +2025-03-10 13:56:14,188 - INFO - CLOSED long at 2066.01 | PnL: 0.31% | $0.41 +2025-03-10 13:56:14,188 - INFO - OPENED SHORT at 2066.01 | Stop loss: 2076.354992857143 | Take profit: 2034.9974357142858 +2025-03-10 13:56:14,216 - INFO - CLOSED short at 2063.9 | PnL: 0.10% | $0.00 +2025-03-10 13:56:14,217 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5655571428574 | Take profit: 2094.8809142857144 +2025-03-10 13:56:17,023 - INFO - CLOSED long at 2060.7 | PnL: -0.16% | $-0.50 +2025-03-10 13:56:17,048 - INFO - OPENED LONG at 2060.2 | Stop loss: 2049.884057142857 | Take profit: 2091.125414285714 +2025-03-10 13:56:17,278 - INFO - STOP LOSS hit for long at 2049.884057142857 | PnL: -0.50% | $-1.18 +2025-03-10 13:56:17,302 - INFO - OPENED LONG at 2049.5 | Stop loss: 2039.237557142857 | Take profit: 2080.264914285714 +2025-03-10 13:56:17,371 - INFO - CLOSED long at 2056.85 | PnL: 0.36% | $0.50 +2025-03-10 13:56:17,417 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.585607142857 | Take profit: 2088.7807642857138 +2025-03-10 13:56:18,286 - INFO - TAKE PROFIT hit for long at 2088.7807642857138 | PnL: 1.50% | $2.73 +2025-03-10 13:56:18,330 - INFO - OPENED LONG at 2103.02 | Stop loss: 2092.4899571428573 | Take profit: 2134.587714285714 +2025-03-10 13:56:18,410 - INFO - TAKE PROFIT hit for long at 2134.587714285714 | PnL: 1.50% | $2.81 +2025-03-10 13:56:18,452 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.1061571428572 | Take profit: 2163.7791142857145 +2025-03-10 13:56:18,773 - INFO - STOP LOSS hit for long at 2121.1061571428572 | PnL: -0.50% | $-1.24 +2025-03-10 13:56:18,821 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.534307142857 | Take profit: 2151.9746642857144 +2025-03-10 13:56:19,040 - INFO - STOP LOSS hit for long at 2109.534307142857 | PnL: -0.50% | $-1.22 +2025-03-10 13:56:19,064 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.032057142857 | Take profit: 2142.281414285714 +2025-03-10 13:56:19,413 - INFO - CLOSED long at 2106.49 | PnL: -0.19% | $-0.59 +2025-03-10 13:56:19,436 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.504757142857 | Take profit: 2139.7033142857144 +2025-03-10 13:56:19,515 - INFO - STOP LOSS hit for long at 2097.504757142857 | PnL: -0.50% | $-1.20 +2025-03-10 13:56:19,552 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0174071428573 | Take profit: 2131.0453642857146 +2025-03-10 13:56:20,186 - INFO - STOP LOSS hit for long at 2089.0174071428573 | PnL: -0.50% | $-1.19 +2025-03-10 13:56:20,209 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.848657142857 | Take profit: 2114.551614285714 +2025-03-10 13:56:22,087 - INFO - TAKE PROFIT hit for long at 2114.551614285714 | PnL: 1.50% | $2.73 +2025-03-10 13:56:22,113 - INFO - OPENED LONG at 2113.61 | Stop loss: 2103.027007142857 | Take profit: 2145.3365642857143 +2025-03-10 13:56:22,577 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.36, Avg Loss=$-0.85 +2025-03-10 13:56:22,578 - INFO - Episode 49: Reward=91.44, Balance=$101.02, Win Rate=41.2%, Trades=17, Episode PnL=$0.60, Total PnL=$-271.06, Max Drawdown=5.2%, Pred Accuracy=99.7% +2025-03-10 13:56:22,727 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 13:56:22,727 - INFO - New best PnL model saved: $0.60 +2025-03-10 13:56:22,728 - INFO - Reducing learning rate to 0.000010 +2025-03-10 13:56:22,728 - INFO - Early stopping triggered after 50 episodes without improvement +2025-03-10 13:56:22,862 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 13:56:22,977 - ERROR - Training failed: 'episode_pnls' +2025-03-10 13:56:22,978 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1935, in train_agent + plot_training_results(stats) + File "main.py", line 1977, in plot_training_results + plt.plot(stats['episode_pnls']) + ~~~~~^^^^^^^^^^^^^^^^ +KeyError: 'episode_pnls' + +2025-03-10 13:56:23,108 - INFO - Model saved to models/trading_agent_emergency.pt +2025-03-10 13:56:23,108 - INFO - Emergency model saved due to training failure +2025-03-10 13:56:23,108 - INFO - Exchange connection closed +2025-03-10 14:19:22,656 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 14:19:22,679 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 14:19:22,680 - INFO - Fetching initial data for ETH/USDT +2025-03-10 14:19:26,501 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 14:19:26,519 - INFO - Initialized environment with 500 candles +2025-03-10 14:19:28,950 - INFO - Starting training for 1000 episodes... +2025-03-10 14:19:28,951 - INFO - Starting training on device: cuda +2025-03-10 14:19:28,952 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 14:19:28,952 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 14:19:29,130 - INFO - Model loaded successfully with weights_only=True +2025-03-10 14:19:29,131 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $0.26, Win Rate: 44.4% +2025-03-10 14:19:30,374 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:19:30,383 - INFO - CLOSED short at 2070.7 | PnL: -0.13% | $-0.46 +2025-03-10 14:19:30,387 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.703285714286 | Take profit: 2038.2750214285716 +2025-03-10 14:19:30,394 - INFO - CLOSED short at 2068.8 | PnL: 0.03% | $-0.15 +2025-03-10 14:19:30,398 - INFO - OPENED SHORT at 2067.6 | Stop loss: 2077.9545857142857 | Take profit: 2036.5611214285714 +2025-03-10 14:19:30,402 - INFO - CLOSED short at 2067.51 | PnL: 0.00% | $-0.19 +2025-03-10 14:19:30,414 - INFO - OPENED SHORT at 2066.19 | Stop loss: 2076.5375357142857 | Take profit: 2035.1722714285715 +2025-03-10 14:19:30,425 - INFO - CLOSED short at 2066.18 | PnL: 0.00% | $-0.20 +2025-03-10 14:19:30,429 - INFO - OPENED SHORT at 2068.76 | Stop loss: 2079.120385714286 | Take profit: 2037.7037214285717 +2025-03-10 14:19:30,432 - INFO - CLOSED short at 2068.9 | PnL: -0.01% | $-0.21 +2025-03-10 14:19:30,437 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.869135714286 | Take profit: 2037.4574714285716 +2025-03-10 14:19:30,441 - INFO - CLOSED short at 2068.59 | PnL: -0.00% | $-0.20 +2025-03-10 14:19:30,444 - INFO - OPENED SHORT at 2069.7 | Stop loss: 2080.0650857142855 | Take profit: 2038.6296214285712 +2025-03-10 14:19:30,450 - INFO - CLOSED short at 2069.96 | PnL: -0.01% | $-0.22 +2025-03-10 14:19:30,455 - INFO - OPENED SHORT at 2071.4 | Stop loss: 2081.7735857142857 | Take profit: 2040.3041214285715 +2025-03-10 14:19:30,462 - INFO - CLOSED short at 2071.36 | PnL: 0.00% | $-0.19 +2025-03-10 14:19:30,466 - INFO - OPENED SHORT at 2072.75 | Stop loss: 2083.1303357142856 | Take profit: 2041.6338714285714 +2025-03-10 14:19:30,470 - INFO - CLOSED short at 2073.11 | PnL: -0.02% | $-0.23 +2025-03-10 14:19:30,474 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.0800857142854 | Take profit: 2041.5846214285714 +2025-03-10 14:19:30,477 - INFO - CLOSED short at 2072.15 | PnL: 0.03% | $-0.14 +2025-03-10 14:19:30,481 - INFO - OPENED SHORT at 2074.29 | Stop loss: 2084.6780357142857 | Take profit: 2043.1507714285715 +2025-03-10 14:19:30,491 - INFO - CLOSED short at 2071.11 | PnL: 0.15% | $0.10 +2025-03-10 14:19:30,492 - INFO - OPENED LONG at 2069.46 | Stop loss: 2059.096114285714 | Take profit: 2100.5267785714286 +2025-03-10 14:19:30,497 - INFO - CLOSED long at 2069.35 | PnL: -0.01% | $-0.20 +2025-03-10 14:19:30,497 - INFO - OPENED SHORT at 2069.35 | Stop loss: 2079.7133357142857 | Take profit: 2038.2848714285715 +2025-03-10 14:19:30,507 - INFO - CLOSED short at 2067.79 | PnL: 0.08% | $-0.05 +2025-03-10 14:19:30,508 - INFO - OPENED LONG at 2067.79 | Stop loss: 2057.434464285714 | Take profit: 2098.8317285714284 +2025-03-10 14:19:30,511 - INFO - CLOSED long at 2067.46 | PnL: -0.02% | $-0.22 +2025-03-10 14:19:30,511 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.813885714286 | Take profit: 2036.4232214285714 +2025-03-10 14:19:30,522 - INFO - CLOSED short at 2063.61 | PnL: 0.19% | $0.17 +2025-03-10 14:19:30,525 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.602885714286 | Take profit: 2034.2562214285715 +2025-03-10 14:19:30,533 - INFO - CLOSED short at 2068.8 | PnL: -0.17% | $-0.53 +2025-03-10 14:19:30,533 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.4394142857145 | Take profit: 2099.8568785714288 +2025-03-10 14:19:30,536 - INFO - CLOSED long at 2069.34 | PnL: 0.03% | $-0.14 +2025-03-10 14:19:30,541 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.215885714286 | Take profit: 2036.8172214285717 +2025-03-10 14:19:30,552 - INFO - CLOSED short at 2070.3 | PnL: -0.12% | $-0.42 +2025-03-10 14:19:30,559 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0700857142856 | Take profit: 2039.6146214285714 +2025-03-10 14:19:30,564 - INFO - CLOSED short at 2070.4 | PnL: 0.01% | $-0.16 +2025-03-10 14:19:30,567 - INFO - OPENED SHORT at 2070.73 | Stop loss: 2081.1002357142856 | Take profit: 2039.6441714285713 +2025-03-10 14:19:30,572 - INFO - CLOSED short at 2068.5 | PnL: 0.11% | $0.01 +2025-03-10 14:19:30,579 - INFO - OPENED LONG at 2067.84 | Stop loss: 2057.484214285714 | Take profit: 2098.8824785714287 +2025-03-10 14:19:30,582 - INFO - CLOSED long at 2067.11 | PnL: -0.04% | $-0.26 +2025-03-10 14:19:30,582 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.4621357142855 | Take profit: 2036.0784714285717 +2025-03-10 14:19:30,586 - INFO - CLOSED short at 2067.86 | PnL: -0.04% | $-0.26 +2025-03-10 14:19:30,586 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.7485857142856 | Take profit: 2035.3791214285716 +2025-03-10 14:19:30,757 - INFO - CLOSED short at 2064.47 | PnL: 0.09% | $-0.01 +2025-03-10 14:19:30,779 - INFO - OPENED SHORT at 2070.04 | Stop loss: 2080.4067857142854 | Take profit: 2038.9645214285713 +2025-03-10 14:19:30,879 - INFO - CLOSED short at 2064.99 | PnL: 0.24% | $0.27 +2025-03-10 14:19:30,879 - INFO - OPENED LONG at 2064.99 | Stop loss: 2054.648464285714 | Take profit: 2095.9897285714283 +2025-03-10 14:19:30,895 - INFO - CLOSED long at 2065.83 | PnL: 0.04% | $-0.11 +2025-03-10 14:19:30,896 - INFO - OPENED SHORT at 2065.83 | Stop loss: 2076.1757357142856 | Take profit: 2034.8176714285712 +2025-03-10 14:19:31,241 - INFO - CLOSED short at 2064.45 | PnL: 0.07% | $-0.06 +2025-03-10 14:19:31,241 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.111164285714 | Take profit: 2095.4416285714283 +2025-03-10 14:19:31,273 - INFO - CLOSED long at 2064.08 | PnL: -0.02% | $-0.22 +2025-03-10 14:19:31,273 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4169857142856 | Take profit: 2033.0939214285713 +2025-03-10 14:19:31,768 - INFO - CLOSED short at 2065.89 | PnL: -0.09% | $-0.36 +2025-03-10 14:19:31,769 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.543964285714 | Take profit: 2096.9032285714284 +2025-03-10 14:19:31,793 - INFO - CLOSED long at 2063.53 | PnL: -0.11% | $-0.41 +2025-03-10 14:19:31,793 - INFO - OPENED SHORT at 2063.53 | Stop loss: 2073.8642357142858 | Take profit: 2032.5521714285717 +2025-03-10 14:19:32,220 - INFO - CLOSED short at 2056.71 | PnL: 0.33% | $0.43 +2025-03-10 14:19:32,220 - INFO - OPENED LONG at 2056.71 | Stop loss: 2046.4098642857143 | Take profit: 2087.5855285714288 +2025-03-10 14:19:32,244 - INFO - CLOSED long at 2058.15 | PnL: 0.07% | $-0.06 +2025-03-10 14:19:32,244 - INFO - OPENED SHORT at 2058.15 | Stop loss: 2068.457335714286 | Take profit: 2027.2528714285716 +2025-03-10 14:19:32,630 - INFO - STOP LOSS hit for short at 2068.457335714286 | PnL: -0.50% | $-1.14 +2025-03-10 14:19:32,673 - INFO - OPENED SHORT at 2074.3 | Stop loss: 2084.688085714286 | Take profit: 2043.1606214285716 +2025-03-10 14:19:33,728 - INFO - CLOSED short at 2071.99 | PnL: 0.11% | $0.02 +2025-03-10 14:19:33,728 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.613464285714 | Take profit: 2103.0947285714283 +2025-03-10 14:19:33,778 - INFO - CLOSED long at 2068.19 | PnL: -0.18% | $-0.53 +2025-03-10 14:19:33,778 - INFO - OPENED SHORT at 2068.19 | Stop loss: 2078.547535714286 | Take profit: 2037.1422714285713 +2025-03-10 14:19:33,915 - INFO - CLOSED short at 2074.37 | PnL: -0.30% | $-0.74 +2025-03-10 14:19:33,915 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.9815642857143 | Take profit: 2105.5104285714287 +2025-03-10 14:19:33,936 - INFO - CLOSED long at 2075.07 | PnL: 0.03% | $-0.12 +2025-03-10 14:19:33,936 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.461935714286 | Take profit: 2043.9190714285717 +2025-03-10 14:19:34,025 - INFO - CLOSED short at 2075.32 | PnL: -0.01% | $-0.21 +2025-03-10 14:19:34,065 - INFO - OPENED SHORT at 2075.29 | Stop loss: 2085.6830357142853 | Take profit: 2044.1357714285714 +2025-03-10 14:19:34,611 - INFO - CLOSED short at 2065.8 | PnL: 0.46% | $0.66 +2025-03-10 14:19:34,638 - INFO - OPENED SHORT at 2065.07 | Stop loss: 2075.411935714286 | Take profit: 2034.0690714285715 +2025-03-10 14:19:36,501 - INFO - STOP LOSS hit for short at 2075.411935714286 | PnL: -0.50% | $-1.11 +2025-03-10 14:19:36,554 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2088.014635714286 | Take profit: 2046.4209714285716 +2025-03-10 14:19:36,640 - INFO - STOP LOSS hit for short at 2088.014635714286 | PnL: -0.50% | $-1.10 +2025-03-10 14:19:36,665 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.5516857142857 | Take profit: 2071.4498214285713 +2025-03-10 14:19:36,696 - INFO - STOP LOSS hit for short at 2113.5516857142857 | PnL: -0.50% | $-1.09 +2025-03-10 14:19:36,724 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2542857142857 | Take profit: 2107.4220214285715 +2025-03-10 14:19:37,763 - INFO - TAKE PROFIT hit for short at 2107.4220214285715 | PnL: 1.50% | $2.50 +2025-03-10 14:19:37,821 - INFO - OPENED SHORT at 2108.06 | Stop loss: 2118.6168857142857 | Take profit: 2076.414221428571 +2025-03-10 14:19:39,099 - INFO - CLOSED short at 2085.09 | PnL: 1.09% | $1.82 +2025-03-10 14:19:39,124 - INFO - OPENED SHORT at 2083.59 | Stop loss: 2094.024535714286 | Take profit: 2052.3112714285717 +2025-03-10 14:19:39,240 - INFO - CLOSED short at 2085.83 | PnL: -0.11% | $-0.39 +2025-03-10 14:19:39,289 - INFO - OPENED SHORT at 2085.85 | Stop loss: 2096.2958357142857 | Take profit: 2054.5373714285715 +2025-03-10 14:19:39,902 - INFO - STOP LOSS hit for short at 2096.2958357142857 | PnL: -0.50% | $-1.12 +2025-03-10 14:19:39,928 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.5065357142853 | Take profit: 2068.465271428571 +2025-03-10 14:19:40,743 - INFO - STOP LOSS hit for short at 2110.5065357142853 | PnL: -0.50% | $-1.11 +2025-03-10 14:19:40,773 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.440935714286 | Take profit: 2079.1820714285714 +2025-03-10 14:19:41,627 - INFO - STOP LOSS hit for short at 2121.440935714286 | PnL: -0.50% | $-1.09 +2025-03-10 14:19:41,676 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8225857142857 | Take profit: 2089.357121428571 +2025-03-10 14:19:41,822 - INFO - STOP LOSS hit for short at 2131.8225857142857 | PnL: -0.50% | $-1.08 +2025-03-10 14:19:41,847 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.957885714286 | Take profit: 2104.1912214285717 +2025-03-10 14:19:42,538 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 23.5% in downtrends | Avg Win=$0.67, Avg Loss=$-0.42 +2025-03-10 14:19:42,539 - INFO - Episode 0: Reward=-36.82, Balance=$89.51, Win Rate=18.8%, Trades=48, Episode PnL=$-8.35, Total PnL=$-10.49, Max Drawdown=10.5%, Pred Accuracy=96.6% +2025-03-10 14:19:42,687 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 14:19:42,690 - INFO - Checkpoint saved at episode 0 +2025-03-10 14:19:42,834 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 14:19:42,834 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2514, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 14:19:43,825 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 14:19:43,826 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2514, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 14:19:44,218 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:19:44,246 - INFO - CLOSED short at 2067.2 | PnL: 0.04% | $-0.12 +2025-03-10 14:19:44,247 - INFO - OPENED LONG at 2067.2 | Stop loss: 2056.847414285714 | Take profit: 2098.2328785714285 +2025-03-10 14:19:44,276 - INFO - CLOSED long at 2070.36 | PnL: 0.15% | $0.10 +2025-03-10 14:19:44,277 - INFO - OPENED SHORT at 2070.36 | Stop loss: 2080.7283857142857 | Take profit: 2039.2797214285715 +2025-03-10 14:19:45,018 - INFO - CLOSED short at 2071.36 | PnL: -0.05% | $-0.29 +2025-03-10 14:19:45,019 - INFO - OPENED LONG at 2071.36 | Stop loss: 2060.9866142857145 | Take profit: 2102.4552785714286 +2025-03-10 14:19:45,091 - INFO - CLOSED long at 2072.75 | PnL: 0.07% | $-0.07 +2025-03-10 14:19:45,091 - INFO - OPENED SHORT at 2072.75 | Stop loss: 2083.1303357142856 | Take profit: 2041.6338714285714 +2025-03-10 14:19:45,321 - INFO - CLOSED short at 2070.4 | PnL: 0.11% | $0.03 +2025-03-10 14:19:45,321 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.031414285714 | Take profit: 2101.4808785714285 +2025-03-10 14:19:45,341 - INFO - CLOSED long at 2071.11 | PnL: 0.03% | $-0.13 +2025-03-10 14:19:45,394 - INFO - OPENED SHORT at 2069.35 | Stop loss: 2079.7133357142857 | Take profit: 2038.2848714285715 +2025-03-10 14:19:45,681 - INFO - CLOSED short at 2068.8 | PnL: 0.03% | $-0.14 +2025-03-10 14:19:45,705 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.703285714286 | Take profit: 2038.2750214285716 +2025-03-10 14:19:46,703 - INFO - CLOSED short at 2065.54 | PnL: 0.18% | $0.16 +2025-03-10 14:19:46,754 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.437035714286 | Take profit: 2035.0737714285715 +2025-03-10 14:19:47,012 - INFO - CLOSED short at 2060.65 | PnL: 0.26% | $0.32 +2025-03-10 14:19:47,013 - INFO - OPENED LONG at 2060.65 | Stop loss: 2050.3301642857145 | Take profit: 2091.5846285714288 +2025-03-10 14:19:47,065 - INFO - CLOSED long at 2058.89 | PnL: -0.09% | $-0.37 +2025-03-10 14:19:47,066 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.201035714286 | Take profit: 2027.9817714285714 +2025-03-10 14:19:48,069 - INFO - CLOSED short at 2054.89 | PnL: 0.19% | $0.19 +2025-03-10 14:19:48,093 - INFO - OPENED SHORT at 2054.83 | Stop loss: 2065.1207357142857 | Take profit: 2023.9826714285714 +2025-03-10 14:19:48,386 - INFO - STOP LOSS hit for short at 2065.1207357142857 | PnL: -0.50% | $-1.19 +2025-03-10 14:19:48,428 - INFO - OPENED SHORT at 2066.01 | Stop loss: 2076.356635714286 | Take profit: 2034.9949714285715 +2025-03-10 14:19:48,760 - INFO - STOP LOSS hit for short at 2076.356635714286 | PnL: -0.50% | $-1.17 +2025-03-10 14:19:48,799 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.401635714286 | Take profit: 2043.8599714285717 +2025-03-10 14:19:49,017 - INFO - CLOSED short at 2069.69 | PnL: 0.26% | $0.30 +2025-03-10 14:19:49,068 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.391735714286 | Take profit: 2037.9696714285717 +2025-03-10 14:19:50,735 - INFO - CLOSED short at 2067.19 | PnL: 0.09% | $-0.02 +2025-03-10 14:19:50,735 - INFO - OPENED LONG at 2067.19 | Stop loss: 2056.8374642857143 | Take profit: 2098.222728571429 +2025-03-10 14:19:50,784 - INFO - CLOSED long at 2065.5 | PnL: -0.08% | $-0.35 +2025-03-10 14:19:50,784 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.844085714286 | Take profit: 2034.4926214285715 +2025-03-10 14:19:50,946 - INFO - CLOSED short at 2063.98 | PnL: 0.07% | $-0.05 +2025-03-10 14:19:50,968 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4470857142855 | Take profit: 2035.0836214285712 +2025-03-10 14:19:52,383 - INFO - STOP LOSS hit for short at 2076.4470857142855 | PnL: -0.50% | $-1.16 +2025-03-10 14:19:52,426 - INFO - OPENED SHORT at 2085.56 | Stop loss: 2096.0043857142855 | Take profit: 2054.2517214285713 +2025-03-10 14:19:52,473 - INFO - STOP LOSS hit for short at 2096.0043857142855 | PnL: -0.50% | $-1.14 +2025-03-10 14:19:52,496 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:19:52,519 - INFO - CLOSED short at 2139.54 | PnL: -0.41% | $-0.97 +2025-03-10 14:19:52,545 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.1045142857142 | Take profit: 2163.7815785714283 +2025-03-10 14:19:52,571 - INFO - CLOSED long at 2133.95 | PnL: 0.10% | $0.00 +2025-03-10 14:19:52,571 - INFO - OPENED SHORT at 2133.95 | Stop loss: 2144.6363357142855 | Take profit: 2101.9158714285713 +2025-03-10 14:19:52,863 - INFO - CLOSED short at 2128.69 | PnL: 0.25% | $0.27 +2025-03-10 14:19:52,889 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.712035714286 | Take profit: 2089.2487714285717 +2025-03-10 14:19:53,186 - INFO - CLOSED short at 2110.6 | PnL: 0.49% | $0.74 +2025-03-10 14:19:53,229 - INFO - OPENED SHORT at 2109.05 | Stop loss: 2119.611835714286 | Take profit: 2077.389371428572 +2025-03-10 14:19:53,385 - INFO - STOP LOSS hit for short at 2119.611835714286 | PnL: -0.50% | $-1.13 +2025-03-10 14:19:53,406 - INFO - OPENED SHORT at 2116.48 | Stop loss: 2127.078985714286 | Take profit: 2084.7079214285714 +2025-03-10 14:19:54,005 - INFO - CLOSED short at 2100.74 | PnL: 0.74% | $1.20 +2025-03-10 14:19:54,006 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.219714285714 | Take profit: 2132.2759785714284 +2025-03-10 14:19:54,094 - INFO - CLOSED long at 2101.51 | PnL: 0.04% | $-0.12 +2025-03-10 14:19:54,094 - INFO - OPENED SHORT at 2101.51 | Stop loss: 2112.034135714286 | Take profit: 2069.9624714285715 +2025-03-10 14:19:54,904 - INFO - CLOSED short at 2088.1 | PnL: 0.64% | $1.01 +2025-03-10 14:19:54,972 - INFO - OPENED SHORT at 2087.47 | Stop loss: 2097.923935714285 | Take profit: 2056.133071428571 +2025-03-10 14:19:55,293 - INFO - STOP LOSS hit for short at 2097.923935714285 | PnL: -0.50% | $-1.14 +2025-03-10 14:19:55,518 - INFO - OPENED SHORT at 2106.15 | Stop loss: 2116.6973357142856 | Take profit: 2074.5328714285715 +2025-03-10 14:19:56,032 - INFO - CLOSED short at 2104.73 | PnL: 0.07% | $-0.06 +2025-03-10 14:19:56,033 - INFO - OPENED LONG at 2104.73 | Stop loss: 2094.1897642857143 | Take profit: 2136.3258285714287 +2025-03-10 14:19:56,055 - INFO - CLOSED long at 2107.25 | PnL: 0.12% | $0.04 +2025-03-10 14:19:56,055 - INFO - OPENED SHORT at 2107.25 | Stop loss: 2117.8028357142857 | Take profit: 2075.6163714285713 +2025-03-10 14:19:56,198 - INFO - CLOSED short at 2113.7 | PnL: -0.31% | $-0.76 +2025-03-10 14:19:56,233 - INFO - OPENED SHORT at 2113.0 | Stop loss: 2123.581585714286 | Take profit: 2081.2801214285714 +2025-03-10 14:19:57,159 - INFO - STOP LOSS hit for short at 2123.581585714286 | PnL: -0.50% | $-1.12 +2025-03-10 14:19:57,186 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:19:57,420 - INFO - CLOSED short at 2127.47 | PnL: 0.02% | $-0.16 +2025-03-10 14:19:57,448 - INFO - OPENED SHORT at 2129.51 | Stop loss: 2140.174135714286 | Take profit: 2097.5424714285714 +2025-03-10 14:19:57,932 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 21.4% in downtrends | Avg Win=$0.36, Avg Loss=$-0.56 +2025-03-10 14:19:57,933 - INFO - Episode 1: Reward=-10.64, Balance=$92.69, Win Rate=36.4%, Trades=33, Episode PnL=$-6.55, Total PnL=$-17.80, Max Drawdown=7.3%, Pred Accuracy=96.7% +2025-03-10 14:19:58,202 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:20:00,537 - INFO - CLOSED short at 2064.96 | PnL: 0.15% | $0.10 +2025-03-10 14:20:00,568 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.5877857142855 | Take profit: 2035.2215214285714 +2025-03-10 14:20:01,403 - INFO - CLOSED short at 2061.89 | PnL: 0.21% | $0.22 +2025-03-10 14:20:01,403 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.563964285714 | Take profit: 2092.8432285714284 +2025-03-10 14:20:01,432 - INFO - CLOSED long at 2061.7 | PnL: -0.01% | $-0.22 +2025-03-10 14:20:01,433 - INFO - OPENED SHORT at 2061.7 | Stop loss: 2072.0250857142855 | Take profit: 2030.7496214285713 +2025-03-10 14:20:01,888 - INFO - CLOSED short at 2056.71 | PnL: 0.24% | $0.28 +2025-03-10 14:20:01,889 - INFO - OPENED LONG at 2056.71 | Stop loss: 2046.4098642857143 | Take profit: 2087.5855285714288 +2025-03-10 14:20:01,948 - INFO - CLOSED long at 2058.15 | PnL: 0.07% | $-0.06 +2025-03-10 14:20:01,948 - INFO - OPENED SHORT at 2058.15 | Stop loss: 2068.457335714286 | Take profit: 2027.2528714285716 +2025-03-10 14:20:02,459 - INFO - STOP LOSS hit for short at 2068.457335714286 | PnL: -0.50% | $-1.20 +2025-03-10 14:20:02,479 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3765857142857 | Take profit: 2040.8951214285714 +2025-03-10 14:20:02,543 - INFO - CLOSED short at 2075.01 | PnL: -0.15% | $-0.48 +2025-03-10 14:20:02,543 - INFO - OPENED LONG at 2075.01 | Stop loss: 2064.6183642857145 | Take profit: 2106.160028571429 +2025-03-10 14:20:02,564 - INFO - CLOSED long at 2072.6 | PnL: -0.12% | $-0.42 +2025-03-10 14:20:02,565 - INFO - OPENED SHORT at 2072.6 | Stop loss: 2082.979585714286 | Take profit: 2041.4861214285713 +2025-03-10 14:20:05,291 - INFO - CLOSED short at 2051.99 | PnL: 0.99% | $1.74 +2025-03-10 14:20:05,711 - INFO - OPENED SHORT at 2066.59 | Stop loss: 2076.9395357142857 | Take profit: 2035.5662714285716 +2025-03-10 14:20:06,280 - INFO - STOP LOSS hit for short at 2076.9395357142857 | PnL: -0.50% | $-1.19 +2025-03-10 14:20:06,304 - INFO - OPENED SHORT at 2085.56 | Stop loss: 2096.0043857142855 | Take profit: 2054.2517214285713 +2025-03-10 14:20:06,354 - INFO - STOP LOSS hit for short at 2096.0043857142855 | PnL: -0.50% | $-1.18 +2025-03-10 14:20:06,379 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:20:06,582 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.16 +2025-03-10 14:20:06,629 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:20:07,109 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.68 +2025-03-10 14:20:07,133 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:20:07,800 - INFO - CLOSED short at 2102.29 | PnL: 0.39% | $0.58 +2025-03-10 14:20:07,837 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.7628357142858 | Take profit: 2067.736371428571 +2025-03-10 14:20:08,880 - INFO - CLOSED short at 2088.32 | PnL: 0.52% | $0.83 +2025-03-10 14:20:08,881 - INFO - OPENED LONG at 2088.32 | Stop loss: 2077.8618142857144 | Take profit: 2119.6696785714284 +2025-03-10 14:20:08,928 - INFO - CLOSED long at 2088.1 | PnL: -0.01% | $-0.22 +2025-03-10 14:20:08,928 - INFO - OPENED SHORT at 2088.1 | Stop loss: 2098.5570857142857 | Take profit: 2056.7536214285715 +2025-03-10 14:20:09,370 - INFO - STOP LOSS hit for short at 2098.5570857142857 | PnL: -0.50% | $-1.20 +2025-03-10 14:20:09,417 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1647857142857 | Take profit: 2070.0905214285713 +2025-03-10 14:20:10,244 - INFO - STOP LOSS hit for short at 2112.1647857142857 | PnL: -0.50% | $-1.18 +2025-03-10 14:20:10,267 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.440935714286 | Take profit: 2079.1820714285714 +2025-03-10 14:20:10,649 - INFO - CLOSED short at 2111.19 | PnL: -0.02% | $-0.22 +2025-03-10 14:20:10,671 - INFO - OPENED SHORT at 2112.61 | Stop loss: 2123.1896357142855 | Take profit: 2080.8959714285716 +2025-03-10 14:20:10,743 - INFO - CLOSED short at 2115.3 | PnL: -0.13% | $-0.44 +2025-03-10 14:20:10,767 - INFO - OPENED SHORT at 2115.89 | Stop loss: 2126.486035714285 | Take profit: 2084.1267714285714 +2025-03-10 14:20:11,118 - INFO - CLOSED short at 2125.11 | PnL: -0.44% | $-1.03 +2025-03-10 14:20:11,118 - INFO - OPENED LONG at 2125.11 | Stop loss: 2114.4678642857143 | Take profit: 2157.0115285714287 +2025-03-10 14:20:11,141 - INFO - CLOSED long at 2127.79 | PnL: 0.13% | $0.05 +2025-03-10 14:20:11,142 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:20:11,427 - INFO - CLOSED short at 2123.23 | PnL: 0.21% | $0.22 +2025-03-10 14:20:11,427 - INFO - OPENED LONG at 2123.23 | Stop loss: 2112.597264285714 | Take profit: 2155.1033285714284 +2025-03-10 14:20:11,453 - INFO - CLOSED long at 2127.47 | PnL: 0.20% | $0.19 +2025-03-10 14:20:11,454 - INFO - OPENED SHORT at 2127.47 | Stop loss: 2138.1239357142854 | Take profit: 2095.5330714285715 +2025-03-10 14:20:11,917 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 38.5% in downtrends | Avg Win=$0.69, Avg Loss=$-0.73 +2025-03-10 14:20:11,918 - INFO - Episode 2: Reward=-5.59, Balance=$96.68, Win Rate=41.7%, Trades=24, Episode PnL=$-2.64, Total PnL=$-21.12, Max Drawdown=3.7%, Pred Accuracy=96.7% +2025-03-10 14:20:12,240 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:20:12,269 - INFO - CLOSED short at 2067.2 | PnL: 0.04% | $-0.12 +2025-03-10 14:20:12,269 - INFO - OPENED LONG at 2067.2 | Stop loss: 2056.847414285714 | Take profit: 2098.2328785714285 +2025-03-10 14:20:12,301 - INFO - CLOSED long at 2070.36 | PnL: 0.15% | $0.10 +2025-03-10 14:20:12,301 - INFO - OPENED SHORT at 2070.36 | Stop loss: 2080.7283857142857 | Take profit: 2039.2797214285715 +2025-03-10 14:20:14,382 - INFO - CLOSED short at 2067.88 | PnL: 0.12% | $0.04 +2025-03-10 14:20:14,383 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.5240142857147 | Take profit: 2098.923078571429 +2025-03-10 14:20:14,408 - INFO - CLOSED long at 2064.99 | PnL: -0.14% | $-0.48 +2025-03-10 14:20:14,408 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.331535714285 | Take profit: 2033.990271428571 +2025-03-10 14:20:14,715 - INFO - CLOSED short at 2066.09 | PnL: -0.05% | $-0.30 +2025-03-10 14:20:14,715 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.742964285714 | Take profit: 2097.1062285714283 +2025-03-10 14:20:14,738 - INFO - CLOSED long at 2064.45 | PnL: -0.08% | $-0.35 +2025-03-10 14:20:14,738 - INFO - OPENED SHORT at 2064.45 | Stop loss: 2074.7888357142856 | Take profit: 2033.4583714285711 +2025-03-10 14:20:15,057 - INFO - CLOSED short at 2061.8 | PnL: 0.13% | $0.06 +2025-03-10 14:20:15,058 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.4744142857144 | Take profit: 2092.7518785714287 +2025-03-10 14:20:15,111 - INFO - CLOSED long at 2062.61 | PnL: 0.04% | $-0.12 +2025-03-10 14:20:15,111 - INFO - OPENED SHORT at 2062.61 | Stop loss: 2072.939635714286 | Take profit: 2031.6459714285716 +2025-03-10 14:20:16,348 - INFO - STOP LOSS hit for short at 2072.939635714286 | PnL: -0.50% | $-1.18 +2025-03-10 14:20:16,411 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.401635714286 | Take profit: 2043.8599714285717 +2025-03-10 14:20:16,854 - INFO - CLOSED short at 2065.7 | PnL: 0.45% | $0.68 +2025-03-10 14:20:16,905 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.2863357142855 | Take profit: 2032.9658714285713 +2025-03-10 14:20:17,758 - INFO - STOP LOSS hit for short at 2074.2863357142855 | PnL: -0.50% | $-1.17 +2025-03-10 14:20:17,831 - INFO - OPENED SHORT at 2074.35 | Stop loss: 2084.7383357142858 | Take profit: 2043.2098714285712 +2025-03-10 14:20:18,217 - INFO - CLOSED short at 2066.4 | PnL: 0.38% | $0.55 +2025-03-10 14:20:18,217 - INFO - OPENED LONG at 2066.4 | Stop loss: 2056.0514142857146 | Take profit: 2097.420878571429 +2025-03-10 14:20:18,382 - INFO - CLOSED long at 2070.1 | PnL: 0.18% | $0.15 +2025-03-10 14:20:18,382 - INFO - OPENED SHORT at 2070.1 | Stop loss: 2080.4670857142855 | Take profit: 2039.0236214285712 +2025-03-10 14:20:19,914 - INFO - CLOSED short at 2074.05 | PnL: -0.19% | $-0.56 +2025-03-10 14:20:19,964 - INFO - OPENED SHORT at 2071.89 | Stop loss: 2082.2660357142854 | Take profit: 2040.7867714285715 +2025-03-10 14:20:20,133 - INFO - STOP LOSS hit for short at 2082.2660357142854 | PnL: -0.50% | $-1.16 +2025-03-10 14:20:20,173 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:20:20,211 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.15 +2025-03-10 14:20:20,234 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:20:20,372 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.13 +2025-03-10 14:20:20,422 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.4099857142855 | Take profit: 2110.514921428571 +2025-03-10 14:20:20,843 - INFO - TAKE PROFIT hit for short at 2110.514921428571 | PnL: 1.50% | $2.61 +2025-03-10 14:20:20,893 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:20:22,127 - INFO - CLOSED short at 2083.97 | PnL: 1.26% | $2.22 +2025-03-10 14:20:22,170 - INFO - OPENED SHORT at 2085.3 | Stop loss: 2095.7430857142863 | Take profit: 2053.9956214285717 +2025-03-10 14:20:22,638 - INFO - CLOSED short at 2087.0 | PnL: -0.08% | $-0.36 +2025-03-10 14:20:22,672 - INFO - OPENED SHORT at 2087.47 | Stop loss: 2097.923935714285 | Take profit: 2056.133071428571 +2025-03-10 14:20:23,030 - INFO - STOP LOSS hit for short at 2097.923935714285 | PnL: -0.50% | $-1.17 +2025-03-10 14:20:23,085 - INFO - OPENED SHORT at 2097.11 | Stop loss: 2107.6121357142856 | Take profit: 2065.6284714285716 +2025-03-10 14:20:23,561 - INFO - CLOSED short at 2104.4 | PnL: -0.35% | $-0.86 +2025-03-10 14:20:23,589 - INFO - OPENED SHORT at 2105.21 | Stop loss: 2115.752635714286 | Take profit: 2073.6069714285713 +2025-03-10 14:20:24,363 - INFO - STOP LOSS hit for short at 2115.752635714286 | PnL: -0.50% | $-1.15 +2025-03-10 14:20:24,385 - INFO - OPENED SHORT at 2117.39 | Stop loss: 2127.993535714286 | Take profit: 2085.6042714285713 +2025-03-10 14:20:24,872 - INFO - STOP LOSS hit for short at 2127.993535714286 | PnL: -0.50% | $-1.13 +2025-03-10 14:20:24,916 - INFO - OPENED LONG at 2135.86 | Stop loss: 2125.1641142857143 | Take profit: 2167.922778571429 +2025-03-10 14:20:24,959 - INFO - CLOSED long at 2136.26 | PnL: 0.02% | $-0.15 +2025-03-10 14:20:25,015 - INFO - OPENED SHORT at 2135.51 | Stop loss: 2146.2041357142857 | Take profit: 2103.4524714285717 +2025-03-10 14:20:25,120 - INFO - CLOSED short at 2124.38 | PnL: 0.52% | $0.78 +2025-03-10 14:20:25,121 - INFO - OPENED LONG at 2124.38 | Stop loss: 2113.7415142857144 | Take profit: 2156.2705785714284 +2025-03-10 14:20:25,144 - INFO - CLOSED long at 2123.23 | PnL: -0.05% | $-0.29 +2025-03-10 14:20:25,145 - INFO - OPENED SHORT at 2123.23 | Stop loss: 2133.8627357142855 | Take profit: 2091.3566714285716 +2025-03-10 14:20:25,216 - INFO - STOP LOSS hit for short at 2133.8627357142855 | PnL: -0.50% | $-1.12 +2025-03-10 14:20:25,260 - INFO - OPENED SHORT at 2131.23 | Stop loss: 2141.902735714286 | Take profit: 2099.2366714285713 +2025-03-10 14:20:25,762 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 31.2% in downtrends | Avg Win=$0.80, Avg Loss=$-0.73 +2025-03-10 14:20:25,764 - INFO - Episode 3: Reward=-10.88, Balance=$93.23, Win Rate=32.1%, Trades=28, Episode PnL=$-5.79, Total PnL=$-27.89, Max Drawdown=6.8%, Pred Accuracy=96.8% +2025-03-10 14:20:26,014 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:20:29,890 - INFO - CLOSED short at 2054.89 | PnL: 0.63% | $1.06 +2025-03-10 14:20:29,890 - INFO - OPENED LONG at 2054.89 | Stop loss: 2044.5989642857141 | Take profit: 2085.7382285714284 +2025-03-10 14:20:29,978 - INFO - CLOSED long at 2058.15 | PnL: 0.16% | $0.12 +2025-03-10 14:20:29,978 - INFO - OPENED SHORT at 2058.15 | Stop loss: 2068.457335714286 | Take profit: 2027.2528714285716 +2025-03-10 14:20:30,294 - INFO - CLOSED short at 2063.9 | PnL: -0.28% | $-0.76 +2025-03-10 14:20:30,319 - INFO - OPENED SHORT at 2064.49 | Stop loss: 2074.8290357142855 | Take profit: 2033.4977714285712 +2025-03-10 14:20:30,645 - INFO - STOP LOSS hit for short at 2074.8290357142855 | PnL: -0.50% | $-1.20 +2025-03-10 14:20:30,674 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.401635714286 | Take profit: 2043.8599714285717 +2025-03-10 14:20:32,700 - INFO - CLOSED short at 2070.1 | PnL: 0.24% | $0.27 +2025-03-10 14:20:32,701 - INFO - OPENED LONG at 2070.1 | Stop loss: 2059.7329142857143 | Take profit: 2101.1763785714284 +2025-03-10 14:20:32,725 - INFO - CLOSED long at 2067.19 | PnL: -0.14% | $-0.47 +2025-03-10 14:20:32,726 - INFO - OPENED SHORT at 2067.19 | Stop loss: 2077.542535714286 | Take profit: 2036.1572714285714 +2025-03-10 14:20:33,540 - INFO - CLOSED short at 2057.11 | PnL: 0.49% | $0.76 +2025-03-10 14:20:33,540 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.8078642857145 | Take profit: 2087.9915285714287 +2025-03-10 14:20:33,563 - INFO - CLOSED long at 2057.89 | PnL: 0.04% | $-0.12 +2025-03-10 14:20:33,564 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1960357142857 | Take profit: 2026.9967714285713 +2025-03-10 14:20:33,857 - INFO - STOP LOSS hit for short at 2068.1960357142857 | PnL: -0.50% | $-1.19 +2025-03-10 14:20:33,921 - INFO - OPENED SHORT at 2066.59 | Stop loss: 2076.9395357142857 | Take profit: 2035.5662714285716 +2025-03-10 14:20:34,298 - INFO - CLOSED short at 2069.34 | PnL: -0.13% | $-0.46 +2025-03-10 14:20:34,324 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.175635714286 | Take profit: 2038.7379714285714 +2025-03-10 14:20:34,632 - INFO - STOP LOSS hit for short at 2080.175635714286 | PnL: -0.50% | $-1.17 +2025-03-10 14:20:34,658 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:20:34,692 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.15 +2025-03-10 14:20:34,722 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:20:34,913 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.14 +2025-03-10 14:20:34,970 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:20:35,491 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.63 +2025-03-10 14:20:35,522 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:20:36,035 - INFO - CLOSED short at 2102.19 | PnL: 0.40% | $0.58 +2025-03-10 14:20:36,035 - INFO - OPENED LONG at 2102.19 | Stop loss: 2091.662464285714 | Take profit: 2133.7477285714285 +2025-03-10 14:20:36,071 - INFO - CLOSED long at 2102.29 | PnL: 0.00% | $-0.18 +2025-03-10 14:20:36,072 - INFO - OPENED SHORT at 2102.29 | Stop loss: 2112.8180357142855 | Take profit: 2070.730771428571 +2025-03-10 14:20:36,754 - INFO - CLOSED short at 2081.49 | PnL: 0.99% | $1.72 +2025-03-10 14:20:36,776 - INFO - OPENED SHORT at 2080.38 | Stop loss: 2090.798485714286 | Take profit: 2049.1494214285717 +2025-03-10 14:20:37,323 - INFO - CLOSED short at 2091.05 | PnL: -0.51% | $-1.21 +2025-03-10 14:20:37,323 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.5781642857146 | Take profit: 2122.440628571429 +2025-03-10 14:20:37,373 - INFO - CLOSED long at 2091.05 | PnL: 0.00% | $-0.19 +2025-03-10 14:20:37,373 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.5218357142858 | Take profit: 2059.659371428572 +2025-03-10 14:20:37,516 - INFO - CLOSED short at 2101.64 | PnL: -0.51% | $-1.18 +2025-03-10 14:20:37,565 - INFO - OPENED SHORT at 2098.49 | Stop loss: 2108.999035714285 | Take profit: 2066.9877714285712 +2025-03-10 14:20:37,585 - INFO - CLOSED short at 2099.89 | PnL: -0.07% | $-0.32 +2025-03-10 14:20:37,621 - INFO - OPENED SHORT at 2100.89 | Stop loss: 2111.411035714286 | Take profit: 2069.3517714285713 +2025-03-10 14:20:38,348 - INFO - STOP LOSS hit for short at 2111.411035714286 | PnL: -0.50% | $-1.15 +2025-03-10 14:20:38,376 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.440935714286 | Take profit: 2079.1820714285714 +2025-03-10 14:20:39,680 - INFO - STOP LOSS hit for short at 2121.440935714286 | PnL: -0.50% | $-1.14 +2025-03-10 14:20:39,704 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8225857142857 | Take profit: 2089.357121428571 +2025-03-10 14:20:39,749 - INFO - CLOSED short at 2127.79 | PnL: -0.31% | $-0.77 +2025-03-10 14:20:39,750 - INFO - OPENED LONG at 2127.79 | Stop loss: 2117.1344642857143 | Take profit: 2159.7317285714284 +2025-03-10 14:20:39,773 - INFO - CLOSED long at 2129.3 | PnL: 0.07% | $-0.05 +2025-03-10 14:20:39,774 - INFO - OPENED SHORT at 2129.3 | Stop loss: 2139.9630857142856 | Take profit: 2097.335621428572 +2025-03-10 14:20:40,379 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 35.7% in downtrends | Avg Win=$1.02, Avg Loss=$-0.77 +2025-03-10 14:20:40,380 - INFO - Episode 4: Reward=-12.08, Balance=$93.28, Win Rate=28.0%, Trades=25, Episode PnL=$-5.80, Total PnL=$-34.60, Max Drawdown=6.3%, Pred Accuracy=96.8% +2025-03-10 14:20:41,284 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:20:42,187 - INFO - CLOSED short at 2067.79 | PnL: 0.01% | $-0.18 +2025-03-10 14:20:42,188 - INFO - OPENED LONG at 2067.79 | Stop loss: 2057.434464285714 | Take profit: 2098.8317285714284 +2025-03-10 14:20:42,223 - INFO - CLOSED long at 2067.46 | PnL: -0.02% | $-0.23 +2025-03-10 14:20:42,224 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.813885714286 | Take profit: 2036.4232214285714 +2025-03-10 14:20:43,441 - INFO - CLOSED short at 2064.45 | PnL: 0.15% | $0.09 +2025-03-10 14:20:43,481 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4169857142856 | Take profit: 2033.0939214285713 +2025-03-10 14:20:44,569 - INFO - CLOSED short at 2054.83 | PnL: 0.45% | $0.69 +2025-03-10 14:20:44,594 - INFO - OPENED LONG at 2056.71 | Stop loss: 2046.4098642857143 | Take profit: 2087.5855285714288 +2025-03-10 14:20:44,643 - INFO - CLOSED long at 2058.15 | PnL: 0.07% | $-0.06 +2025-03-10 14:20:44,643 - INFO - OPENED SHORT at 2058.15 | Stop loss: 2068.457335714286 | Take profit: 2027.2528714285716 +2025-03-10 14:20:45,204 - INFO - STOP LOSS hit for short at 2068.457335714286 | PnL: -0.50% | $-1.20 +2025-03-10 14:20:45,228 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3765857142857 | Take profit: 2040.8951214285714 +2025-03-10 14:20:46,376 - INFO - CLOSED short at 2068.19 | PnL: 0.18% | $0.16 +2025-03-10 14:20:46,414 - INFO - OPENED SHORT at 2068.67 | Stop loss: 2079.029935714286 | Take profit: 2037.6150714285716 +2025-03-10 14:20:47,801 - INFO - CLOSED short at 2057.89 | PnL: 0.52% | $0.83 +2025-03-10 14:20:47,839 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.1607357142857 | Take profit: 2031.8626714285713 +2025-03-10 14:20:48,411 - INFO - STOP LOSS hit for short at 2073.1607357142857 | PnL: -0.50% | $-1.19 +2025-03-10 14:20:48,433 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4368357142857 | Take profit: 2042.9143714285715 +2025-03-10 14:20:48,588 - INFO - STOP LOSS hit for short at 2084.4368357142857 | PnL: -0.50% | $-1.18 +2025-03-10 14:20:48,618 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:20:48,659 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.17 +2025-03-10 14:20:48,702 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:20:48,848 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.15 +2025-03-10 14:20:48,870 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:20:49,293 - INFO - CLOSED short at 2107.43 | PnL: 1.58% | $2.81 +2025-03-10 14:20:49,316 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:20:50,422 - INFO - CLOSED short at 2094.72 | PnL: 0.75% | $1.27 +2025-03-10 14:20:50,447 - INFO - OPENED SHORT at 2094.08 | Stop loss: 2104.5669857142857 | Take profit: 2062.643921428571 +2025-03-10 14:20:51,423 - INFO - CLOSED short at 2100.89 | PnL: -0.33% | $-0.84 +2025-03-10 14:20:51,460 - INFO - OPENED SHORT at 2099.73 | Stop loss: 2110.2452357142856 | Take profit: 2068.2091714285716 +2025-03-10 14:20:51,566 - INFO - CLOSED short at 2104.93 | PnL: -0.25% | $-0.68 +2025-03-10 14:20:51,606 - INFO - OPENED SHORT at 2103.81 | Stop loss: 2114.345635714286 | Take profit: 2072.2279714285714 +2025-03-10 14:20:52,176 - INFO - STOP LOSS hit for short at 2114.345635714286 | PnL: -0.50% | $-1.17 +2025-03-10 14:20:52,232 - INFO - OPENED SHORT at 2113.1 | Stop loss: 2123.6820857142857 | Take profit: 2081.3786214285715 +2025-03-10 14:20:52,868 - INFO - STOP LOSS hit for short at 2123.6820857142857 | PnL: -0.50% | $-1.15 +2025-03-10 14:20:52,890 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:20:53,559 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.98, Avg Loss=$-0.85 +2025-03-10 14:20:53,560 - INFO - Episode 5: Reward=0.94, Balance=$95.66, Win Rate=33.3%, Trades=18, Episode PnL=$-4.05, Total PnL=$-38.95, Max Drawdown=4.9%, Pred Accuracy=96.9% +2025-03-10 14:20:53,780 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:20:54,093 - INFO - CLOSED short at 2066.29 | PnL: 0.08% | $-0.03 +2025-03-10 14:20:54,133 - INFO - OPENED SHORT at 2065.08 | Stop loss: 2075.4219857142857 | Take profit: 2034.0789214285714 +2025-03-10 14:20:54,573 - INFO - CLOSED short at 2073.9 | PnL: -0.43% | $-1.05 +2025-03-10 14:20:54,610 - INFO - OPENED SHORT at 2071.92 | Stop loss: 2082.2961857142855 | Take profit: 2040.8163214285717 +2025-03-10 14:20:54,692 - INFO - CLOSED short at 2069.35 | PnL: 0.12% | $0.05 +2025-03-10 14:20:54,711 - INFO - OPENED SHORT at 2068.32 | Stop loss: 2078.678185714286 | Take profit: 2037.2703214285716 +2025-03-10 14:20:56,497 - INFO - CLOSED short at 2060.91 | PnL: 0.36% | $0.51 +2025-03-10 14:20:56,536 - INFO - OPENED SHORT at 2060.3 | Stop loss: 2070.618085714286 | Take profit: 2029.3706214285717 +2025-03-10 14:20:57,691 - INFO - CLOSED short at 2066.33 | PnL: -0.29% | $-0.78 +2025-03-10 14:20:57,692 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.9817642857142 | Take profit: 2097.349828571428 +2025-03-10 14:20:57,714 - INFO - CLOSED long at 2066.34 | PnL: 0.00% | $-0.19 +2025-03-10 14:20:57,737 - INFO - OPENED SHORT at 2066.79 | Stop loss: 2077.1405357142858 | Take profit: 2035.7632714285714 +2025-03-10 14:20:57,944 - INFO - STOP LOSS hit for short at 2077.1405357142858 | PnL: -0.50% | $-1.17 +2025-03-10 14:20:57,984 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.401635714286 | Take profit: 2043.8599714285717 +2025-03-10 14:20:58,550 - INFO - CLOSED short at 2064.5 | PnL: 0.51% | $0.79 +2025-03-10 14:20:58,550 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.160914285714 | Take profit: 2095.4923785714286 +2025-03-10 14:20:58,576 - INFO - CLOSED long at 2065.3 | PnL: 0.04% | $-0.12 +2025-03-10 14:20:58,576 - INFO - OPENED SHORT at 2065.3 | Stop loss: 2075.643085714286 | Take profit: 2034.2956214285716 +2025-03-10 14:20:59,392 - INFO - STOP LOSS hit for short at 2075.643085714286 | PnL: -0.50% | $-1.17 +2025-03-10 14:20:59,433 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2086.004635714286 | Take profit: 2044.4509714285716 +2025-03-10 14:20:59,827 - INFO - CLOSED short at 2067.19 | PnL: 0.41% | $0.59 +2025-03-10 14:20:59,828 - INFO - OPENED LONG at 2067.19 | Stop loss: 2056.8374642857143 | Take profit: 2098.222728571429 +2025-03-10 14:20:59,872 - INFO - CLOSED long at 2065.5 | PnL: -0.08% | $-0.35 +2025-03-10 14:20:59,872 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.844085714286 | Take profit: 2034.4926214285715 +2025-03-10 14:21:00,456 - INFO - CLOSED short at 2056.77 | PnL: 0.42% | $0.62 +2025-03-10 14:21:00,456 - INFO - OPENED LONG at 2056.77 | Stop loss: 2046.4695642857143 | Take profit: 2087.6464285714287 +2025-03-10 14:21:00,481 - INFO - CLOSED long at 2053.01 | PnL: -0.18% | $-0.55 +2025-03-10 14:21:00,481 - INFO - OPENED SHORT at 2053.01 | Stop loss: 2063.291635714286 | Take profit: 2022.1899714285717 +2025-03-10 14:21:00,772 - INFO - STOP LOSS hit for short at 2063.291635714286 | PnL: -0.50% | $-1.16 +2025-03-10 14:21:00,805 - INFO - OPENED SHORT at 2065.1 | Stop loss: 2075.442085714286 | Take profit: 2034.0986214285713 +2025-03-10 14:21:01,419 - INFO - STOP LOSS hit for short at 2075.442085714286 | PnL: -0.50% | $-1.14 +2025-03-10 14:21:01,457 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2088.014635714286 | Take profit: 2046.4209714285716 +2025-03-10 14:21:01,534 - INFO - STOP LOSS hit for short at 2088.014635714286 | PnL: -0.50% | $-1.13 +2025-03-10 14:21:01,575 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.5516857142857 | Take profit: 2071.4498214285713 +2025-03-10 14:21:01,611 - INFO - STOP LOSS hit for short at 2113.5516857142857 | PnL: -0.50% | $-1.12 +2025-03-10 14:21:01,634 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2542857142857 | Take profit: 2107.4220214285715 +2025-03-10 14:21:02,499 - INFO - TAKE PROFIT hit for short at 2107.4220214285715 | PnL: 1.50% | $2.57 +2025-03-10 14:21:02,519 - INFO - OPENED SHORT at 2108.06 | Stop loss: 2118.6168857142857 | Take profit: 2076.414221428571 +2025-03-10 14:21:03,130 - INFO - CLOSED short at 2092.46 | PnL: 0.74% | $1.21 +2025-03-10 14:21:03,167 - INFO - OPENED SHORT at 2091.1 | Stop loss: 2101.5720857142855 | Take profit: 2059.7086214285714 +2025-03-10 14:21:03,725 - INFO - CLOSED short at 2088.1 | PnL: 0.14% | $0.08 +2025-03-10 14:21:03,748 - INFO - OPENED SHORT at 2089.96 | Stop loss: 2100.426385714286 | Take profit: 2058.5857214285716 +2025-03-10 14:21:04,119 - INFO - STOP LOSS hit for short at 2100.426385714286 | PnL: -0.50% | $-1.15 +2025-03-10 14:21:04,142 - INFO - OPENED SHORT at 2097.11 | Stop loss: 2107.6121357142856 | Take profit: 2065.6284714285716 +2025-03-10 14:21:04,187 - INFO - CLOSED short at 2099.89 | PnL: -0.13% | $-0.44 +2025-03-10 14:21:04,218 - INFO - OPENED SHORT at 2100.89 | Stop loss: 2111.411035714286 | Take profit: 2069.3517714285713 +2025-03-10 14:21:04,630 - INFO - CLOSED short at 2102.7 | PnL: -0.09% | $-0.35 +2025-03-10 14:21:04,668 - INFO - OPENED SHORT at 2102.0 | Stop loss: 2112.5265857142854 | Take profit: 2070.4451214285714 +2025-03-10 14:21:04,900 - INFO - STOP LOSS hit for short at 2112.5265857142854 | PnL: -0.50% | $-1.13 +2025-03-10 14:21:04,922 - INFO - OPENED SHORT at 2113.0 | Stop loss: 2123.581585714286 | Take profit: 2081.2801214285714 +2025-03-10 14:21:05,630 - INFO - STOP LOSS hit for short at 2123.581585714286 | PnL: -0.50% | $-1.11 +2025-03-10 14:21:05,656 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:21:06,097 - INFO - CLOSED short at 2126.43 | PnL: 0.06% | $-0.07 +2025-03-10 14:21:06,098 - INFO - OPENED LONG at 2126.43 | Stop loss: 2115.7812642857143 | Take profit: 2158.3513285714284 +2025-03-10 14:21:06,120 - INFO - CLOSED long at 2124.49 | PnL: -0.09% | $-0.35 +2025-03-10 14:21:06,121 - INFO - OPENED SHORT at 2124.49 | Stop loss: 2135.1290357142852 | Take profit: 2092.597771428571 +2025-03-10 14:21:06,432 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 26.7% in downtrends | Avg Win=$0.80, Avg Loss=$-0.73 +2025-03-10 14:21:06,433 - INFO - Episode 6: Reward=-8.28, Balance=$91.86, Win Rate=28.6%, Trades=28, Episode PnL=$-6.77, Total PnL=$-47.09, Max Drawdown=7.7%, Pred Accuracy=97.0% +2025-03-10 14:21:06,620 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:21:07,288 - INFO - CLOSED short at 2073.11 | PnL: -0.25% | $-0.69 +2025-03-10 14:21:07,289 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.7278642857145 | Take profit: 2104.231528571429 +2025-03-10 14:21:07,323 - INFO - CLOSED long at 2072.7 | PnL: -0.02% | $-0.24 +2025-03-10 14:21:07,324 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.0800857142854 | Take profit: 2041.5846214285714 +2025-03-10 14:21:07,740 - INFO - CLOSED short at 2067.89 | PnL: 0.23% | $0.26 +2025-03-10 14:21:07,776 - INFO - OPENED SHORT at 2068.58 | Stop loss: 2078.9394857142856 | Take profit: 2037.5264214285714 +2025-03-10 14:21:08,827 - INFO - CLOSED short at 2062.89 | PnL: 0.28% | $0.35 +2025-03-10 14:21:08,827 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.558964285714 | Take profit: 2093.8582285714288 +2025-03-10 14:21:08,867 - INFO - CLOSED long at 2064.5 | PnL: 0.08% | $-0.04 +2025-03-10 14:21:08,868 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8390857142854 | Take profit: 2033.5076214285714 +2025-03-10 14:21:09,818 - INFO - CLOSED short at 2056.28 | PnL: 0.40% | $0.59 +2025-03-10 14:21:09,818 - INFO - OPENED LONG at 2056.28 | Stop loss: 2045.9820142857145 | Take profit: 2087.1490785714286 +2025-03-10 14:21:09,837 - INFO - CLOSED long at 2055.6 | PnL: -0.03% | $-0.26 +2025-03-10 14:21:09,862 - INFO - OPENED SHORT at 2054.89 | Stop loss: 2065.181035714286 | Take profit: 2024.0417714285713 +2025-03-10 14:21:10,153 - INFO - STOP LOSS hit for short at 2065.181035714286 | PnL: -0.50% | $-1.19 +2025-03-10 14:21:10,192 - INFO - OPENED SHORT at 2066.01 | Stop loss: 2076.356635714286 | Take profit: 2034.9949714285715 +2025-03-10 14:21:10,523 - INFO - STOP LOSS hit for short at 2076.356635714286 | PnL: -0.50% | $-1.18 +2025-03-10 14:21:10,562 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.401635714286 | Take profit: 2043.8599714285717 +2025-03-10 14:21:13,942 - INFO - STOP LOSS hit for short at 2085.401635714286 | PnL: -0.50% | $-1.16 +2025-03-10 14:21:13,966 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:21:13,987 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.15 +2025-03-10 14:21:14,021 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:21:14,202 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.14 +2025-03-10 14:21:14,225 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:21:14,629 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.62 +2025-03-10 14:21:14,651 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:21:15,071 - INFO - CLOSED short at 2099.53 | PnL: 0.52% | $0.82 +2025-03-10 14:21:15,072 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.0157642857143 | Take profit: 2131.0478285714285 +2025-03-10 14:21:15,094 - INFO - CLOSED long at 2098.1 | PnL: -0.07% | $-0.33 +2025-03-10 14:21:15,094 - INFO - OPENED SHORT at 2098.1 | Stop loss: 2108.6070857142854 | Take profit: 2066.6036214285714 +2025-03-10 14:21:15,652 - INFO - CLOSED short at 2094.08 | PnL: 0.19% | $0.18 +2025-03-10 14:21:15,653 - INFO - OPENED LONG at 2094.08 | Stop loss: 2083.593014285714 | Take profit: 2125.5160785714284 +2025-03-10 14:21:15,704 - INFO - CLOSED long at 2088.35 | PnL: -0.27% | $-0.72 +2025-03-10 14:21:15,704 - INFO - OPENED SHORT at 2088.35 | Stop loss: 2098.8083357142855 | Take profit: 2056.999871428571 +2025-03-10 14:21:16,657 - INFO - STOP LOSS hit for short at 2098.8083357142855 | PnL: -0.50% | $-1.15 +2025-03-10 14:21:16,679 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1647857142857 | Take profit: 2070.0905214285713 +2025-03-10 14:21:17,413 - INFO - STOP LOSS hit for short at 2112.1647857142857 | PnL: -0.50% | $-1.14 +2025-03-10 14:21:17,436 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.440935714286 | Take profit: 2079.1820714285714 +2025-03-10 14:21:17,939 - INFO - CLOSED short at 2117.6 | PnL: -0.32% | $-0.78 +2025-03-10 14:21:17,959 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.8026357142858 | Take profit: 2083.4569714285717 +2025-03-10 14:21:18,193 - INFO - STOP LOSS hit for short at 2125.8026357142858 | PnL: -0.50% | $-1.12 +2025-03-10 14:21:18,216 - INFO - OPENED SHORT at 2129.3 | Stop loss: 2139.9630857142856 | Take profit: 2097.335621428572 +2025-03-10 14:21:18,382 - INFO - CLOSED short at 2123.23 | PnL: 0.29% | $0.34 +2025-03-10 14:21:18,420 - INFO - OPENED SHORT at 2127.47 | Stop loss: 2138.1239357142854 | Take profit: 2095.5330714285715 +2025-03-10 14:21:18,490 - INFO - CLOSED short at 2135.55 | PnL: -0.38% | $-0.88 +2025-03-10 14:21:18,491 - INFO - OPENED LONG at 2135.55 | Stop loss: 2124.8556642857143 | Take profit: 2167.6081285714286 +2025-03-10 14:21:18,538 - INFO - CLOSED long at 2131.23 | PnL: -0.20% | $-0.55 +2025-03-10 14:21:18,538 - INFO - OPENED SHORT at 2131.23 | Stop loss: 2141.902735714286 | Take profit: 2099.2366714285713 +2025-03-10 14:21:18,873 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 33.3% in downtrends | Avg Win=$0.73, Avg Loss=$-0.81 +2025-03-10 14:21:18,873 - INFO - Episode 7: Reward=-8.27, Balance=$91.42, Win Rate=29.2%, Trades=24, Episode PnL=$-6.70, Total PnL=$-55.67, Max Drawdown=7.5%, Pred Accuracy=97.1% +2025-03-10 14:21:19,147 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:21:19,442 - INFO - CLOSED short at 2066.29 | PnL: 0.08% | $-0.03 +2025-03-10 14:21:19,488 - INFO - OPENED SHORT at 2065.08 | Stop loss: 2075.4219857142857 | Take profit: 2034.0789214285714 +2025-03-10 14:21:20,362 - INFO - CLOSED short at 2068.8 | PnL: -0.18% | $-0.56 +2025-03-10 14:21:20,363 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.4394142857145 | Take profit: 2099.8568785714288 +2025-03-10 14:21:20,429 - INFO - CLOSED long at 2067.86 | PnL: -0.05% | $-0.29 +2025-03-10 14:21:20,429 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.215885714286 | Take profit: 2036.8172214285717 +2025-03-10 14:21:20,758 - INFO - CLOSED short at 2067.86 | PnL: 0.00% | $-0.20 +2025-03-10 14:21:20,758 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.5041142857144 | Take profit: 2098.902778571429 +2025-03-10 14:21:20,799 - INFO - CLOSED long at 2066.4 | PnL: -0.07% | $-0.33 +2025-03-10 14:21:20,801 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.7485857142856 | Take profit: 2035.3791214285716 +2025-03-10 14:21:21,231 - INFO - CLOSED short at 2059.59 | PnL: 0.33% | $0.45 +2025-03-10 14:21:21,231 - INFO - OPENED LONG at 2059.59 | Stop loss: 2049.2754642857144 | Take profit: 2090.5087285714285 +2025-03-10 14:21:21,252 - INFO - CLOSED long at 2061.3 | PnL: 0.08% | $-0.03 +2025-03-10 14:21:21,252 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.623085714286 | Take profit: 2030.3556214285716 +2025-03-10 14:21:21,570 - INFO - CLOSED short at 2062.89 | PnL: -0.08% | $-0.35 +2025-03-10 14:21:21,758 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.6281357142857 | Take profit: 2029.3804714285714 +2025-03-10 14:21:22,024 - INFO - CLOSED short at 2065.36 | PnL: -0.25% | $-0.68 +2025-03-10 14:21:22,235 - INFO - OPENED SHORT at 2061.7 | Stop loss: 2072.0250857142855 | Take profit: 2030.7496214285713 +2025-03-10 14:21:22,891 - INFO - CLOSED short at 2066.01 | PnL: -0.21% | $-0.60 +2025-03-10 14:21:22,891 - INFO - OPENED LONG at 2066.01 | Stop loss: 2055.6633642857146 | Take profit: 2097.0250285714287 +2025-03-10 14:21:22,959 - INFO - CLOSED long at 2066.33 | PnL: 0.02% | $-0.16 +2025-03-10 14:21:22,960 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6782357142856 | Take profit: 2035.3101714285713 +2025-03-10 14:21:23,234 - INFO - STOP LOSS hit for short at 2076.6782357142856 | PnL: -0.50% | $-1.16 +2025-03-10 14:21:23,279 - INFO - OPENED SHORT at 2072.6 | Stop loss: 2082.979585714286 | Take profit: 2041.4861214285713 +2025-03-10 14:21:24,306 - INFO - CLOSED short at 2070.35 | PnL: 0.11% | $0.02 +2025-03-10 14:21:24,306 - INFO - OPENED LONG at 2070.35 | Stop loss: 2059.981664285714 | Take profit: 2101.430128571428 +2025-03-10 14:21:24,346 - INFO - CLOSED long at 2070.61 | PnL: 0.01% | $-0.17 +2025-03-10 14:21:24,347 - INFO - OPENED SHORT at 2070.61 | Stop loss: 2080.979635714286 | Take profit: 2039.5259714285714 +2025-03-10 14:21:26,569 - INFO - STOP LOSS hit for short at 2080.979635714286 | PnL: -0.50% | $-1.14 +2025-03-10 14:21:26,594 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:21:26,648 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.13 +2025-03-10 14:21:26,699 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:21:26,870 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.12 +2025-03-10 14:21:26,895 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:21:27,327 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.57 +2025-03-10 14:21:27,348 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:21:27,741 - INFO - CLOSED short at 2090.0 | PnL: 0.98% | $1.65 +2025-03-10 14:21:27,764 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.044235714286 | Take profit: 2068.0121714285715 +2025-03-10 14:21:29,958 - INFO - STOP LOSS hit for short at 2110.044235714286 | PnL: -0.50% | $-1.15 +2025-03-10 14:21:30,002 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.440935714286 | Take profit: 2079.1820714285714 +2025-03-10 14:21:30,558 - INFO - CLOSED short at 2115.21 | PnL: -0.21% | $-0.58 +2025-03-10 14:21:30,582 - INFO - OPENED SHORT at 2118.19 | Stop loss: 2128.7975357142855 | Take profit: 2086.3922714285713 +2025-03-10 14:21:30,840 - INFO - STOP LOSS hit for short at 2128.7975357142855 | PnL: -0.50% | $-1.13 +2025-03-10 14:21:30,885 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.957885714286 | Take profit: 2104.1912214285717 +2025-03-10 14:21:31,597 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 25.0% in downtrends | Avg Win=$1.17, Avg Loss=$-0.60 +2025-03-10 14:21:31,598 - INFO - Episode 8: Reward=-19.69, Balance=$93.88, Win Rate=18.2%, Trades=22, Episode PnL=$-5.13, Total PnL=$-61.78, Max Drawdown=7.5%, Pred Accuracy=97.2% +2025-03-10 14:21:31,794 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:21:32,735 - INFO - CLOSED short at 2070.4 | PnL: -0.12% | $-0.43 +2025-03-10 14:21:32,757 - INFO - OPENED SHORT at 2071.11 | Stop loss: 2081.4821357142855 | Take profit: 2040.0184714285715 +2025-03-10 14:21:33,199 - INFO - CLOSED short at 2069.2 | PnL: 0.09% | $-0.02 +2025-03-10 14:21:33,199 - INFO - OPENED LONG at 2069.2 | Stop loss: 2058.837414285714 | Take profit: 2100.2628785714282 +2025-03-10 14:21:33,242 - INFO - CLOSED long at 2070.3 | PnL: 0.05% | $-0.09 +2025-03-10 14:21:33,242 - INFO - OPENED SHORT at 2070.3 | Stop loss: 2080.6680857142856 | Take profit: 2039.2206214285716 +2025-03-10 14:21:33,353 - INFO - CLOSED short at 2070.4 | PnL: -0.00% | $-0.21 +2025-03-10 14:21:33,391 - INFO - OPENED SHORT at 2070.73 | Stop loss: 2081.1002357142856 | Take profit: 2039.6441714285713 +2025-03-10 14:21:34,165 - INFO - CLOSED short at 2065.54 | PnL: 0.25% | $0.30 +2025-03-10 14:21:34,198 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.437035714286 | Take profit: 2035.0737714285715 +2025-03-10 14:21:34,740 - INFO - CLOSED short at 2064.33 | PnL: 0.09% | $-0.03 +2025-03-10 14:21:34,741 - INFO - OPENED LONG at 2064.33 | Stop loss: 2053.991764285714 | Take profit: 2095.319828571429 +2025-03-10 14:21:34,763 - INFO - CLOSED long at 2063.39 | PnL: -0.05% | $-0.29 +2025-03-10 14:21:34,764 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.723535714286 | Take profit: 2032.4142714285713 +2025-03-10 14:21:34,785 - INFO - CLOSED short at 2064.79 | PnL: -0.07% | $-0.33 +2025-03-10 14:21:34,825 - INFO - OPENED SHORT at 2065.89 | Stop loss: 2076.2360357142857 | Take profit: 2034.8767714285714 +2025-03-10 14:21:34,991 - INFO - CLOSED short at 2061.7 | PnL: 0.20% | $0.20 +2025-03-10 14:21:35,015 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0200857142854 | Take profit: 2029.7646214285712 +2025-03-10 14:21:35,902 - INFO - STOP LOSS hit for short at 2071.0200857142854 | PnL: -0.50% | $-1.18 +2025-03-10 14:21:35,927 - INFO - OPENED SHORT at 2074.3 | Stop loss: 2084.688085714286 | Take profit: 2043.1606214285716 +2025-03-10 14:21:37,483 - INFO - CLOSED short at 2075.29 | PnL: -0.05% | $-0.29 +2025-03-10 14:21:37,484 - INFO - OPENED LONG at 2075.29 | Stop loss: 2064.896964285714 | Take profit: 2106.4442285714285 +2025-03-10 14:21:37,505 - INFO - CLOSED long at 2076.9 | PnL: 0.08% | $-0.04 +2025-03-10 14:21:37,506 - INFO - OPENED SHORT at 2076.9 | Stop loss: 2087.301085714286 | Take profit: 2045.7216214285716 +2025-03-10 14:21:39,419 - INFO - STOP LOSS hit for short at 2087.301085714286 | PnL: -0.50% | $-1.16 +2025-03-10 14:21:39,443 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.5516857142857 | Take profit: 2071.4498214285713 +2025-03-10 14:21:39,465 - INFO - STOP LOSS hit for short at 2113.5516857142857 | PnL: -0.50% | $-1.15 +2025-03-10 14:21:39,486 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2542857142857 | Take profit: 2107.4220214285715 +2025-03-10 14:21:40,320 - INFO - TAKE PROFIT hit for short at 2107.4220214285715 | PnL: 1.50% | $2.65 +2025-03-10 14:21:40,342 - INFO - OPENED SHORT at 2108.06 | Stop loss: 2118.6168857142857 | Take profit: 2076.414221428571 +2025-03-10 14:21:41,686 - INFO - CLOSED short at 2087.47 | PnL: 0.98% | $1.70 +2025-03-10 14:21:41,725 - INFO - OPENED SHORT at 2087.78 | Stop loss: 2098.235485714286 | Take profit: 2056.4384214285715 +2025-03-10 14:21:41,895 - INFO - CLOSED short at 2091.95 | PnL: -0.20% | $-0.59 +2025-03-10 14:21:41,918 - INFO - OPENED SHORT at 2094.7 | Stop loss: 2105.190085714286 | Take profit: 2063.254621428571 +2025-03-10 14:21:41,960 - INFO - CLOSED short at 2099.99 | PnL: -0.25% | $-0.69 +2025-03-10 14:21:41,985 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1647857142857 | Take profit: 2070.0905214285713 +2025-03-10 14:21:42,770 - INFO - STOP LOSS hit for short at 2112.1647857142857 | PnL: -0.50% | $-1.17 +2025-03-10 14:21:42,796 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.440935714286 | Take profit: 2079.1820714285714 +2025-03-10 14:21:43,202 - INFO - CLOSED short at 2117.39 | PnL: -0.31% | $-0.79 +2025-03-10 14:21:43,202 - INFO - OPENED LONG at 2117.39 | Stop loss: 2106.7864642857144 | Take profit: 2149.1757285714284 +2025-03-10 14:21:43,236 - INFO - CLOSED long at 2115.3 | PnL: -0.10% | $-0.38 +2025-03-10 14:21:43,237 - INFO - OPENED SHORT at 2115.3 | Stop loss: 2125.893085714286 | Take profit: 2083.545621428572 +2025-03-10 14:21:43,636 - INFO - STOP LOSS hit for short at 2125.893085714286 | PnL: -0.50% | $-1.14 +2025-03-10 14:21:43,678 - INFO - OPENED SHORT at 2129.3 | Stop loss: 2139.9630857142856 | Take profit: 2097.335621428572 +2025-03-10 14:21:44,361 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 10.0% in downtrends | Avg Win=$1.21, Avg Loss=$-0.55 +2025-03-10 14:21:44,362 - INFO - Episode 9: Reward=-15.27, Balance=$94.87, Win Rate=18.2%, Trades=22, Episode PnL=$-4.33, Total PnL=$-66.92, Max Drawdown=5.1%, Pred Accuracy=97.4% +2025-03-10 14:21:45,373 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:21:46,231 - INFO - CLOSED short at 2073.9 | PnL: -0.28% | $-0.76 +2025-03-10 14:21:46,268 - INFO - OPENED SHORT at 2071.92 | Stop loss: 2082.2961857142855 | Take profit: 2040.8163214285717 +2025-03-10 14:21:50,872 - INFO - CLOSED short at 2067.0 | PnL: 0.24% | $0.27 +2025-03-10 14:21:50,893 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2560857142857 | Take profit: 2036.8566214285713 +2025-03-10 14:21:50,952 - INFO - CLOSED short at 2067.88 | PnL: 0.00% | $-0.20 +2025-03-10 14:21:50,953 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.5240142857147 | Take profit: 2098.923078571429 +2025-03-10 14:21:50,973 - INFO - CLOSED long at 2065.45 | PnL: -0.12% | $-0.43 +2025-03-10 14:21:50,974 - INFO - OPENED SHORT at 2065.45 | Stop loss: 2075.7938357142853 | Take profit: 2034.4433714285713 +2025-03-10 14:21:51,751 - INFO - CLOSED short at 2057.11 | PnL: 0.40% | $0.60 +2025-03-10 14:21:51,751 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.8078642857145 | Take profit: 2087.9915285714287 +2025-03-10 14:21:51,772 - INFO - CLOSED long at 2057.89 | PnL: 0.04% | $-0.12 +2025-03-10 14:21:51,772 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1960357142857 | Take profit: 2026.9967714285713 +2025-03-10 14:21:51,991 - INFO - STOP LOSS hit for short at 2068.1960357142857 | PnL: -0.50% | $-1.18 +2025-03-10 14:21:52,012 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8440357142854 | Take profit: 2036.4527714285712 +2025-03-10 14:21:52,119 - INFO - CLOSED short at 2060.7 | PnL: 0.33% | $0.44 +2025-03-10 14:21:52,142 - INFO - OPENED SHORT at 2061.84 | Stop loss: 2072.165785714286 | Take profit: 2030.8875214285715 +2025-03-10 14:21:52,369 - INFO - STOP LOSS hit for short at 2072.165785714286 | PnL: -0.50% | $-1.18 +2025-03-10 14:21:52,395 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4368357142857 | Take profit: 2042.9143714285715 +2025-03-10 14:21:52,538 - INFO - STOP LOSS hit for short at 2084.4368357142857 | PnL: -0.50% | $-1.16 +2025-03-10 14:21:52,558 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:21:52,580 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.15 +2025-03-10 14:21:52,620 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:21:52,802 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.13 +2025-03-10 14:21:52,829 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:21:53,271 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.61 +2025-03-10 14:21:53,294 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:21:53,531 - INFO - CLOSED short at 2114.8 | PnL: -0.20% | $-0.57 +2025-03-10 14:21:53,531 - INFO - OPENED LONG at 2114.8 | Stop loss: 2104.2094142857145 | Take profit: 2146.546878571429 +2025-03-10 14:21:53,572 - INFO - CLOSED long at 2110.9 | PnL: -0.18% | $-0.54 +2025-03-10 14:21:53,573 - INFO - OPENED SHORT at 2110.9 | Stop loss: 2121.471085714286 | Take profit: 2079.2116214285716 +2025-03-10 14:21:54,820 - INFO - CLOSED short at 2087.0 | PnL: 1.13% | $1.96 +2025-03-10 14:21:54,842 - INFO - OPENED SHORT at 2087.47 | Stop loss: 2097.923935714285 | Take profit: 2056.133071428571 +2025-03-10 14:21:55,138 - INFO - CLOSED short at 2099.99 | PnL: -0.60% | $-1.35 +2025-03-10 14:21:55,138 - INFO - OPENED LONG at 2099.99 | Stop loss: 2089.4734642857143 | Take profit: 2131.5147285714283 +2025-03-10 14:21:55,181 - INFO - CLOSED long at 2101.64 | PnL: 0.08% | $-0.04 +2025-03-10 14:21:55,181 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1647857142857 | Take profit: 2070.0905214285713 +2025-03-10 14:21:55,466 - INFO - CLOSED short at 2105.83 | PnL: -0.20% | $-0.57 +2025-03-10 14:21:55,466 - INFO - OPENED LONG at 2105.83 | Stop loss: 2095.284264285714 | Take profit: 2137.4423285714283 +2025-03-10 14:21:55,510 - INFO - CLOSED long at 2103.64 | PnL: -0.10% | $-0.39 +2025-03-10 14:21:55,510 - INFO - OPENED SHORT at 2103.64 | Stop loss: 2114.1747857142855 | Take profit: 2072.0605214285715 +2025-03-10 14:21:56,036 - INFO - STOP LOSS hit for short at 2114.1747857142855 | PnL: -0.50% | $-1.13 +2025-03-10 14:21:56,059 - INFO - OPENED SHORT at 2113.61 | Stop loss: 2124.194635714286 | Take profit: 2081.8809714285717 +2025-03-10 14:21:56,273 - INFO - CLOSED short at 2118.72 | PnL: -0.24% | $-0.64 +2025-03-10 14:21:56,273 - INFO - OPENED LONG at 2118.72 | Stop loss: 2108.109814285714 | Take profit: 2150.525678571428 +2025-03-10 14:21:56,312 - INFO - CLOSED long at 2117.39 | PnL: -0.06% | $-0.30 +2025-03-10 14:21:56,313 - INFO - OPENED SHORT at 2117.39 | Stop loss: 2127.993535714286 | Take profit: 2085.6042714285713 +2025-03-10 14:21:56,701 - INFO - STOP LOSS hit for short at 2127.993535714286 | PnL: -0.50% | $-1.11 +2025-03-10 14:21:56,736 - INFO - OPENED SHORT at 2135.86 | Stop loss: 2146.5558857142855 | Take profit: 2103.7972214285714 +2025-03-10 14:21:57,392 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 14.3% in downtrends | Avg Win=$1.18, Avg Loss=$-0.73 +2025-03-10 14:21:57,393 - INFO - Episode 10: Reward=-15.01, Balance=$91.92, Win Rate=20.8%, Trades=24, Episode PnL=$-6.26, Total PnL=$-75.00, Max Drawdown=8.1%, Pred Accuracy=97.6% +2025-03-10 14:21:57,559 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 14:21:57,560 - INFO - Checkpoint saved at episode 10 +2025-03-10 14:21:57,668 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 14:21:57,669 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2514, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 14:21:58,622 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 14:21:58,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2514, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 14:21:59,089 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:21:59,194 - INFO - CLOSED short at 2069.34 | PnL: -0.06% | $-0.33 +2025-03-10 14:21:59,220 - INFO - OPENED SHORT at 2069.19 | Stop loss: 2079.5525357142856 | Take profit: 2038.1272714285715 +2025-03-10 14:22:00,135 - INFO - CLOSED short at 2065.26 | PnL: 0.19% | $0.18 +2025-03-10 14:22:00,161 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.246035714286 | Take profit: 2036.8467714285714 +2025-03-10 14:22:00,201 - INFO - CLOSED short at 2068.8 | PnL: -0.04% | $-0.29 +2025-03-10 14:22:00,201 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.4394142857145 | Take profit: 2099.8568785714288 +2025-03-10 14:22:00,236 - INFO - CLOSED long at 2069.34 | PnL: 0.03% | $-0.15 +2025-03-10 14:22:00,236 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.703285714286 | Take profit: 2038.2750214285716 +2025-03-10 14:22:01,740 - INFO - CLOSED short at 2065.89 | PnL: 0.17% | $0.13 +2025-03-10 14:22:01,740 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.543964285714 | Take profit: 2096.9032285714284 +2025-03-10 14:22:01,763 - INFO - CLOSED long at 2063.53 | PnL: -0.11% | $-0.42 +2025-03-10 14:22:01,764 - INFO - OPENED SHORT at 2063.53 | Stop loss: 2073.8642357142858 | Take profit: 2032.5521714285717 +2025-03-10 14:22:02,755 - INFO - STOP LOSS hit for short at 2073.8642357142858 | PnL: -0.50% | $-1.18 +2025-03-10 14:22:02,787 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.416635714286 | Take profit: 2046.8149714285717 +2025-03-10 14:22:03,628 - INFO - CLOSED short at 2066.5 | PnL: 0.55% | $0.88 +2025-03-10 14:22:03,652 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.949535714286 | Take profit: 2037.5362714285716 +2025-03-10 14:22:05,490 - INFO - CLOSED short at 2065.12 | PnL: 0.17% | $0.13 +2025-03-10 14:22:05,513 - INFO - OPENED SHORT at 2068.33 | Stop loss: 2078.688235714286 | Take profit: 2037.2801714285713 +2025-03-10 14:22:05,769 - INFO - CLOSED short at 2070.31 | PnL: -0.10% | $-0.38 +2025-03-10 14:22:05,794 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.6077857142855 | Take profit: 2039.1615214285712 +2025-03-10 14:22:06,056 - INFO - STOP LOSS hit for short at 2080.6077857142855 | PnL: -0.50% | $-1.18 +2025-03-10 14:22:06,092 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:22:06,125 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.16 +2025-03-10 14:22:06,161 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:22:06,231 - INFO - CLOSED short at 2133.95 | PnL: -0.15% | $-0.48 +2025-03-10 14:22:06,231 - INFO - OPENED LONG at 2133.95 | Stop loss: 2123.263664285714 | Take profit: 2165.9841285714283 +2025-03-10 14:22:06,252 - INFO - CLOSED long at 2137.59 | PnL: 0.17% | $0.13 +2025-03-10 14:22:06,253 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.2945357142858 | Take profit: 2105.5012714285717 +2025-03-10 14:22:07,038 - INFO - TAKE PROFIT hit for short at 2105.5012714285717 | PnL: 1.50% | $2.67 +2025-03-10 14:22:07,061 - INFO - OPENED SHORT at 2100.5 | Stop loss: 2111.0190857142857 | Take profit: 2068.9676214285714 +2025-03-10 14:22:07,934 - INFO - CLOSED short at 2083.59 | PnL: 0.81% | $1.38 +2025-03-10 14:22:07,957 - INFO - OPENED SHORT at 2086.57 | Stop loss: 2097.019435714286 | Take profit: 2055.2465714285713 +2025-03-10 14:22:08,467 - INFO - STOP LOSS hit for short at 2097.019435714286 | PnL: -0.50% | $-1.19 +2025-03-10 14:22:08,512 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.5065357142853 | Take profit: 2068.465271428571 +2025-03-10 14:22:08,977 - INFO - CLOSED short at 2103.52 | PnL: -0.17% | $-0.53 +2025-03-10 14:22:08,978 - INFO - OPENED LONG at 2103.52 | Stop loss: 2092.9858142857142 | Take profit: 2135.0976785714283 +2025-03-10 14:22:09,002 - INFO - CLOSED long at 2104.4 | PnL: 0.04% | $-0.11 +2025-03-10 14:22:09,002 - INFO - OPENED SHORT at 2104.4 | Stop loss: 2114.9385857142856 | Take profit: 2072.8091214285714 +2025-03-10 14:22:09,092 - INFO - CLOSED short at 2102.7 | PnL: 0.08% | $-0.04 +2025-03-10 14:22:09,092 - INFO - OPENED LONG at 2102.7 | Stop loss: 2092.169914285714 | Take profit: 2134.2653785714288 +2025-03-10 14:22:09,117 - INFO - CLOSED long at 2102.0 | PnL: -0.03% | $-0.26 +2025-03-10 14:22:09,118 - INFO - OPENED SHORT at 2102.0 | Stop loss: 2112.5265857142854 | Take profit: 2070.4451214285714 +2025-03-10 14:22:09,371 - INFO - STOP LOSS hit for short at 2112.5265857142854 | PnL: -0.50% | $-1.17 +2025-03-10 14:22:09,392 - INFO - OPENED SHORT at 2113.0 | Stop loss: 2123.581585714286 | Take profit: 2081.2801214285714 +2025-03-10 14:22:09,590 - INFO - CLOSED short at 2112.61 | PnL: 0.02% | $-0.16 +2025-03-10 14:22:09,590 - INFO - OPENED LONG at 2112.61 | Stop loss: 2102.0303642857143 | Take profit: 2144.3240285714287 +2025-03-10 14:22:09,628 - INFO - CLOSED long at 2118.72 | PnL: 0.29% | $0.36 +2025-03-10 14:22:09,629 - INFO - OPENED SHORT at 2118.72 | Stop loss: 2129.3301857142856 | Take profit: 2086.914321428571 +2025-03-10 14:22:10,088 - INFO - STOP LOSS hit for short at 2129.3301857142856 | PnL: -0.50% | $-1.15 +2025-03-10 14:22:10,124 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.957885714286 | Take profit: 2104.1912214285717 +2025-03-10 14:22:10,344 - INFO - CLOSED short at 2131.23 | PnL: 0.24% | $0.26 +2025-03-10 14:22:10,344 - INFO - OPENED LONG at 2131.23 | Stop loss: 2120.557264285714 | Take profit: 2163.2233285714287 +2025-03-10 14:22:10,382 - INFO - CLOSED long at 2126.43 | PnL: -0.23% | $-0.62 +2025-03-10 14:22:10,383 - INFO - OPENED SHORT at 2126.43 | Stop loss: 2137.0787357142854 | Take profit: 2094.5086714285712 +2025-03-10 14:22:10,686 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 21.4% in downtrends | Avg Win=$0.68, Avg Loss=$-0.60 +2025-03-10 14:22:10,687 - INFO - Episode 11: Reward=-9.87, Balance=$95.34, Win Rate=33.3%, Trades=27, Episode PnL=$-3.60, Total PnL=$-79.66, Max Drawdown=4.3%, Pred Accuracy=98.0% +2025-03-10 14:22:10,913 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:22:11,008 - INFO - CLOSED short at 2070.7 | PnL: -0.13% | $-0.46 +2025-03-10 14:22:11,055 - INFO - OPENED SHORT at 2069.19 | Stop loss: 2079.5525357142856 | Take profit: 2038.1272714285715 +2025-03-10 14:22:11,077 - INFO - CLOSED short at 2068.8 | PnL: 0.02% | $-0.16 +2025-03-10 14:22:11,077 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.4394142857145 | Take profit: 2099.8568785714288 +2025-03-10 14:22:11,100 - INFO - CLOSED long at 2067.6 | PnL: -0.06% | $-0.31 +2025-03-10 14:22:11,100 - INFO - OPENED SHORT at 2067.6 | Stop loss: 2077.9545857142857 | Take profit: 2036.5611214285714 +2025-03-10 14:22:11,658 - INFO - CLOSED short at 2073.9 | PnL: -0.30% | $-0.80 +2025-03-10 14:22:11,693 - INFO - OPENED SHORT at 2071.92 | Stop loss: 2082.2961857142855 | Take profit: 2040.8163214285717 +2025-03-10 14:22:12,729 - INFO - CLOSED short at 2062.89 | PnL: 0.44% | $0.65 +2025-03-10 14:22:12,730 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.558964285714 | Take profit: 2093.8582285714288 +2025-03-10 14:22:12,749 - INFO - CLOSED long at 2062.65 | PnL: -0.01% | $-0.22 +2025-03-10 14:22:12,749 - INFO - OPENED SHORT at 2062.65 | Stop loss: 2072.979835714286 | Take profit: 2031.6853714285717 +2025-03-10 14:22:13,094 - INFO - CLOSED short at 2064.5 | PnL: -0.09% | $-0.37 +2025-03-10 14:22:13,094 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.160914285714 | Take profit: 2095.4923785714286 +2025-03-10 14:22:13,117 - INFO - CLOSED long at 2063.5 | PnL: -0.05% | $-0.29 +2025-03-10 14:22:13,117 - INFO - OPENED SHORT at 2063.5 | Stop loss: 2073.8340857142857 | Take profit: 2032.5226214285715 +2025-03-10 14:22:14,660 - INFO - STOP LOSS hit for short at 2073.8340857142857 | PnL: -0.50% | $-1.17 +2025-03-10 14:22:14,681 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.416635714286 | Take profit: 2046.8149714285717 +2025-03-10 14:22:16,613 - INFO - CLOSED short at 2066.1 | PnL: 0.57% | $0.91 +2025-03-10 14:22:16,636 - INFO - OPENED SHORT at 2065.06 | Stop loss: 2075.401885714286 | Take profit: 2034.0592214285714 +2025-03-10 14:22:16,678 - INFO - CLOSED short at 2064.5 | PnL: 0.03% | $-0.14 +2025-03-10 14:22:16,678 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.160914285714 | Take profit: 2095.4923785714286 +2025-03-10 14:22:16,699 - INFO - CLOSED long at 2066.33 | PnL: 0.09% | $-0.02 +2025-03-10 14:22:16,700 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6782357142856 | Take profit: 2035.3101714285713 +2025-03-10 14:22:17,382 - INFO - CLOSED short at 2060.7 | PnL: 0.27% | $0.33 +2025-03-10 14:22:17,382 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.379914285714 | Take profit: 2091.635378571428 +2025-03-10 14:22:17,403 - INFO - CLOSED long at 2061.84 | PnL: 0.06% | $-0.09 +2025-03-10 14:22:17,403 - INFO - OPENED SHORT at 2061.84 | Stop loss: 2072.165785714286 | Take profit: 2030.8875214285715 +2025-03-10 14:22:17,564 - INFO - STOP LOSS hit for short at 2072.165785714286 | PnL: -0.50% | $-1.17 +2025-03-10 14:22:17,586 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4368357142857 | Take profit: 2042.9143714285715 +2025-03-10 14:22:17,787 - INFO - STOP LOSS hit for short at 2084.4368357142857 | PnL: -0.50% | $-1.15 +2025-03-10 14:22:17,810 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:22:17,828 - INFO - CLOSED short at 2103.02 | PnL: -0.60% | $-1.33 +2025-03-10 14:22:17,851 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:22:17,956 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.12 +2025-03-10 14:22:17,979 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:22:18,362 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.59 +2025-03-10 14:22:18,383 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:22:19,217 - INFO - CLOSED short at 2095.29 | PnL: 0.73% | $1.19 +2025-03-10 14:22:19,260 - INFO - OPENED SHORT at 2093.46 | Stop loss: 2103.943885714286 | Take profit: 2062.0332214285713 +2025-03-10 14:22:19,863 - INFO - CLOSED short at 2088.32 | PnL: 0.25% | $0.28 +2025-03-10 14:22:19,885 - INFO - OPENED SHORT at 2088.1 | Stop loss: 2098.5570857142857 | Take profit: 2056.7536214285715 +2025-03-10 14:22:20,227 - INFO - STOP LOSS hit for short at 2098.5570857142857 | PnL: -0.50% | $-1.16 +2025-03-10 14:22:20,252 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1647857142857 | Take profit: 2070.0905214285713 +2025-03-10 14:22:20,372 - INFO - CLOSED short at 2106.15 | PnL: -0.21% | $-0.60 +2025-03-10 14:22:20,372 - INFO - OPENED LONG at 2106.15 | Stop loss: 2095.602664285714 | Take profit: 2137.7671285714287 +2025-03-10 14:22:20,394 - INFO - CLOSED long at 2103.48 | PnL: -0.13% | $-0.43 +2025-03-10 14:22:20,395 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.013985714286 | Take profit: 2071.9029214285715 +2025-03-10 14:22:21,018 - INFO - STOP LOSS hit for short at 2114.013985714286 | PnL: -0.50% | $-1.13 +2025-03-10 14:22:21,041 - INFO - OPENED SHORT at 2113.61 | Stop loss: 2124.194635714286 | Take profit: 2081.8809714285717 +2025-03-10 14:22:21,581 - INFO - STOP LOSS hit for short at 2124.194635714286 | PnL: -0.50% | $-1.12 +2025-03-10 14:22:21,606 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:22:22,262 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 21.4% in downtrends | Avg Win=$0.99, Avg Loss=$-0.66 +2025-03-10 14:22:22,263 - INFO - Episode 12: Reward=79.70, Balance=$92.73, Win Rate=23.1%, Trades=26, Episode PnL=$-5.92, Total PnL=$-86.94, Max Drawdown=7.3%, Pred Accuracy=98.6% +2025-03-10 14:22:22,433 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:22:22,822 - INFO - CLOSED short at 2068.76 | PnL: -0.04% | $-0.27 +2025-03-10 14:22:22,822 - INFO - OPENED LONG at 2068.76 | Stop loss: 2058.3996142857145 | Take profit: 2099.8162785714285 +2025-03-10 14:22:22,843 - INFO - CLOSED long at 2068.9 | PnL: 0.01% | $-0.18 +2025-03-10 14:22:22,843 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.261085714286 | Take profit: 2037.8416214285717 +2025-03-10 14:22:23,298 - INFO - CLOSED short at 2069.35 | PnL: -0.02% | $-0.24 +2025-03-10 14:22:23,299 - INFO - OPENED LONG at 2069.35 | Stop loss: 2058.986664285714 | Take profit: 2100.415128571429 +2025-03-10 14:22:23,321 - INFO - CLOSED long at 2068.32 | PnL: -0.05% | $-0.30 +2025-03-10 14:22:23,322 - INFO - OPENED SHORT at 2068.32 | Stop loss: 2078.678185714286 | Take profit: 2037.2703214285716 +2025-03-10 14:22:24,018 - INFO - CLOSED short at 2066.39 | PnL: 0.09% | $-0.01 +2025-03-10 14:22:24,041 - INFO - OPENED SHORT at 2064.47 | Stop loss: 2074.8089357142853 | Take profit: 2033.4780714285712 +2025-03-10 14:22:24,102 - INFO - CLOSED short at 2068.18 | PnL: -0.18% | $-0.55 +2025-03-10 14:22:24,103 - INFO - OPENED LONG at 2068.18 | Stop loss: 2057.822514285714 | Take profit: 2099.2275785714282 +2025-03-10 14:22:24,124 - INFO - CLOSED long at 2065.69 | PnL: -0.12% | $-0.43 +2025-03-10 14:22:24,124 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.0350357142856 | Take profit: 2034.6797714285715 +2025-03-10 14:22:25,195 - INFO - CLOSED short at 2063.39 | PnL: 0.11% | $0.02 +2025-03-10 14:22:25,196 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.056464285714 | Take profit: 2094.3657285714285 +2025-03-10 14:22:25,216 - INFO - CLOSED long at 2064.79 | PnL: 0.07% | $-0.06 +2025-03-10 14:22:25,217 - INFO - OPENED SHORT at 2064.79 | Stop loss: 2075.1305357142855 | Take profit: 2033.7932714285714 +2025-03-10 14:22:25,896 - INFO - CLOSED short at 2062.69 | PnL: 0.10% | $0.00 +2025-03-10 14:22:25,931 - INFO - OPENED SHORT at 2063.4 | Stop loss: 2073.733585714286 | Take profit: 2032.4241214285714 +2025-03-10 14:22:26,231 - INFO - STOP LOSS hit for short at 2073.733585714286 | PnL: -0.50% | $-1.17 +2025-03-10 14:22:26,265 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.416635714286 | Take profit: 2046.8149714285717 +2025-03-10 14:22:26,723 - INFO - CLOSED short at 2065.7 | PnL: 0.59% | $0.95 +2025-03-10 14:22:26,781 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.2863357142855 | Take profit: 2032.9658714285713 +2025-03-10 14:22:27,451 - INFO - STOP LOSS hit for short at 2074.2863357142855 | PnL: -0.50% | $-1.17 +2025-03-10 14:22:27,489 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.461935714286 | Take profit: 2043.9190714285717 +2025-03-10 14:22:28,930 - INFO - CLOSED short at 2064.08 | PnL: 0.53% | $0.82 +2025-03-10 14:22:28,952 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.532635714286 | Take profit: 2030.2669714285714 +2025-03-10 14:22:29,181 - INFO - CLOSED short at 2069.34 | PnL: -0.39% | $-0.96 +2025-03-10 14:22:29,201 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.175635714286 | Take profit: 2038.7379714285714 +2025-03-10 14:22:29,418 - INFO - STOP LOSS hit for short at 2080.175635714286 | PnL: -0.50% | $-1.15 +2025-03-10 14:22:29,461 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:22:29,506 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.14 +2025-03-10 14:22:29,551 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:22:29,674 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.12 +2025-03-10 14:22:29,702 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:22:30,135 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.59 +2025-03-10 14:22:30,159 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:22:32,556 - INFO - CLOSED short at 2106.28 | PnL: 0.20% | $0.20 +2025-03-10 14:22:32,557 - INFO - OPENED LONG at 2106.28 | Stop loss: 2095.7320142857147 | Take profit: 2137.8990785714286 +2025-03-10 14:22:32,578 - INFO - CLOSED long at 2108.0 | PnL: 0.08% | $-0.03 +2025-03-10 14:22:32,578 - INFO - OPENED SHORT at 2108.0 | Stop loss: 2118.5565857142856 | Take profit: 2076.3551214285712 +2025-03-10 14:22:32,982 - INFO - STOP LOSS hit for short at 2118.5565857142856 | PnL: -0.50% | $-1.14 +2025-03-10 14:22:33,018 - INFO - OPENED SHORT at 2117.39 | Stop loss: 2127.993535714286 | Take profit: 2085.6042714285713 +2025-03-10 14:22:33,407 - INFO - STOP LOSS hit for short at 2127.993535714286 | PnL: -0.50% | $-1.13 +2025-03-10 14:22:33,444 - INFO - OPENED SHORT at 2135.86 | Stop loss: 2146.5558857142855 | Take profit: 2103.7972214285714 +2025-03-10 14:22:34,058 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 23.1% in downtrends | Avg Win=$0.76, Avg Loss=$-0.65 +2025-03-10 14:22:34,059 - INFO - Episode 13: Reward=84.65, Balance=$93.53, Win Rate=26.1%, Trades=23, Episode PnL=$-5.46, Total PnL=$-93.40, Max Drawdown=6.9%, Pred Accuracy=98.9% +2025-03-10 14:22:34,237 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:22:34,341 - INFO - CLOSED short at 2069.34 | PnL: -0.06% | $-0.33 +2025-03-10 14:22:34,363 - INFO - OPENED SHORT at 2069.19 | Stop loss: 2079.5525357142856 | Take profit: 2038.1272714285715 +2025-03-10 14:22:35,141 - INFO - CLOSED short at 2071.11 | PnL: -0.09% | $-0.38 +2025-03-10 14:22:35,160 - INFO - OPENED SHORT at 2069.46 | Stop loss: 2079.823885714286 | Take profit: 2038.3932214285715 +2025-03-10 14:22:35,415 - INFO - CLOSED short at 2065.26 | PnL: 0.20% | $0.20 +2025-03-10 14:22:35,416 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.9171142857144 | Take profit: 2096.2637785714287 +2025-03-10 14:22:35,456 - INFO - CLOSED long at 2068.58 | PnL: 0.16% | $0.12 +2025-03-10 14:22:35,456 - INFO - OPENED SHORT at 2068.58 | Stop loss: 2078.9394857142856 | Take profit: 2037.5264214285714 +2025-03-10 14:22:36,851 - INFO - CLOSED short at 2061.13 | PnL: 0.36% | $0.51 +2025-03-10 14:22:36,851 - INFO - OPENED LONG at 2061.13 | Stop loss: 2050.8077642857143 | Take profit: 2092.071828571429 +2025-03-10 14:22:36,887 - INFO - CLOSED long at 2061.9 | PnL: 0.04% | $-0.12 +2025-03-10 14:22:36,888 - INFO - OPENED SHORT at 2061.9 | Stop loss: 2072.226085714286 | Take profit: 2030.9466214285717 +2025-03-10 14:22:37,256 - INFO - CLOSED short at 2059.16 | PnL: 0.13% | $0.07 +2025-03-10 14:22:37,292 - INFO - OPENED SHORT at 2059.02 | Stop loss: 2069.3316857142854 | Take profit: 2028.1098214285712 +2025-03-10 14:22:37,868 - INFO - CLOSED short at 2066.34 | PnL: -0.36% | $-0.90 +2025-03-10 14:22:37,868 - INFO - OPENED LONG at 2066.34 | Stop loss: 2055.9917142857144 | Take profit: 2097.3599785714287 +2025-03-10 14:22:37,888 - INFO - CLOSED long at 2066.79 | PnL: 0.02% | $-0.15 +2025-03-10 14:22:37,889 - INFO - OPENED SHORT at 2066.79 | Stop loss: 2077.1405357142858 | Take profit: 2035.7632714285714 +2025-03-10 14:22:38,072 - INFO - STOP LOSS hit for short at 2077.1405357142858 | PnL: -0.50% | $-1.18 +2025-03-10 14:22:38,108 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.401635714286 | Take profit: 2043.8599714285717 +2025-03-10 14:22:38,214 - INFO - CLOSED short at 2071.6 | PnL: 0.16% | $0.12 +2025-03-10 14:22:38,214 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.225414285714 | Take profit: 2102.6988785714284 +2025-03-10 14:22:38,236 - INFO - CLOSED long at 2073.23 | PnL: 0.08% | $-0.04 +2025-03-10 14:22:38,237 - INFO - OPENED SHORT at 2073.23 | Stop loss: 2083.612735714286 | Take profit: 2042.1066714285714 +2025-03-10 14:22:39,118 - INFO - CLOSED short at 2071.99 | PnL: 0.06% | $-0.08 +2025-03-10 14:22:39,119 - INFO - OPENED LONG at 2071.99 | Stop loss: 2061.613464285714 | Take profit: 2103.0947285714283 +2025-03-10 14:22:39,143 - INFO - CLOSED long at 2068.19 | PnL: -0.18% | $-0.55 +2025-03-10 14:22:39,144 - INFO - OPENED SHORT at 2068.19 | Stop loss: 2078.547535714286 | Take profit: 2037.1422714285713 +2025-03-10 14:22:39,908 - INFO - CLOSED short at 2065.8 | PnL: 0.12% | $0.03 +2025-03-10 14:22:39,908 - INFO - OPENED LONG at 2065.8 | Stop loss: 2055.4544142857144 | Take profit: 2096.8118785714287 +2025-03-10 14:22:39,932 - INFO - CLOSED long at 2065.07 | PnL: -0.04% | $-0.26 +2025-03-10 14:22:39,932 - INFO - OPENED SHORT at 2065.07 | Stop loss: 2075.411935714286 | Take profit: 2034.0690714285715 +2025-03-10 14:22:41,046 - INFO - CLOSED short at 2070.31 | PnL: -0.25% | $-0.68 +2025-03-10 14:22:41,067 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.6077857142855 | Take profit: 2039.1615214285712 +2025-03-10 14:22:41,381 - INFO - STOP LOSS hit for short at 2080.6077857142855 | PnL: -0.50% | $-1.15 +2025-03-10 14:22:41,405 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:22:41,426 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.14 +2025-03-10 14:22:41,446 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:22:41,544 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.12 +2025-03-10 14:22:41,564 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:22:41,956 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.59 +2025-03-10 14:22:41,985 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:22:45,145 - INFO - STOP LOSS hit for short at 2121.1695857142854 | PnL: -0.50% | $-1.14 +2025-03-10 14:22:45,166 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8225857142857 | Take profit: 2089.357121428571 +2025-03-10 14:22:45,336 - INFO - STOP LOSS hit for short at 2131.8225857142857 | PnL: -0.50% | $-1.13 +2025-03-10 14:22:45,378 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.957885714286 | Take profit: 2104.1912214285717 +2025-03-10 14:22:45,819 - INFO - CLOSED short at 2117.98 | PnL: 0.86% | $1.40 +2025-03-10 14:22:45,841 - INFO - OPENED SHORT at 2118.8 | Stop loss: 2129.410585714286 | Take profit: 2086.9931214285716 +2025-03-10 14:22:45,960 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 38.5% in downtrends | Avg Win=$0.63, Avg Loss=$-0.65 +2025-03-10 14:22:45,960 - INFO - Episode 14: Reward=85.67, Balance=$94.69, Win Rate=33.3%, Trades=24, Episode PnL=$-4.30, Total PnL=$-98.71, Max Drawdown=7.1%, Pred Accuracy=98.7% +2025-03-10 14:22:47,188 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:22:48,400 - INFO - CLOSED short at 2063.61 | PnL: 0.21% | $0.22 +2025-03-10 14:22:48,401 - INFO - OPENED LONG at 2063.61 | Stop loss: 2053.275364285714 | Take profit: 2094.5890285714286 +2025-03-10 14:22:48,421 - INFO - CLOSED long at 2065.26 | PnL: 0.08% | $-0.04 +2025-03-10 14:22:48,421 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.602885714286 | Take profit: 2034.2562214285715 +2025-03-10 14:22:50,902 - INFO - CLOSED short at 2066.33 | PnL: -0.05% | $-0.30 +2025-03-10 14:22:50,927 - INFO - OPENED SHORT at 2066.34 | Stop loss: 2076.688285714286 | Take profit: 2035.3200214285716 +2025-03-10 14:22:51,157 - INFO - STOP LOSS hit for short at 2076.688285714286 | PnL: -0.50% | $-1.19 +2025-03-10 14:22:51,182 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.401635714286 | Take profit: 2043.8599714285717 +2025-03-10 14:22:51,262 - INFO - CLOSED short at 2071.6 | PnL: 0.16% | $0.13 +2025-03-10 14:22:51,262 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.225414285714 | Take profit: 2102.6988785714284 +2025-03-10 14:22:51,282 - INFO - CLOSED long at 2073.23 | PnL: 0.08% | $-0.04 +2025-03-10 14:22:51,282 - INFO - OPENED SHORT at 2073.23 | Stop loss: 2083.612735714286 | Take profit: 2042.1066714285714 +2025-03-10 14:22:52,144 - INFO - CLOSED short at 2070.61 | PnL: 0.13% | $0.05 +2025-03-10 14:22:52,161 - INFO - OPENED SHORT at 2071.99 | Stop loss: 2082.3665357142854 | Take profit: 2040.8852714285713 +2025-03-10 14:22:53,083 - INFO - CLOSED short at 2063.98 | PnL: 0.39% | $0.56 +2025-03-10 14:22:53,083 - INFO - OPENED LONG at 2063.98 | Stop loss: 2053.6435142857144 | Take profit: 2094.964578571429 +2025-03-10 14:22:53,124 - INFO - CLOSED long at 2066.1 | PnL: 0.10% | $0.01 +2025-03-10 14:22:53,124 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4470857142855 | Take profit: 2035.0836214285712 +2025-03-10 14:22:53,912 - INFO - CLOSED short at 2061.84 | PnL: 0.21% | $0.21 +2025-03-10 14:22:53,913 - INFO - OPENED LONG at 2061.84 | Stop loss: 2051.5142142857144 | Take profit: 2092.7924785714285 +2025-03-10 14:22:53,953 - INFO - CLOSED long at 2062.54 | PnL: 0.03% | $-0.13 +2025-03-10 14:22:53,954 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.8692857142855 | Take profit: 2031.5770214285715 +2025-03-10 14:22:54,103 - INFO - STOP LOSS hit for short at 2072.8692857142855 | PnL: -0.50% | $-1.19 +2025-03-10 14:22:54,146 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.3715357142855 | Take profit: 2041.8702714285712 +2025-03-10 14:22:54,329 - INFO - STOP LOSS hit for short at 2083.3715357142855 | PnL: -0.50% | $-1.17 +2025-03-10 14:22:54,366 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:22:54,388 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.16 +2025-03-10 14:22:54,408 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:22:54,512 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.14 +2025-03-10 14:22:54,532 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:22:54,927 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.64 +2025-03-10 14:22:54,946 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:22:55,069 - INFO - CLOSED short at 2112.46 | PnL: -0.09% | $-0.36 +2025-03-10 14:22:55,069 - INFO - OPENED LONG at 2112.46 | Stop loss: 2101.8811142857144 | Take profit: 2144.1717785714286 +2025-03-10 14:22:55,110 - INFO - CLOSED long at 2113.24 | PnL: 0.04% | $-0.12 +2025-03-10 14:22:55,110 - INFO - OPENED SHORT at 2113.24 | Stop loss: 2123.8227857142856 | Take profit: 2081.516521428571 +2025-03-10 14:22:55,193 - INFO - CLOSED short at 2116.48 | PnL: -0.15% | $-0.49 +2025-03-10 14:22:55,217 - INFO - OPENED SHORT at 2114.8 | Stop loss: 2125.390585714286 | Take profit: 2083.0531214285716 +2025-03-10 14:22:55,501 - INFO - CLOSED short at 2099.25 | PnL: 0.74% | $1.22 +2025-03-10 14:22:55,537 - INFO - OPENED SHORT at 2098.9 | Stop loss: 2109.4110857142855 | Take profit: 2067.3916214285714 +2025-03-10 14:22:57,559 - INFO - STOP LOSS hit for short at 2109.4110857142855 | PnL: -0.50% | $-1.16 +2025-03-10 14:22:57,581 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.440935714286 | Take profit: 2079.1820714285714 +2025-03-10 14:22:58,361 - INFO - STOP LOSS hit for short at 2121.440935714286 | PnL: -0.50% | $-1.15 +2025-03-10 14:22:58,387 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8225857142857 | Take profit: 2089.357121428571 +2025-03-10 14:22:58,475 - INFO - STOP LOSS hit for short at 2131.8225857142857 | PnL: -0.50% | $-1.14 +2025-03-10 14:22:58,521 - INFO - OPENED SHORT at 2135.51 | Stop loss: 2146.2041357142857 | Take profit: 2103.4524714285717 +2025-03-10 14:22:59,089 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 35.7% in downtrends | Avg Win=$0.63, Avg Loss=$-0.72 +2025-03-10 14:22:59,090 - INFO - Episode 15: Reward=91.69, Balance=$94.24, Win Rate=34.8%, Trades=23, Episode PnL=$-5.43, Total PnL=$-104.47, Max Drawdown=5.8%, Pred Accuracy=98.5% +2025-03-10 14:22:59,327 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:22:59,873 - INFO - CLOSED short at 2071.4 | PnL: -0.16% | $-0.52 +2025-03-10 14:22:59,874 - INFO - OPENED LONG at 2071.4 | Stop loss: 2061.0264142857145 | Take profit: 2102.495878571429 +2025-03-10 14:22:59,896 - INFO - CLOSED long at 2071.39 | PnL: -0.00% | $-0.20 +2025-03-10 14:22:59,896 - INFO - OPENED SHORT at 2071.39 | Stop loss: 2081.7635357142854 | Take profit: 2040.2942714285712 +2025-03-10 14:23:00,108 - INFO - CLOSED short at 2071.92 | PnL: -0.03% | $-0.25 +2025-03-10 14:23:00,144 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.768585714286 | Take profit: 2039.3191214285714 +2025-03-10 14:23:03,147 - INFO - CLOSED short at 2078.01 | PnL: -0.37% | $-0.92 +2025-03-10 14:23:03,172 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.401635714286 | Take profit: 2043.8599714285717 +2025-03-10 14:23:04,270 - INFO - CLOSED short at 2068.67 | PnL: 0.31% | $0.40 +2025-03-10 14:23:04,270 - INFO - OPENED LONG at 2068.67 | Stop loss: 2058.3100642857144 | Take profit: 2099.724928571429 +2025-03-10 14:23:04,297 - INFO - CLOSED long at 2070.67 | PnL: 0.10% | $-0.01 +2025-03-10 14:23:04,297 - INFO - OPENED SHORT at 2070.67 | Stop loss: 2081.039935714286 | Take profit: 2039.5850714285716 +2025-03-10 14:23:05,911 - INFO - CLOSED short at 2064.08 | PnL: 0.32% | $0.43 +2025-03-10 14:23:05,935 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.532635714286 | Take profit: 2030.2669714285714 +2025-03-10 14:23:06,283 - INFO - STOP LOSS hit for short at 2071.532635714286 | PnL: -0.50% | $-1.18 +2025-03-10 14:23:06,314 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4368357142857 | Take profit: 2042.9143714285715 +2025-03-10 14:23:06,570 - INFO - CLOSED short at 2085.56 | PnL: -0.55% | $-1.27 +2025-03-10 14:23:06,594 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:23:06,618 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.15 +2025-03-10 14:23:06,642 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:23:06,750 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.14 +2025-03-10 14:23:06,787 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:23:06,920 - INFO - CLOSED short at 2126.99 | PnL: 0.67% | $1.06 +2025-03-10 14:23:06,921 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.338464285714 | Take profit: 2158.919728571428 +2025-03-10 14:23:06,957 - INFO - CLOSED long at 2127.3 | PnL: 0.01% | $-0.16 +2025-03-10 14:23:06,958 - INFO - OPENED SHORT at 2127.3 | Stop loss: 2137.953085714286 | Take profit: 2095.3656214285716 +2025-03-10 14:23:07,622 - INFO - TAKE PROFIT hit for short at 2095.3656214285716 | PnL: 1.50% | $2.64 +2025-03-10 14:23:07,659 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.044235714286 | Take profit: 2068.0121714285715 +2025-03-10 14:23:07,776 - INFO - CLOSED short at 2099.25 | PnL: 0.01% | $-0.17 +2025-03-10 14:23:07,797 - INFO - OPENED SHORT at 2098.9 | Stop loss: 2109.4110857142855 | Take profit: 2067.3916214285714 +2025-03-10 14:23:08,594 - INFO - CLOSED short at 2085.83 | PnL: 0.62% | $1.01 +2025-03-10 14:23:08,594 - INFO - OPENED LONG at 2085.83 | Stop loss: 2075.3842642857144 | Take profit: 2117.1423285714286 +2025-03-10 14:23:08,615 - INFO - CLOSED long at 2085.85 | PnL: 0.00% | $-0.19 +2025-03-10 14:23:08,615 - INFO - OPENED SHORT at 2085.85 | Stop loss: 2096.2958357142857 | Take profit: 2054.5373714285715 +2025-03-10 14:23:09,014 - INFO - STOP LOSS hit for short at 2096.2958357142857 | PnL: -0.50% | $-1.17 +2025-03-10 14:23:09,038 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.5065357142853 | Take profit: 2068.465271428571 +2025-03-10 14:23:09,429 - INFO - CLOSED short at 2103.52 | PnL: -0.17% | $-0.52 +2025-03-10 14:23:09,429 - INFO - OPENED LONG at 2103.52 | Stop loss: 2092.9858142857142 | Take profit: 2135.0976785714283 +2025-03-10 14:23:09,450 - INFO - CLOSED long at 2104.4 | PnL: 0.04% | $-0.11 +2025-03-10 14:23:09,451 - INFO - OPENED SHORT at 2104.4 | Stop loss: 2114.9385857142856 | Take profit: 2072.8091214285714 +2025-03-10 14:23:09,834 - INFO - STOP LOSS hit for short at 2114.9385857142856 | PnL: -0.50% | $-1.15 +2025-03-10 14:23:09,857 - INFO - OPENED SHORT at 2113.61 | Stop loss: 2124.194635714286 | Take profit: 2081.8809714285717 +2025-03-10 14:23:10,436 - INFO - STOP LOSS hit for short at 2124.194635714286 | PnL: -0.50% | $-1.14 +2025-03-10 14:23:10,472 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:23:11,110 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 33.3% in downtrends | Avg Win=$1.11, Avg Loss=$-0.66 +2025-03-10 14:23:11,112 - INFO - Episode 16: Reward=82.35, Balance=$94.30, Win Rate=22.7%, Trades=22, Episode PnL=$-5.03, Total PnL=$-110.17, Max Drawdown=5.8%, Pred Accuracy=98.6% +2025-03-10 14:23:11,418 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:23:11,821 - INFO - CLOSED short at 2065.08 | PnL: 0.14% | $0.08 +2025-03-10 14:23:11,844 - INFO - OPENED SHORT at 2066.18 | Stop loss: 2076.527485714286 | Take profit: 2035.1624214285712 +2025-03-10 14:23:13,493 - INFO - CLOSED short at 2064.96 | PnL: 0.06% | $-0.08 +2025-03-10 14:23:13,494 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.6186142857146 | Take profit: 2095.9592785714285 +2025-03-10 14:23:13,515 - INFO - CLOSED long at 2066.24 | PnL: 0.06% | $-0.08 +2025-03-10 14:23:13,516 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.5877857142855 | Take profit: 2035.2215214285714 +2025-03-10 14:23:13,895 - INFO - CLOSED short at 2060.31 | PnL: 0.29% | $0.37 +2025-03-10 14:23:13,895 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.991864285714 | Take profit: 2091.2395285714283 +2025-03-10 14:23:13,918 - INFO - CLOSED long at 2061.8 | PnL: 0.07% | $-0.06 +2025-03-10 14:23:13,918 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.125585714286 | Take profit: 2030.8481214285716 +2025-03-10 14:23:14,645 - INFO - CLOSED short at 2055.6 | PnL: 0.30% | $0.40 +2025-03-10 14:23:14,667 - INFO - OPENED SHORT at 2054.89 | Stop loss: 2065.181035714286 | Take profit: 2024.0417714285713 +2025-03-10 14:23:14,960 - INFO - STOP LOSS hit for short at 2065.181035714286 | PnL: -0.50% | $-1.20 +2025-03-10 14:23:14,982 - INFO - OPENED SHORT at 2066.01 | Stop loss: 2076.356635714286 | Take profit: 2034.9949714285715 +2025-03-10 14:23:15,234 - INFO - CLOSED short at 2074.3 | PnL: -0.40% | $-0.99 +2025-03-10 14:23:15,234 - INFO - OPENED LONG at 2074.3 | Stop loss: 2063.9119142857144 | Take profit: 2105.4393785714287 +2025-03-10 14:23:15,274 - INFO - CLOSED long at 2078.01 | PnL: 0.18% | $0.15 +2025-03-10 14:23:15,274 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.416635714286 | Take profit: 2046.8149714285717 +2025-03-10 14:23:16,711 - INFO - CLOSED short at 2072.09 | PnL: 0.28% | $0.36 +2025-03-10 14:23:16,711 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.7129642857144 | Take profit: 2103.196228571429 +2025-03-10 14:23:16,735 - INFO - CLOSED long at 2069.97 | PnL: -0.10% | $-0.40 +2025-03-10 14:23:16,736 - INFO - OPENED SHORT at 2069.97 | Stop loss: 2080.3364357142855 | Take profit: 2038.8955714285712 +2025-03-10 14:23:18,131 - INFO - CLOSED short at 2061.84 | PnL: 0.39% | $0.57 +2025-03-10 14:23:18,131 - INFO - OPENED LONG at 2061.84 | Stop loss: 2051.5142142857144 | Take profit: 2092.7924785714285 +2025-03-10 14:23:18,166 - INFO - CLOSED long at 2062.54 | PnL: 0.03% | $-0.13 +2025-03-10 14:23:18,166 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.8692857142855 | Take profit: 2031.5770214285715 +2025-03-10 14:23:18,321 - INFO - STOP LOSS hit for short at 2072.8692857142855 | PnL: -0.50% | $-1.18 +2025-03-10 14:23:18,342 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4368357142857 | Take profit: 2042.9143714285715 +2025-03-10 14:23:18,563 - INFO - STOP LOSS hit for short at 2084.4368357142857 | PnL: -0.50% | $-1.17 +2025-03-10 14:23:18,583 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:23:18,605 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.15 +2025-03-10 14:23:18,629 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:23:18,730 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.14 +2025-03-10 14:23:18,750 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:23:19,141 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.62 +2025-03-10 14:23:19,162 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:23:20,402 - INFO - CLOSED short at 2083.59 | PnL: 1.28% | $2.27 +2025-03-10 14:23:20,402 - INFO - OPENED LONG at 2083.59 | Stop loss: 2073.1554642857145 | Take profit: 2114.868728571429 +2025-03-10 14:23:20,443 - INFO - CLOSED long at 2086.57 | PnL: 0.14% | $0.08 +2025-03-10 14:23:20,443 - INFO - OPENED SHORT at 2086.57 | Stop loss: 2097.019435714286 | Take profit: 2055.2465714285713 +2025-03-10 14:23:20,945 - INFO - STOP LOSS hit for short at 2097.019435714286 | PnL: -0.50% | $-1.18 +2025-03-10 14:23:20,967 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.5065357142853 | Take profit: 2068.465271428571 +2025-03-10 14:23:21,625 - INFO - STOP LOSS hit for short at 2110.5065357142853 | PnL: -0.50% | $-1.17 +2025-03-10 14:23:21,662 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.440935714286 | Take profit: 2079.1820714285714 +2025-03-10 14:23:21,940 - INFO - CLOSED short at 2108.99 | PnL: 0.09% | $-0.02 +2025-03-10 14:23:21,968 - INFO - OPENED SHORT at 2111.19 | Stop loss: 2121.7625357142856 | Take profit: 2079.4972714285714 +2025-03-10 14:23:22,389 - INFO - STOP LOSS hit for short at 2121.7625357142856 | PnL: -0.50% | $-1.16 +2025-03-10 14:23:22,424 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8225857142857 | Take profit: 2089.357121428571 +2025-03-10 14:23:22,549 - INFO - STOP LOSS hit for short at 2131.8225857142857 | PnL: -0.50% | $-1.14 +2025-03-10 14:23:22,570 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.957885714286 | Take profit: 2104.1912214285717 +2025-03-10 14:23:22,990 - INFO - CLOSED short at 2117.98 | PnL: 0.86% | $1.42 +2025-03-10 14:23:22,991 - INFO - OPENED LONG at 2117.98 | Stop loss: 2107.3735142857145 | Take profit: 2149.7745785714287 +2025-03-10 14:23:23,010 - INFO - CLOSED long at 2118.8 | PnL: 0.04% | $-0.12 +2025-03-10 14:23:23,011 - INFO - OPENED SHORT at 2118.8 | Stop loss: 2129.410585714286 | Take profit: 2086.9931214285716 +2025-03-10 14:23:23,132 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 35.3% in downtrends | Avg Win=$0.83, Avg Loss=$-0.73 +2025-03-10 14:23:23,133 - INFO - Episode 17: Reward=94.42, Balance=$95.99, Win Rate=37.0%, Trades=27, Episode PnL=$-3.48, Total PnL=$-114.18, Max Drawdown=6.2%, Pred Accuracy=98.8% +2025-03-10 14:23:23,440 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:23:24,157 - INFO - CLOSED short at 2072.15 | PnL: -0.20% | $-0.59 +2025-03-10 14:23:24,158 - INFO - OPENED LONG at 2072.15 | Stop loss: 2061.772664285714 | Take profit: 2103.257128571429 +2025-03-10 14:23:24,178 - INFO - CLOSED long at 2074.29 | PnL: 0.10% | $0.01 +2025-03-10 14:23:24,178 - INFO - OPENED SHORT at 2074.29 | Stop loss: 2084.6780357142857 | Take profit: 2043.1507714285715 +2025-03-10 14:23:25,052 - INFO - CLOSED short at 2064.47 | PnL: 0.47% | $0.74 +2025-03-10 14:23:25,053 - INFO - OPENED LONG at 2064.47 | Stop loss: 2054.1310642857143 | Take profit: 2095.4619285714284 +2025-03-10 14:23:25,074 - INFO - CLOSED long at 2070.04 | PnL: 0.27% | $0.34 +2025-03-10 14:23:25,075 - INFO - OPENED SHORT at 2070.04 | Stop loss: 2080.4067857142854 | Take profit: 2038.9645214285713 +2025-03-10 14:23:27,548 - INFO - CLOSED short at 2068.79 | PnL: 0.06% | $-0.08 +2025-03-10 14:23:27,549 - INFO - OPENED LONG at 2068.79 | Stop loss: 2058.4294642857144 | Take profit: 2099.8467285714282 +2025-03-10 14:23:27,593 - INFO - CLOSED long at 2072.99 | PnL: 0.20% | $0.21 +2025-03-10 14:23:27,594 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.3715357142855 | Take profit: 2041.8702714285712 +2025-03-10 14:23:28,186 - INFO - CLOSED short at 2070.9 | PnL: 0.10% | $0.00 +2025-03-10 14:23:28,207 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.0550357142856 | Take profit: 2038.6197714285713 +2025-03-10 14:23:29,888 - INFO - CLOSED short at 2066.59 | PnL: 0.15% | $0.10 +2025-03-10 14:23:29,889 - INFO - OPENED LONG at 2066.59 | Stop loss: 2056.2404642857146 | Take profit: 2097.613728571429 +2025-03-10 14:23:29,908 - INFO - CLOSED long at 2064.08 | PnL: -0.12% | $-0.44 +2025-03-10 14:23:29,908 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4169857142856 | Take profit: 2033.0939214285713 +2025-03-10 14:23:30,322 - INFO - CLOSED short at 2074.9 | PnL: -0.52% | $-1.24 +2025-03-10 14:23:30,344 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.4769857142855 | Take profit: 2044.9139214285713 +2025-03-10 14:23:30,437 - INFO - STOP LOSS hit for short at 2086.4769857142855 | PnL: -0.50% | $-1.18 +2025-03-10 14:23:30,473 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.5516857142857 | Take profit: 2071.4498214285713 +2025-03-10 14:23:30,507 - INFO - STOP LOSS hit for short at 2113.5516857142857 | PnL: -0.50% | $-1.17 +2025-03-10 14:23:30,544 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2542857142857 | Take profit: 2107.4220214285715 +2025-03-10 14:23:31,371 - INFO - TAKE PROFIT hit for short at 2107.4220214285715 | PnL: 1.50% | $2.69 +2025-03-10 14:23:31,393 - INFO - OPENED SHORT at 2108.06 | Stop loss: 2118.6168857142857 | Take profit: 2076.414221428571 +2025-03-10 14:23:31,906 - INFO - CLOSED short at 2093.33 | PnL: 0.70% | $1.18 +2025-03-10 14:23:31,906 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.8467642857145 | Take profit: 2124.754828571429 +2025-03-10 14:23:31,926 - INFO - CLOSED long at 2092.46 | PnL: -0.04% | $-0.28 +2025-03-10 14:23:31,927 - INFO - OPENED SHORT at 2092.46 | Stop loss: 2102.938885714286 | Take profit: 2061.0482214285717 +2025-03-10 14:23:33,092 - INFO - STOP LOSS hit for short at 2102.938885714286 | PnL: -0.50% | $-1.20 +2025-03-10 14:23:33,114 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.013985714286 | Take profit: 2071.9029214285715 +2025-03-10 14:23:33,747 - INFO - STOP LOSS hit for short at 2114.013985714286 | PnL: -0.50% | $-1.18 +2025-03-10 14:23:33,769 - INFO - OPENED SHORT at 2113.61 | Stop loss: 2124.194635714286 | Take profit: 2081.8809714285717 +2025-03-10 14:23:33,987 - INFO - CLOSED short at 2117.39 | PnL: -0.18% | $-0.54 +2025-03-10 14:23:33,987 - INFO - OPENED LONG at 2117.39 | Stop loss: 2106.7864642857144 | Take profit: 2149.1757285714284 +2025-03-10 14:23:34,028 - INFO - CLOSED long at 2115.3 | PnL: -0.10% | $-0.38 +2025-03-10 14:23:34,028 - INFO - OPENED SHORT at 2115.3 | Stop loss: 2125.893085714286 | Take profit: 2083.545621428572 +2025-03-10 14:23:34,375 - INFO - STOP LOSS hit for short at 2125.893085714286 | PnL: -0.50% | $-1.16 +2025-03-10 14:23:34,412 - INFO - OPENED SHORT at 2129.3 | Stop loss: 2139.9630857142856 | Take profit: 2097.335621428572 +2025-03-10 14:23:35,044 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 33.3% in downtrends | Avg Win=$0.66, Avg Loss=$-0.79 +2025-03-10 14:23:35,045 - INFO - Episode 18: Reward=89.45, Balance=$95.81, Win Rate=40.0%, Trades=20, Episode PnL=$-3.63, Total PnL=$-118.37, Max Drawdown=4.8%, Pred Accuracy=99.0% +2025-03-10 14:23:35,224 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:23:37,182 - INFO - CLOSED short at 2063.59 | PnL: 0.21% | $0.23 +2025-03-10 14:23:37,183 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.2554642857144 | Take profit: 2094.5687285714284 +2025-03-10 14:23:37,204 - INFO - CLOSED long at 2064.96 | PnL: 0.07% | $-0.07 +2025-03-10 14:23:37,204 - INFO - OPENED SHORT at 2064.96 | Stop loss: 2075.3013857142855 | Take profit: 2033.9607214285713 +2025-03-10 14:23:38,990 - INFO - STOP LOSS hit for short at 2075.3013857142855 | PnL: -0.50% | $-1.19 +2025-03-10 14:23:39,026 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.401635714286 | Take profit: 2043.8599714285717 +2025-03-10 14:23:40,112 - INFO - CLOSED short at 2068.67 | PnL: 0.31% | $0.40 +2025-03-10 14:23:40,112 - INFO - OPENED LONG at 2068.67 | Stop loss: 2058.3100642857144 | Take profit: 2099.724928571429 +2025-03-10 14:23:40,137 - INFO - CLOSED long at 2070.67 | PnL: 0.10% | $-0.01 +2025-03-10 14:23:40,138 - INFO - OPENED SHORT at 2070.67 | Stop loss: 2081.039935714286 | Take profit: 2039.5850714285716 +2025-03-10 14:23:41,291 - INFO - CLOSED short at 2053.01 | PnL: 0.85% | $1.48 +2025-03-10 14:23:41,312 - INFO - OPENED SHORT at 2049.21 | Stop loss: 2059.472635714286 | Take profit: 2018.4469714285715 +2025-03-10 14:23:41,510 - INFO - STOP LOSS hit for short at 2059.472635714286 | PnL: -0.50% | $-1.20 +2025-03-10 14:23:41,548 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.2360857142858 | Take profit: 2032.9166214285715 +2025-03-10 14:23:42,114 - INFO - STOP LOSS hit for short at 2074.2360857142858 | PnL: -0.50% | $-1.19 +2025-03-10 14:23:42,139 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.4769857142855 | Take profit: 2044.9139214285713 +2025-03-10 14:23:42,235 - INFO - STOP LOSS hit for short at 2086.4769857142855 | PnL: -0.50% | $-1.17 +2025-03-10 14:23:42,272 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.5516857142857 | Take profit: 2071.4498214285713 +2025-03-10 14:23:42,310 - INFO - STOP LOSS hit for short at 2113.5516857142857 | PnL: -0.50% | $-1.16 +2025-03-10 14:23:42,347 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2542857142857 | Take profit: 2107.4220214285715 +2025-03-10 14:23:43,081 - INFO - CLOSED short at 2112.99 | PnL: 1.24% | $2.18 +2025-03-10 14:23:43,125 - INFO - OPENED SHORT at 2120.81 | Stop loss: 2131.4306357142855 | Take profit: 2088.9729714285713 +2025-03-10 14:23:43,321 - INFO - CLOSED short at 2100.5 | PnL: 0.96% | $1.67 +2025-03-10 14:23:43,322 - INFO - OPENED LONG at 2100.5 | Stop loss: 2089.9809142857143 | Take profit: 2132.0323785714286 +2025-03-10 14:23:43,345 - INFO - CLOSED long at 2090.0 | PnL: -0.50% | $-1.19 +2025-03-10 14:23:43,345 - INFO - OPENED SHORT at 2090.0 | Stop loss: 2100.4665857142854 | Take profit: 2058.625121428571 +2025-03-10 14:23:43,451 - INFO - STOP LOSS hit for short at 2100.4665857142854 | PnL: -0.50% | $-1.18 +2025-03-10 14:23:43,490 - INFO - OPENED SHORT at 2102.29 | Stop loss: 2112.8180357142855 | Take profit: 2070.730771428571 +2025-03-10 14:23:43,817 - INFO - CLOSED short at 2093.46 | PnL: 0.42% | $0.62 +2025-03-10 14:23:43,852 - INFO - OPENED SHORT at 2093.33 | Stop loss: 2103.8132357142854 | Take profit: 2061.905171428571 +2025-03-10 14:23:44,222 - INFO - CLOSED short at 2085.09 | PnL: 0.39% | $0.57 +2025-03-10 14:23:44,222 - INFO - OPENED LONG at 2085.09 | Stop loss: 2074.6479642857144 | Take profit: 2116.391228571429 +2025-03-10 14:23:44,262 - INFO - CLOSED long at 2083.59 | PnL: -0.07% | $-0.34 +2025-03-10 14:23:44,263 - INFO - OPENED SHORT at 2083.59 | Stop loss: 2094.024535714286 | Take profit: 2052.3112714285717 +2025-03-10 14:23:44,533 - INFO - CLOSED short at 2087.78 | PnL: -0.20% | $-0.59 +2025-03-10 14:23:44,533 - INFO - OPENED LONG at 2087.78 | Stop loss: 2077.3245142857145 | Take profit: 2119.121578571429 +2025-03-10 14:23:44,558 - INFO - CLOSED long at 2086.81 | PnL: -0.05% | $-0.28 +2025-03-10 14:23:44,558 - INFO - OPENED SHORT at 2086.81 | Stop loss: 2097.260635714286 | Take profit: 2055.4829714285715 +2025-03-10 14:23:44,788 - INFO - STOP LOSS hit for short at 2097.260635714286 | PnL: -0.50% | $-1.16 +2025-03-10 14:23:44,809 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.5065357142853 | Take profit: 2068.465271428571 +2025-03-10 14:23:45,478 - INFO - STOP LOSS hit for short at 2110.5065357142853 | PnL: -0.50% | $-1.15 +2025-03-10 14:23:45,514 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.440935714286 | Take profit: 2079.1820714285714 +2025-03-10 14:23:46,141 - INFO - STOP LOSS hit for short at 2121.440935714286 | PnL: -0.50% | $-1.14 +2025-03-10 14:23:46,177 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8225857142857 | Take profit: 2089.357121428571 +2025-03-10 14:23:46,309 - INFO - STOP LOSS hit for short at 2131.8225857142857 | PnL: -0.50% | $-1.12 +2025-03-10 14:23:46,348 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.957885714286 | Take profit: 2104.1912214285717 +2025-03-10 14:23:46,530 - INFO - CLOSED short at 2135.55 | PnL: 0.03% | $-0.12 +2025-03-10 14:23:46,555 - INFO - OPENED SHORT at 2131.23 | Stop loss: 2141.902735714286 | Take profit: 2099.2366714285713 +2025-03-10 14:23:46,904 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 26.7% in downtrends | Avg Win=$1.02, Avg Loss=$-0.84 +2025-03-10 14:23:46,905 - INFO - Episode 19: Reward=94.18, Balance=$92.89, Win Rate=29.2%, Trades=24, Episode PnL=$-5.22, Total PnL=$-125.48, Max Drawdown=7.9%, Pred Accuracy=99.0% +2025-03-10 14:23:47,867 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:23:48,552 - INFO - CLOSED short at 2072.75 | PnL: -0.23% | $-0.65 +2025-03-10 14:23:48,552 - INFO - OPENED LONG at 2072.75 | Stop loss: 2062.3696642857144 | Take profit: 2103.866128571429 +2025-03-10 14:23:48,587 - INFO - CLOSED long at 2073.11 | PnL: 0.02% | $-0.16 +2025-03-10 14:23:48,588 - INFO - OPENED SHORT at 2073.11 | Stop loss: 2083.4921357142857 | Take profit: 2041.9884714285715 +2025-03-10 14:23:49,003 - INFO - CLOSED short at 2065.26 | PnL: 0.38% | $0.55 +2025-03-10 14:23:49,040 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.246035714286 | Take profit: 2036.8467714285714 +2025-03-10 14:23:49,979 - INFO - CLOSED short at 2066.24 | PnL: 0.08% | $-0.04 +2025-03-10 14:23:49,979 - INFO - OPENED LONG at 2066.24 | Stop loss: 2055.892214285714 | Take profit: 2097.2584785714284 +2025-03-10 14:23:49,999 - INFO - CLOSED long at 2067.1 | PnL: 0.04% | $-0.12 +2025-03-10 14:23:49,999 - INFO - OPENED SHORT at 2067.1 | Stop loss: 2077.4520857142857 | Take profit: 2036.0686214285715 +2025-03-10 14:23:51,286 - INFO - CLOSED short at 2062.69 | PnL: 0.21% | $0.22 +2025-03-10 14:23:51,308 - INFO - OPENED SHORT at 2063.4 | Stop loss: 2073.733585714286 | Take profit: 2032.4241214285714 +2025-03-10 14:23:51,551 - INFO - CLOSED short at 2067.01 | PnL: -0.17% | $-0.54 +2025-03-10 14:23:51,551 - INFO - OPENED LONG at 2067.01 | Stop loss: 2056.6583642857145 | Take profit: 2098.0400285714286 +2025-03-10 14:23:51,572 - INFO - CLOSED long at 2065.69 | PnL: -0.06% | $-0.32 +2025-03-10 14:23:51,572 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.0350357142856 | Take profit: 2034.6797714285715 +2025-03-10 14:23:51,651 - INFO - STOP LOSS hit for short at 2076.0350357142856 | PnL: -0.50% | $-1.18 +2025-03-10 14:23:51,672 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.401635714286 | Take profit: 2043.8599714285717 +2025-03-10 14:23:53,616 - INFO - CLOSED short at 2063.39 | PnL: 0.56% | $0.89 +2025-03-10 14:23:53,640 - INFO - OPENED SHORT at 2062.34 | Stop loss: 2072.668285714286 | Take profit: 2031.3800214285716 +2025-03-10 14:23:54,677 - INFO - STOP LOSS hit for short at 2072.668285714286 | PnL: -0.50% | $-1.18 +2025-03-10 14:23:54,709 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4368357142857 | Take profit: 2042.9143714285715 +2025-03-10 14:23:54,872 - INFO - STOP LOSS hit for short at 2084.4368357142857 | PnL: -0.50% | $-1.16 +2025-03-10 14:23:54,892 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:23:54,914 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.15 +2025-03-10 14:23:54,935 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:23:55,094 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.13 +2025-03-10 14:23:55,131 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:23:55,529 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.61 +2025-03-10 14:23:55,556 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:23:55,601 - INFO - CLOSED short at 2112.09 | PnL: -0.07% | $-0.33 +2025-03-10 14:23:55,621 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.531335714286 | Take profit: 2081.2308714285714 +2025-03-10 14:23:56,684 - INFO - TAKE PROFIT hit for short at 2081.2308714285714 | PnL: 1.50% | $2.68 +2025-03-10 14:23:56,720 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.6728357142856 | Take profit: 2050.006371428571 +2025-03-10 14:23:57,005 - INFO - CLOSED short at 2087.0 | PnL: -0.28% | $-0.74 +2025-03-10 14:23:57,005 - INFO - OPENED LONG at 2087.0 | Stop loss: 2076.5484142857144 | Take profit: 2118.3298785714287 +2025-03-10 14:23:57,043 - INFO - CLOSED long at 2087.47 | PnL: 0.02% | $-0.15 +2025-03-10 14:23:57,044 - INFO - OPENED SHORT at 2087.47 | Stop loss: 2097.923935714285 | Take profit: 2056.133071428571 +2025-03-10 14:23:57,307 - INFO - STOP LOSS hit for short at 2097.923935714285 | PnL: -0.50% | $-1.17 +2025-03-10 14:23:57,331 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1647857142857 | Take profit: 2070.0905214285713 +2025-03-10 14:23:58,030 - INFO - STOP LOSS hit for short at 2112.1647857142857 | PnL: -0.50% | $-1.16 +2025-03-10 14:23:58,075 - INFO - OPENED SHORT at 2110.4 | Stop loss: 2120.968585714286 | Take profit: 2078.7191214285717 +2025-03-10 14:23:58,876 - INFO - STOP LOSS hit for short at 2120.968585714286 | PnL: -0.50% | $-1.14 +2025-03-10 14:23:58,901 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8225857142857 | Take profit: 2089.357121428571 +2025-03-10 14:23:59,021 - INFO - STOP LOSS hit for short at 2131.8225857142857 | PnL: -0.50% | $-1.13 +2025-03-10 14:23:59,069 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.957885714286 | Take profit: 2104.1912214285717 +2025-03-10 14:23:59,644 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 13.3% in downtrends | Avg Win=$1.39, Avg Loss=$-0.75 +2025-03-10 14:23:59,645 - INFO - Episode 20: Reward=83.91, Balance=$93.51, Win Rate=21.7%, Trades=23, Episode PnL=$-5.74, Total PnL=$-131.97, Max Drawdown=6.5%, Pred Accuracy=99.1% +2025-03-10 14:23:59,792 - INFO - Model saved to checkpoints/trading_agent_episode_20.pt +2025-03-10 14:23:59,793 - INFO - Checkpoint saved at episode 20 +2025-03-10 14:23:59,793 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:23:59,854 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 14:23:59,856 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2514, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 14:24:00,691 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 14:24:00,691 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2514, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 14:24:00,859 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:24:02,712 - INFO - CLOSED short at 2061.78 | PnL: 0.30% | $0.40 +2025-03-10 14:24:02,733 - INFO - OPENED SHORT at 2059.59 | Stop loss: 2069.904535714286 | Take profit: 2028.6712714285716 +2025-03-10 14:24:02,966 - INFO - CLOSED short at 2064.45 | PnL: -0.24% | $-0.67 +2025-03-10 14:24:02,967 - INFO - OPENED LONG at 2064.45 | Stop loss: 2054.111164285714 | Take profit: 2095.4416285714283 +2025-03-10 14:24:02,987 - INFO - CLOSED long at 2064.08 | PnL: -0.02% | $-0.23 +2025-03-10 14:24:02,987 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4169857142856 | Take profit: 2033.0939214285713 +2025-03-10 14:24:03,527 - INFO - CLOSED short at 2065.89 | PnL: -0.09% | $-0.37 +2025-03-10 14:24:03,528 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.543964285714 | Take profit: 2096.9032285714284 +2025-03-10 14:24:03,553 - INFO - CLOSED long at 2063.53 | PnL: -0.11% | $-0.42 +2025-03-10 14:24:03,554 - INFO - OPENED SHORT at 2063.53 | Stop loss: 2073.8642357142858 | Take profit: 2032.5521714285717 +2025-03-10 14:24:03,689 - INFO - CLOSED short at 2061.7 | PnL: 0.09% | $-0.02 +2025-03-10 14:24:03,725 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0200857142854 | Take profit: 2029.7646214285712 +2025-03-10 14:24:04,213 - INFO - CLOSED short at 2061.66 | PnL: -0.05% | $-0.29 +2025-03-10 14:24:04,214 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.335114285714 | Take profit: 2092.6097785714283 +2025-03-10 14:24:04,240 - INFO - CLOSED long at 2061.5 | PnL: -0.01% | $-0.21 +2025-03-10 14:24:04,241 - INFO - OPENED SHORT at 2061.5 | Stop loss: 2071.8240857142855 | Take profit: 2030.5526214285715 +2025-03-10 14:24:04,613 - INFO - CLOSED short at 2065.69 | PnL: -0.20% | $-0.59 +2025-03-10 14:24:04,638 - INFO - OPENED SHORT at 2069.79 | Stop loss: 2080.1555357142856 | Take profit: 2038.7182714285714 +2025-03-10 14:24:04,656 - INFO - CLOSED short at 2072.0 | PnL: -0.11% | $-0.40 +2025-03-10 14:24:04,681 - INFO - OPENED SHORT at 2074.3 | Stop loss: 2084.688085714286 | Take profit: 2043.1606214285716 +2025-03-10 14:24:06,595 - INFO - CLOSED short at 2065.07 | PnL: 0.44% | $0.67 +2025-03-10 14:24:06,597 - INFO - OPENED LONG at 2065.07 | Stop loss: 2054.7280642857145 | Take profit: 2096.070928571429 +2025-03-10 14:24:06,617 - INFO - CLOSED long at 2066.09 | PnL: 0.05% | $-0.10 +2025-03-10 14:24:06,617 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.437035714286 | Take profit: 2035.0737714285715 +2025-03-10 14:24:07,867 - INFO - STOP LOSS hit for short at 2076.437035714286 | PnL: -0.50% | $-1.17 +2025-03-10 14:24:07,887 - INFO - OPENED SHORT at 2085.56 | Stop loss: 2096.0043857142855 | Take profit: 2054.2517214285713 +2025-03-10 14:24:07,930 - INFO - STOP LOSS hit for short at 2096.0043857142855 | PnL: -0.50% | $-1.15 +2025-03-10 14:24:07,963 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:24:08,128 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.14 +2025-03-10 14:24:08,152 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:24:08,556 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.62 +2025-03-10 14:24:08,575 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:24:08,999 - INFO - CLOSED short at 2098.1 | PnL: 0.59% | $0.95 +2025-03-10 14:24:09,020 - INFO - OPENED SHORT at 2102.19 | Stop loss: 2112.717535714286 | Take profit: 2070.6322714285716 +2025-03-10 14:24:10,971 - INFO - CLOSED short at 2105.2 | PnL: -0.14% | $-0.47 +2025-03-10 14:24:10,971 - INFO - OPENED LONG at 2105.2 | Stop loss: 2094.6574142857144 | Take profit: 2136.802878571428 +2025-03-10 14:24:10,993 - INFO - CLOSED long at 2103.52 | PnL: -0.08% | $-0.35 +2025-03-10 14:24:10,994 - INFO - OPENED SHORT at 2103.52 | Stop loss: 2114.0541857142857 | Take profit: 2071.9423214285716 +2025-03-10 14:24:11,415 - INFO - STOP LOSS hit for short at 2114.0541857142857 | PnL: -0.50% | $-1.16 +2025-03-10 14:24:11,437 - INFO - OPENED SHORT at 2113.61 | Stop loss: 2124.194635714286 | Take profit: 2081.8809714285717 +2025-03-10 14:24:12,009 - INFO - STOP LOSS hit for short at 2124.194635714286 | PnL: -0.50% | $-1.14 +2025-03-10 14:24:12,079 - INFO - OPENED SHORT at 2129.3 | Stop loss: 2139.9630857142856 | Take profit: 2097.335621428572 +2025-03-10 14:24:12,768 - INFO - CLOSED short at 2121.53 | PnL: 0.36% | $0.50 +2025-03-10 14:24:12,812 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.6366357142856 | Take profit: 2090.1549714285716 +2025-03-10 14:24:12,853 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 18.2% in downtrends | Avg Win=$1.03, Avg Loss=$-0.58 +2025-03-10 14:24:12,854 - INFO - Episode 21: Reward=80.40, Balance=$95.25, Win Rate=22.7%, Trades=22, Episode PnL=$-3.43, Total PnL=$-136.72, Max Drawdown=6.1%, Pred Accuracy=99.1% +2025-03-10 14:24:12,855 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:24:13,113 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:24:13,296 - INFO - CLOSED short at 2067.6 | PnL: 0.02% | $-0.16 +2025-03-10 14:24:13,296 - INFO - OPENED LONG at 2067.6 | Stop loss: 2057.245414285714 | Take profit: 2098.6388785714284 +2025-03-10 14:24:13,321 - INFO - CLOSED long at 2067.51 | PnL: -0.00% | $-0.21 +2025-03-10 14:24:13,322 - INFO - OPENED SHORT at 2067.51 | Stop loss: 2077.864135714286 | Take profit: 2036.4724714285717 +2025-03-10 14:24:16,462 - INFO - CLOSED short at 2059.46 | PnL: 0.39% | $0.57 +2025-03-10 14:24:16,484 - INFO - OPENED SHORT at 2057.4 | Stop loss: 2067.7035857142855 | Take profit: 2026.5141214285716 +2025-03-10 14:24:17,173 - INFO - STOP LOSS hit for short at 2067.7035857142855 | PnL: -0.50% | $-1.19 +2025-03-10 14:24:17,195 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3765857142857 | Take profit: 2040.8951214285714 +2025-03-10 14:24:17,956 - INFO - CLOSED short at 2065.5 | PnL: 0.31% | $0.42 +2025-03-10 14:24:17,978 - INFO - OPENED SHORT at 2067.53 | Stop loss: 2077.8842357142858 | Take profit: 2036.4921714285717 +2025-03-10 14:24:18,579 - INFO - CLOSED short at 2074.35 | PnL: -0.33% | $-0.85 +2025-03-10 14:24:18,579 - INFO - OPENED LONG at 2074.35 | Stop loss: 2063.961664285714 | Take profit: 2105.4901285714286 +2025-03-10 14:24:18,626 - INFO - CLOSED long at 2073.27 | PnL: -0.05% | $-0.30 +2025-03-10 14:24:18,626 - INFO - OPENED SHORT at 2073.27 | Stop loss: 2083.652935714286 | Take profit: 2042.1460714285713 +2025-03-10 14:24:18,768 - INFO - CLOSED short at 2076.9 | PnL: -0.18% | $-0.54 +2025-03-10 14:24:18,769 - INFO - OPENED LONG at 2076.9 | Stop loss: 2066.4989142857144 | Take profit: 2108.078378571429 +2025-03-10 14:24:18,792 - INFO - CLOSED long at 2075.61 | PnL: -0.06% | $-0.31 +2025-03-10 14:24:18,792 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2086.004635714286 | Take profit: 2044.4509714285716 +2025-03-10 14:24:20,631 - INFO - CLOSED short at 2072.99 | PnL: 0.13% | $0.05 +2025-03-10 14:24:20,632 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.608464285714 | Take profit: 2104.1097285714286 +2025-03-10 14:24:20,678 - INFO - CLOSED long at 2071.89 | PnL: -0.05% | $-0.30 +2025-03-10 14:24:20,678 - INFO - OPENED SHORT at 2071.89 | Stop loss: 2082.2660357142854 | Take profit: 2040.7867714285715 +2025-03-10 14:24:20,811 - INFO - STOP LOSS hit for short at 2082.2660357142854 | PnL: -0.50% | $-1.16 +2025-03-10 14:24:20,833 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:24:20,857 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.14 +2025-03-10 14:24:20,880 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:24:21,011 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.13 +2025-03-10 14:24:21,049 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:24:21,462 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.61 +2025-03-10 14:24:21,503 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:24:21,585 - INFO - CLOSED short at 2112.95 | PnL: -0.11% | $-0.40 +2025-03-10 14:24:21,608 - INFO - OPENED SHORT at 2112.46 | Stop loss: 2123.038885714286 | Take profit: 2080.7482214285715 +2025-03-10 14:24:21,951 - INFO - CLOSED short at 2090.0 | PnL: 1.06% | $1.83 +2025-03-10 14:24:21,976 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.044235714286 | Take profit: 2068.0121714285715 +2025-03-10 14:24:23,587 - INFO - CLOSED short at 2100.89 | PnL: -0.06% | $-0.32 +2025-03-10 14:24:23,588 - INFO - OPENED LONG at 2100.89 | Stop loss: 2090.368964285714 | Take profit: 2132.4282285714285 +2025-03-10 14:24:23,610 - INFO - CLOSED long at 2099.73 | PnL: -0.06% | $-0.30 +2025-03-10 14:24:23,610 - INFO - OPENED SHORT at 2099.73 | Stop loss: 2110.2452357142856 | Take profit: 2068.2091714285716 +2025-03-10 14:24:24,167 - INFO - STOP LOSS hit for short at 2110.2452357142856 | PnL: -0.50% | $-1.16 +2025-03-10 14:24:24,204 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.440935714286 | Take profit: 2079.1820714285714 +2025-03-10 14:24:24,954 - INFO - STOP LOSS hit for short at 2121.440935714286 | PnL: -0.50% | $-1.14 +2025-03-10 14:24:25,006 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8225857142857 | Take profit: 2089.357121428571 +2025-03-10 14:24:25,172 - INFO - STOP LOSS hit for short at 2131.8225857142857 | PnL: -0.50% | $-1.13 +2025-03-10 14:24:25,196 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.957885714286 | Take profit: 2104.1912214285717 +2025-03-10 14:24:25,828 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 15.4% in downtrends | Avg Win=$1.10, Avg Loss=$-0.69 +2025-03-10 14:24:25,829 - INFO - Episode 22: Reward=177.34, Balance=$93.74, Win Rate=22.7%, Trades=22, Episode PnL=$-4.85, Total PnL=$-142.98, Max Drawdown=6.5%, Pred Accuracy=99.6% +2025-03-10 14:24:25,829 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:24:26,099 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:24:26,727 - INFO - CLOSED short at 2072.75 | PnL: -0.23% | $-0.65 +2025-03-10 14:24:26,750 - INFO - OPENED SHORT at 2073.11 | Stop loss: 2083.4921357142857 | Take profit: 2041.9884714285715 +2025-03-10 14:24:27,827 - INFO - CLOSED short at 2064.47 | PnL: 0.42% | $0.62 +2025-03-10 14:24:27,854 - INFO - OPENED SHORT at 2070.04 | Stop loss: 2080.4067857142854 | Take profit: 2038.9645214285713 +2025-03-10 14:24:28,553 - INFO - CLOSED short at 2061.6 | PnL: 0.41% | $0.61 +2025-03-10 14:24:28,553 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.2754142857143 | Take profit: 2092.5488785714283 +2025-03-10 14:24:28,575 - INFO - CLOSED long at 2060.9 | PnL: -0.03% | $-0.27 +2025-03-10 14:24:28,575 - INFO - OPENED SHORT at 2060.9 | Stop loss: 2071.221085714286 | Take profit: 2029.9616214285713 +2025-03-10 14:24:28,661 - INFO - CLOSED short at 2060.31 | PnL: 0.03% | $-0.14 +2025-03-10 14:24:28,683 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.125585714286 | Take profit: 2030.8481214285716 +2025-03-10 14:24:28,704 - INFO - CLOSED short at 2064.7 | PnL: -0.14% | $-0.48 +2025-03-10 14:24:28,726 - INFO - OPENED SHORT at 2062.61 | Stop loss: 2072.939635714286 | Take profit: 2031.6459714285716 +2025-03-10 14:24:30,058 - INFO - STOP LOSS hit for short at 2072.939635714286 | PnL: -0.50% | $-1.19 +2025-03-10 14:24:30,113 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.416635714286 | Take profit: 2046.8149714285717 +2025-03-10 14:24:30,638 - INFO - CLOSED short at 2065.7 | PnL: 0.59% | $0.96 +2025-03-10 14:24:30,638 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.354914285714 | Take profit: 2096.7103785714285 +2025-03-10 14:24:30,660 - INFO - CLOSED long at 2065.66 | PnL: -0.00% | $-0.20 +2025-03-10 14:24:30,661 - INFO - OPENED SHORT at 2065.66 | Stop loss: 2076.0048857142856 | Take profit: 2034.6502214285713 +2025-03-10 14:24:31,605 - INFO - STOP LOSS hit for short at 2076.0048857142856 | PnL: -0.50% | $-1.18 +2025-03-10 14:24:31,642 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2086.004635714286 | Take profit: 2044.4509714285716 +2025-03-10 14:24:32,701 - INFO - CLOSED short at 2057.11 | PnL: 0.89% | $1.54 +2025-03-10 14:24:32,723 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.1960357142857 | Take profit: 2026.9967714285713 +2025-03-10 14:24:32,953 - INFO - STOP LOSS hit for short at 2068.1960357142857 | PnL: -0.50% | $-1.19 +2025-03-10 14:24:32,976 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8440357142854 | Take profit: 2036.4527714285712 +2025-03-10 14:24:33,510 - INFO - STOP LOSS hit for short at 2077.8440357142854 | PnL: -0.50% | $-1.17 +2025-03-10 14:24:33,532 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:24:33,577 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.16 +2025-03-10 14:24:33,618 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:24:33,763 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.15 +2025-03-10 14:24:33,787 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:24:34,209 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.64 +2025-03-10 14:24:34,231 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:24:34,603 - INFO - CLOSED short at 2103.33 | PnL: 0.34% | $0.47 +2025-03-10 14:24:34,604 - INFO - OPENED LONG at 2103.33 | Stop loss: 2092.7967642857143 | Take profit: 2134.9048285714284 +2025-03-10 14:24:34,626 - INFO - CLOSED long at 2100.5 | PnL: -0.13% | $-0.46 +2025-03-10 14:24:34,626 - INFO - OPENED SHORT at 2100.5 | Stop loss: 2111.0190857142857 | Take profit: 2068.9676214285714 +2025-03-10 14:24:35,086 - INFO - CLOSED short at 2093.46 | PnL: 0.34% | $0.46 +2025-03-10 14:24:35,109 - INFO - OPENED SHORT at 2093.33 | Stop loss: 2103.8132357142854 | Take profit: 2061.905171428571 +2025-03-10 14:24:35,191 - INFO - CLOSED short at 2094.72 | PnL: -0.07% | $-0.32 +2025-03-10 14:24:35,236 - INFO - OPENED SHORT at 2094.08 | Stop loss: 2104.5669857142857 | Take profit: 2062.643921428571 +2025-03-10 14:24:36,376 - INFO - STOP LOSS hit for short at 2104.5669857142857 | PnL: -0.50% | $-1.17 +2025-03-10 14:24:36,414 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.013985714286 | Take profit: 2071.9029214285715 +2025-03-10 14:24:37,117 - INFO - STOP LOSS hit for short at 2114.013985714286 | PnL: -0.50% | $-1.15 +2025-03-10 14:24:37,149 - INFO - OPENED SHORT at 2113.61 | Stop loss: 2124.194635714286 | Take profit: 2081.8809714285717 +2025-03-10 14:24:37,361 - INFO - CLOSED short at 2111.19 | PnL: 0.11% | $0.03 +2025-03-10 14:24:37,389 - INFO - OPENED SHORT at 2112.61 | Stop loss: 2123.1896357142855 | Take profit: 2080.8959714285716 +2025-03-10 14:24:37,435 - INFO - CLOSED short at 2117.39 | PnL: -0.23% | $-0.62 +2025-03-10 14:24:37,435 - INFO - OPENED LONG at 2117.39 | Stop loss: 2106.7864642857144 | Take profit: 2149.1757285714284 +2025-03-10 14:24:37,458 - INFO - CLOSED long at 2115.3 | PnL: -0.10% | $-0.37 +2025-03-10 14:24:37,458 - INFO - OPENED SHORT at 2115.3 | Stop loss: 2125.893085714286 | Take profit: 2083.545621428572 +2025-03-10 14:24:37,824 - INFO - STOP LOSS hit for short at 2125.893085714286 | PnL: -0.50% | $-1.13 +2025-03-10 14:24:37,846 - INFO - OPENED SHORT at 2129.3 | Stop loss: 2139.9630857142856 | Take profit: 2097.335621428572 +2025-03-10 14:24:38,545 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 28.6% in downtrends | Avg Win=$0.92, Avg Loss=$-0.78 +2025-03-10 14:24:38,546 - INFO - Episode 23: Reward=183.51, Balance=$93.34, Win Rate=30.8%, Trades=26, Episode PnL=$-5.36, Total PnL=$-149.64, Max Drawdown=6.8%, Pred Accuracy=99.7% +2025-03-10 14:24:38,546 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:24:38,731 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:24:39,713 - INFO - CLOSED short at 2067.79 | PnL: 0.01% | $-0.18 +2025-03-10 14:24:39,713 - INFO - OPENED LONG at 2067.79 | Stop loss: 2057.434464285714 | Take profit: 2098.8317285714284 +2025-03-10 14:24:39,735 - INFO - CLOSED long at 2067.46 | PnL: -0.02% | $-0.23 +2025-03-10 14:24:39,735 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.813885714286 | Take profit: 2036.4232214285714 +2025-03-10 14:24:40,282 - INFO - CLOSED short at 2067.84 | PnL: -0.02% | $-0.23 +2025-03-10 14:24:40,323 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.4621357142855 | Take profit: 2036.0784714285717 +2025-03-10 14:24:40,391 - INFO - CLOSED short at 2066.1 | PnL: 0.05% | $-0.10 +2025-03-10 14:24:40,417 - INFO - OPENED SHORT at 2065.28 | Stop loss: 2075.6229857142857 | Take profit: 2034.2759214285716 +2025-03-10 14:24:42,101 - INFO - CLOSED short at 2058.28 | PnL: 0.34% | $0.47 +2025-03-10 14:24:42,102 - INFO - OPENED LONG at 2058.28 | Stop loss: 2047.9720142857145 | Take profit: 2089.179078571429 +2025-03-10 14:24:42,124 - INFO - CLOSED long at 2056.28 | PnL: -0.10% | $-0.39 +2025-03-10 14:24:42,125 - INFO - OPENED SHORT at 2056.28 | Stop loss: 2066.577985714286 | Take profit: 2025.4109214285716 +2025-03-10 14:24:42,352 - INFO - CLOSED short at 2061.66 | PnL: -0.26% | $-0.71 +2025-03-10 14:24:42,377 - INFO - OPENED SHORT at 2061.5 | Stop loss: 2071.8240857142855 | Take profit: 2030.5526214285715 +2025-03-10 14:24:42,811 - INFO - STOP LOSS hit for short at 2071.8240857142855 | PnL: -0.50% | $-1.18 +2025-03-10 14:24:42,837 - INFO - OPENED SHORT at 2074.3 | Stop loss: 2084.688085714286 | Take profit: 2043.1606214285716 +2025-03-10 14:24:44,674 - INFO - CLOSED short at 2070.19 | PnL: 0.20% | $0.19 +2025-03-10 14:24:44,714 - INFO - OPENED SHORT at 2070.1 | Stop loss: 2080.4670857142855 | Take profit: 2039.0236214285712 +2025-03-10 14:24:46,338 - INFO - STOP LOSS hit for short at 2080.4670857142855 | PnL: -0.50% | $-1.16 +2025-03-10 14:24:46,362 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:24:46,384 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.15 +2025-03-10 14:24:46,408 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:24:46,511 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.14 +2025-03-10 14:24:46,535 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:24:46,643 - INFO - CLOSED short at 2134.78 | PnL: 0.30% | $0.38 +2025-03-10 14:24:46,644 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.0895142857144 | Take profit: 2166.826578571429 +2025-03-10 14:24:46,689 - INFO - CLOSED long at 2126.99 | PnL: -0.36% | $-0.87 +2025-03-10 14:24:46,689 - INFO - OPENED SHORT at 2126.99 | Stop loss: 2137.6415357142855 | Take profit: 2095.0602714285715 +2025-03-10 14:24:47,257 - INFO - CLOSED short at 2110.9 | PnL: 0.76% | $1.22 +2025-03-10 14:24:47,278 - INFO - OPENED SHORT at 2108.71 | Stop loss: 2119.270135714286 | Take profit: 2077.0544714285716 +2025-03-10 14:24:49,092 - INFO - CLOSED short at 2106.15 | PnL: 0.12% | $0.04 +2025-03-10 14:24:49,129 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.013985714286 | Take profit: 2071.9029214285715 +2025-03-10 14:24:49,730 - INFO - STOP LOSS hit for short at 2114.013985714286 | PnL: -0.50% | $-1.13 +2025-03-10 14:24:49,767 - INFO - OPENED SHORT at 2113.61 | Stop loss: 2124.194635714286 | Take profit: 2081.8809714285717 +2025-03-10 14:24:50,407 - INFO - CLOSED short at 2125.11 | PnL: -0.54% | $-1.20 +2025-03-10 14:24:50,407 - INFO - OPENED LONG at 2125.11 | Stop loss: 2114.4678642857143 | Take profit: 2157.0115285714287 +2025-03-10 14:24:50,428 - INFO - CLOSED long at 2127.79 | PnL: 0.13% | $0.05 +2025-03-10 14:24:50,429 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:24:51,189 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 22.2% in downtrends | Avg Win=$0.39, Avg Loss=$-0.74 +2025-03-10 14:24:51,191 - INFO - Episode 24: Reward=180.98, Balance=$92.68, Win Rate=31.6%, Trades=19, Episode PnL=$-5.88, Total PnL=$-156.96, Max Drawdown=6.2%, Pred Accuracy=99.9% +2025-03-10 14:24:51,191 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:24:52,117 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:24:52,555 - INFO - CLOSED short at 2068.9 | PnL: -0.04% | $-0.28 +2025-03-10 14:24:52,596 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.949535714286 | Take profit: 2037.5362714285716 +2025-03-10 14:24:52,745 - INFO - CLOSED short at 2072.75 | PnL: -0.20% | $-0.60 +2025-03-10 14:24:52,782 - INFO - OPENED SHORT at 2073.11 | Stop loss: 2083.4921357142857 | Take profit: 2041.9884714285715 +2025-03-10 14:24:53,066 - INFO - CLOSED short at 2068.32 | PnL: 0.23% | $0.26 +2025-03-10 14:24:53,067 - INFO - OPENED LONG at 2068.32 | Stop loss: 2057.9618142857144 | Take profit: 2099.3696785714287 +2025-03-10 14:24:53,090 - INFO - CLOSED long at 2067.0 | PnL: -0.06% | $-0.32 +2025-03-10 14:24:53,090 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3515857142856 | Take profit: 2035.9701214285715 +2025-03-10 14:24:54,185 - INFO - CLOSED short at 2059.59 | PnL: 0.36% | $0.51 +2025-03-10 14:24:54,186 - INFO - OPENED LONG at 2059.59 | Stop loss: 2049.2754642857144 | Take profit: 2090.5087285714285 +2025-03-10 14:24:54,207 - INFO - CLOSED long at 2061.3 | PnL: 0.08% | $-0.03 +2025-03-10 14:24:54,207 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.623085714286 | Take profit: 2030.3556214285716 +2025-03-10 14:24:54,270 - INFO - CLOSED short at 2066.24 | PnL: -0.24% | $-0.67 +2025-03-10 14:24:54,271 - INFO - OPENED LONG at 2066.24 | Stop loss: 2055.892214285714 | Take profit: 2097.2584785714284 +2025-03-10 14:24:54,292 - INFO - CLOSED long at 2067.1 | PnL: 0.04% | $-0.11 +2025-03-10 14:24:54,293 - INFO - OPENED SHORT at 2067.1 | Stop loss: 2077.4520857142857 | Take profit: 2036.0686214285715 +2025-03-10 14:24:54,576 - INFO - CLOSED short at 2060.9 | PnL: 0.30% | $0.39 +2025-03-10 14:24:54,576 - INFO - OPENED LONG at 2060.9 | Stop loss: 2050.5789142857143 | Take profit: 2091.8383785714286 +2025-03-10 14:24:54,597 - INFO - CLOSED long at 2060.65 | PnL: -0.01% | $-0.22 +2025-03-10 14:24:54,597 - INFO - OPENED SHORT at 2060.65 | Stop loss: 2070.969835714286 | Take profit: 2029.7153714285716 +2025-03-10 14:24:56,115 - INFO - STOP LOSS hit for short at 2070.969835714286 | PnL: -0.50% | $-1.18 +2025-03-10 14:24:56,140 - INFO - OPENED SHORT at 2074.3 | Stop loss: 2084.688085714286 | Take profit: 2043.1606214285716 +2025-03-10 14:24:57,288 - INFO - CLOSED short at 2070.8 | PnL: 0.17% | $0.13 +2025-03-10 14:24:57,325 - INFO - OPENED SHORT at 2070.35 | Stop loss: 2080.718335714286 | Take profit: 2039.2698714285714 +2025-03-10 14:24:58,023 - INFO - CLOSED short at 2068.1 | PnL: 0.11% | $0.02 +2025-03-10 14:24:58,023 - INFO - OPENED LONG at 2068.1 | Stop loss: 2057.742914285714 | Take profit: 2099.1463785714286 +2025-03-10 14:24:58,074 - INFO - CLOSED long at 2069.0 | PnL: 0.04% | $-0.11 +2025-03-10 14:24:58,074 - INFO - OPENED SHORT at 2069.0 | Stop loss: 2079.361585714286 | Take profit: 2037.9401214285715 +2025-03-10 14:25:00,013 - INFO - STOP LOSS hit for short at 2079.361585714286 | PnL: -0.50% | $-1.17 +2025-03-10 14:25:00,036 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:25:00,062 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.15 +2025-03-10 14:25:00,090 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:25:00,259 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.14 +2025-03-10 14:25:00,299 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:25:00,732 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.62 +2025-03-10 14:25:00,755 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:25:04,649 - INFO - STOP LOSS hit for short at 2121.1695857142854 | PnL: -0.50% | $-1.16 +2025-03-10 14:25:04,681 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8225857142857 | Take profit: 2089.357121428571 +2025-03-10 14:25:04,789 - INFO - STOP LOSS hit for short at 2131.8225857142857 | PnL: -0.50% | $-1.14 +2025-03-10 14:25:04,813 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.957885714286 | Take profit: 2104.1912214285717 +2025-03-10 14:25:05,416 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 41.7% in downtrends | Avg Win=$0.66, Avg Loss=$-0.66 +2025-03-10 14:25:05,417 - INFO - Episode 25: Reward=181.02, Balance=$94.65, Win Rate=30.0%, Trades=20, Episode PnL=$-4.55, Total PnL=$-162.31, Max Drawdown=5.7%, Pred Accuracy=99.7% +2025-03-10 14:25:05,418 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:25:05,612 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:25:05,667 - INFO - CLOSED short at 2070.36 | PnL: -0.11% | $-0.42 +2025-03-10 14:25:05,696 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.261085714286 | Take profit: 2037.8416214285717 +2025-03-10 14:25:05,867 - INFO - CLOSED short at 2067.51 | PnL: 0.07% | $-0.06 +2025-03-10 14:25:05,867 - INFO - OPENED LONG at 2067.51 | Stop loss: 2057.1558642857144 | Take profit: 2098.5475285714288 +2025-03-10 14:25:05,898 - INFO - CLOSED long at 2069.01 | PnL: 0.07% | $-0.05 +2025-03-10 14:25:05,899 - INFO - OPENED SHORT at 2069.01 | Stop loss: 2079.3716357142857 | Take profit: 2037.9499714285716 +2025-03-10 14:25:06,472 - INFO - CLOSED short at 2071.39 | PnL: -0.12% | $-0.42 +2025-03-10 14:25:06,536 - INFO - OPENED SHORT at 2071.36 | Stop loss: 2081.7333857142858 | Take profit: 2040.2647214285716 +2025-03-10 14:25:06,560 - INFO - CLOSED short at 2072.75 | PnL: -0.07% | $-0.33 +2025-03-10 14:25:06,560 - INFO - OPENED LONG at 2072.75 | Stop loss: 2062.3696642857144 | Take profit: 2103.866128571429 +2025-03-10 14:25:06,587 - INFO - CLOSED long at 2073.11 | PnL: 0.02% | $-0.16 +2025-03-10 14:25:06,588 - INFO - OPENED SHORT at 2073.11 | Stop loss: 2083.4921357142857 | Take profit: 2041.9884714285715 +2025-03-10 14:25:07,586 - INFO - CLOSED short at 2066.1 | PnL: 0.34% | $0.47 +2025-03-10 14:25:07,586 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7529142857143 | Take profit: 2097.1163785714284 +2025-03-10 14:25:07,635 - INFO - CLOSED long at 2065.28 | PnL: -0.04% | $-0.27 +2025-03-10 14:25:07,637 - INFO - OPENED SHORT at 2065.28 | Stop loss: 2075.6229857142857 | Take profit: 2034.2759214285716 +2025-03-10 14:25:09,281 - INFO - CLOSED short at 2059.16 | PnL: 0.30% | $0.38 +2025-03-10 14:25:09,325 - INFO - OPENED SHORT at 2059.02 | Stop loss: 2069.3316857142854 | Take profit: 2028.1098214285712 +2025-03-10 14:25:09,437 - INFO - CLOSED short at 2058.28 | PnL: 0.04% | $-0.13 +2025-03-10 14:25:09,437 - INFO - OPENED LONG at 2058.28 | Stop loss: 2047.9720142857145 | Take profit: 2089.179078571429 +2025-03-10 14:25:09,459 - INFO - CLOSED long at 2056.28 | PnL: -0.10% | $-0.39 +2025-03-10 14:25:09,460 - INFO - OPENED SHORT at 2056.28 | Stop loss: 2066.577985714286 | Take profit: 2025.4109214285716 +2025-03-10 14:25:10,019 - INFO - STOP LOSS hit for short at 2066.577985714286 | PnL: -0.50% | $-1.18 +2025-03-10 14:25:10,074 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.6832357142857 | Take profit: 2036.2951714285712 +2025-03-10 14:25:10,232 - INFO - STOP LOSS hit for short at 2077.6832357142857 | PnL: -0.50% | $-1.16 +2025-03-10 14:25:10,255 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.401635714286 | Take profit: 2043.8599714285717 +2025-03-10 14:25:10,994 - INFO - CLOSED short at 2064.31 | PnL: 0.52% | $0.79 +2025-03-10 14:25:11,026 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.844085714286 | Take profit: 2034.4926214285715 +2025-03-10 14:25:12,002 - INFO - STOP LOSS hit for short at 2075.844085714286 | PnL: -0.50% | $-1.16 +2025-03-10 14:25:12,060 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2086.004635714286 | Take profit: 2044.4509714285716 +2025-03-10 14:25:13,561 - INFO - CLOSED short at 2051.99 | PnL: 1.14% | $1.98 +2025-03-10 14:25:13,600 - INFO - OPENED SHORT at 2058.3 | Stop loss: 2068.6080857142856 | Take profit: 2027.4006214285716 +2025-03-10 14:25:14,143 - INFO - STOP LOSS hit for short at 2068.6080857142856 | PnL: -0.50% | $-1.17 +2025-03-10 14:25:14,191 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.6077857142855 | Take profit: 2039.1615214285712 +2025-03-10 14:25:14,587 - INFO - STOP LOSS hit for short at 2080.6077857142855 | PnL: -0.50% | $-1.15 +2025-03-10 14:25:14,646 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:25:14,704 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.14 +2025-03-10 14:25:14,735 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:25:14,865 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.13 +2025-03-10 14:25:14,887 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:25:15,418 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.59 +2025-03-10 14:25:15,465 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:25:15,638 - INFO - CLOSED short at 2112.99 | PnL: -0.11% | $-0.41 +2025-03-10 14:25:15,661 - INFO - OPENED SHORT at 2120.81 | Stop loss: 2131.4306357142855 | Take profit: 2088.9729714285713 +2025-03-10 14:25:16,767 - INFO - TAKE PROFIT hit for short at 2088.9729714285713 | PnL: 1.50% | $2.66 +2025-03-10 14:25:16,800 - INFO - OPENED SHORT at 2083.28 | Stop loss: 2093.712985714286 | Take profit: 2052.0059214285716 +2025-03-10 14:25:17,479 - INFO - CLOSED short at 2087.47 | PnL: -0.20% | $-0.59 +2025-03-10 14:25:17,479 - INFO - OPENED LONG at 2087.47 | Stop loss: 2077.016064285714 | Take profit: 2118.8069285714287 +2025-03-10 14:25:17,535 - INFO - CLOSED long at 2087.78 | PnL: 0.01% | $-0.16 +2025-03-10 14:25:17,536 - INFO - OPENED SHORT at 2087.78 | Stop loss: 2098.235485714286 | Take profit: 2056.4384214285715 +2025-03-10 14:25:17,840 - INFO - STOP LOSS hit for short at 2098.235485714286 | PnL: -0.50% | $-1.16 +2025-03-10 14:25:17,893 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1647857142857 | Take profit: 2070.0905214285713 +2025-03-10 14:25:18,736 - INFO - STOP LOSS hit for short at 2112.1647857142857 | PnL: -0.50% | $-1.15 +2025-03-10 14:25:18,763 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.440935714286 | Take profit: 2079.1820714285714 +2025-03-10 14:25:19,562 - INFO - STOP LOSS hit for short at 2121.440935714286 | PnL: -0.50% | $-1.13 +2025-03-10 14:25:19,589 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8225857142857 | Take profit: 2089.357121428571 +2025-03-10 14:25:19,686 - INFO - STOP LOSS hit for short at 2131.8225857142857 | PnL: -0.50% | $-1.12 +2025-03-10 14:25:19,711 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.957885714286 | Take profit: 2104.1912214285717 +2025-03-10 14:25:20,133 - INFO - CLOSED short at 2124.49 | PnL: 0.55% | $0.83 +2025-03-10 14:25:20,186 - INFO - OPENED SHORT at 2123.37 | Stop loss: 2134.0034357142854 | Take profit: 2091.4945714285714 +2025-03-10 14:25:20,487 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 16.7% in downtrends | Avg Win=$1.39, Avg Loss=$-0.70 +2025-03-10 14:25:20,488 - INFO - Episode 26: Reward=177.93, Balance=$93.66, Win Rate=23.3%, Trades=30, Episode PnL=$-5.30, Total PnL=$-168.66, Max Drawdown=7.2%, Pred Accuracy=99.7% +2025-03-10 14:25:20,488 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:25:20,829 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:25:29,106 - INFO - STOP LOSS hit for short at 2078.376685714286 | PnL: -0.50% | $-1.19 +2025-03-10 14:25:29,140 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:25:29,193 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.18 +2025-03-10 14:25:29,239 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:25:29,385 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.16 +2025-03-10 14:25:29,407 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:25:29,915 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.68 +2025-03-10 14:25:29,967 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:25:31,823 - INFO - CLOSED short at 2089.96 | PnL: 0.98% | $1.73 +2025-03-10 14:25:31,824 - INFO - OPENED LONG at 2089.96 | Stop loss: 2079.4936142857146 | Take profit: 2121.334278571429 +2025-03-10 14:25:31,870 - INFO - CLOSED long at 2087.0 | PnL: -0.14% | $-0.48 +2025-03-10 14:25:31,871 - INFO - OPENED SHORT at 2087.0 | Stop loss: 2097.4515857142856 | Take profit: 2055.6701214285713 +2025-03-10 14:25:32,117 - INFO - STOP LOSS hit for short at 2097.4515857142856 | PnL: -0.50% | $-1.20 +2025-03-10 14:25:32,157 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.5065357142853 | Take profit: 2068.465271428571 +2025-03-10 14:25:32,703 - INFO - CLOSED short at 2103.52 | PnL: -0.17% | $-0.53 +2025-03-10 14:25:32,703 - INFO - OPENED LONG at 2103.52 | Stop loss: 2092.9858142857142 | Take profit: 2135.0976785714283 +2025-03-10 14:25:32,730 - INFO - CLOSED long at 2104.4 | PnL: 0.04% | $-0.11 +2025-03-10 14:25:32,731 - INFO - OPENED SHORT at 2104.4 | Stop loss: 2114.9385857142856 | Take profit: 2072.8091214285714 +2025-03-10 14:25:32,802 - INFO - CLOSED short at 2100.0 | PnL: 0.21% | $0.21 +2025-03-10 14:25:32,803 - INFO - OPENED LONG at 2100.0 | Stop loss: 2089.4834142857144 | Take profit: 2131.5248785714284 +2025-03-10 14:25:32,828 - INFO - CLOSED long at 2102.7 | PnL: 0.13% | $0.06 +2025-03-10 14:25:32,830 - INFO - OPENED SHORT at 2102.7 | Stop loss: 2113.2300857142855 | Take profit: 2071.1346214285713 +2025-03-10 14:25:32,993 - INFO - CLOSED short at 2108.0 | PnL: -0.25% | $-0.69 +2025-03-10 14:25:32,994 - INFO - OPENED LONG at 2108.0 | Stop loss: 2097.4434142857144 | Take profit: 2139.6448785714288 +2025-03-10 14:25:33,044 - INFO - CLOSED long at 2112.28 | PnL: 0.20% | $0.20 +2025-03-10 14:25:33,045 - INFO - OPENED SHORT at 2112.28 | Stop loss: 2122.857985714286 | Take profit: 2080.5709214285716 +2025-03-10 14:25:33,942 - INFO - STOP LOSS hit for short at 2122.857985714286 | PnL: -0.50% | $-1.17 +2025-03-10 14:25:33,966 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:25:34,427 - INFO - CLOSED short at 2123.37 | PnL: 0.21% | $0.21 +2025-03-10 14:25:34,450 - INFO - OPENED SHORT at 2121.73 | Stop loss: 2132.3552357142858 | Take profit: 2089.8791714285717 +2025-03-10 14:25:34,720 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 30.0% in downtrends | Avg Win=$0.85, Avg Loss=$-0.86 +2025-03-10 14:25:34,721 - INFO - Episode 27: Reward=186.98, Balance=$97.37, Win Rate=40.0%, Trades=15, Episode PnL=$-2.29, Total PnL=$-171.29, Max Drawdown=3.5%, Pred Accuracy=99.6% +2025-03-10 14:25:34,722 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:25:34,924 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:25:36,496 - INFO - CLOSED short at 2070.3 | PnL: -0.11% | $-0.42 +2025-03-10 14:25:36,496 - INFO - OPENED LONG at 2070.3 | Stop loss: 2059.9319142857144 | Take profit: 2101.379378571429 +2025-03-10 14:25:36,534 - INFO - CLOSED long at 2071.59 | PnL: 0.06% | $-0.07 +2025-03-10 14:25:36,534 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.964535714286 | Take profit: 2040.4912714285717 +2025-03-10 14:25:37,811 - INFO - CLOSED short at 2058.89 | PnL: 0.61% | $1.01 +2025-03-10 14:25:37,811 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.5789642857144 | Take profit: 2089.7982285714284 +2025-03-10 14:25:37,841 - INFO - CLOSED long at 2059.3 | PnL: 0.02% | $-0.16 +2025-03-10 14:25:37,842 - INFO - OPENED SHORT at 2059.3 | Stop loss: 2069.6130857142857 | Take profit: 2028.3856214285715 +2025-03-10 14:25:38,178 - INFO - CLOSED short at 2064.1 | PnL: -0.23% | $-0.66 +2025-03-10 14:25:38,208 - INFO - OPENED SHORT at 2065.36 | Stop loss: 2075.703385714286 | Take profit: 2034.3547214285716 +2025-03-10 14:25:39,006 - INFO - CLOSED short at 2061.5 | PnL: 0.19% | $0.17 +2025-03-10 14:25:39,029 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.9245857142855 | Take profit: 2030.6511214285713 +2025-03-10 14:25:39,432 - INFO - STOP LOSS hit for short at 2071.9245857142855 | PnL: -0.50% | $-1.19 +2025-03-10 14:25:39,453 - INFO - OPENED SHORT at 2074.3 | Stop loss: 2084.688085714286 | Take profit: 2043.1606214285716 +2025-03-10 14:25:40,926 - INFO - CLOSED short at 2074.37 | PnL: -0.00% | $-0.20 +2025-03-10 14:25:40,926 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.9815642857143 | Take profit: 2105.5104285714287 +2025-03-10 14:25:40,950 - INFO - CLOSED long at 2075.07 | PnL: 0.03% | $-0.13 +2025-03-10 14:25:40,950 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.461935714286 | Take profit: 2043.9190714285717 +2025-03-10 14:25:41,229 - INFO - CLOSED short at 2069.97 | PnL: 0.25% | $0.28 +2025-03-10 14:25:41,230 - INFO - OPENED LONG at 2069.97 | Stop loss: 2059.603564285714 | Take profit: 2101.0444285714284 +2025-03-10 14:25:41,284 - INFO - CLOSED long at 2067.7 | PnL: -0.11% | $-0.41 +2025-03-10 14:25:41,284 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.0550857142853 | Take profit: 2036.6596214285712 +2025-03-10 14:25:41,811 - INFO - CLOSED short at 2066.1 | PnL: 0.08% | $-0.04 +2025-03-10 14:25:41,835 - INFO - OPENED SHORT at 2065.06 | Stop loss: 2075.401885714286 | Take profit: 2034.0592214285714 +2025-03-10 14:25:43,380 - INFO - STOP LOSS hit for short at 2075.401885714286 | PnL: -0.50% | $-1.17 +2025-03-10 14:25:43,408 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2088.014635714286 | Take profit: 2046.4209714285716 +2025-03-10 14:25:43,463 - INFO - STOP LOSS hit for short at 2088.014635714286 | PnL: -0.50% | $-1.16 +2025-03-10 14:25:43,486 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.5516857142857 | Take profit: 2071.4498214285713 +2025-03-10 14:25:43,534 - INFO - STOP LOSS hit for short at 2113.5516857142857 | PnL: -0.50% | $-1.14 +2025-03-10 14:25:43,590 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2542857142857 | Take profit: 2107.4220214285715 +2025-03-10 14:25:44,713 - INFO - TAKE PROFIT hit for short at 2107.4220214285715 | PnL: 1.50% | $2.63 +2025-03-10 14:25:44,756 - INFO - OPENED SHORT at 2108.06 | Stop loss: 2118.6168857142857 | Take profit: 2076.414221428571 +2025-03-10 14:25:45,266 - INFO - CLOSED short at 2100.02 | PnL: 0.38% | $0.54 +2025-03-10 14:25:45,310 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.8985357142856 | Take profit: 2066.889271428571 +2025-03-10 14:25:47,517 - INFO - STOP LOSS hit for short at 2108.8985357142856 | PnL: -0.50% | $-1.17 +2025-03-10 14:25:47,545 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.440935714286 | Take profit: 2079.1820714285714 +2025-03-10 14:25:48,396 - INFO - STOP LOSS hit for short at 2121.440935714286 | PnL: -0.50% | $-1.15 +2025-03-10 14:25:48,425 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8225857142857 | Take profit: 2089.357121428571 +2025-03-10 14:25:48,531 - INFO - STOP LOSS hit for short at 2131.8225857142857 | PnL: -0.50% | $-1.14 +2025-03-10 14:25:48,581 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.957885714286 | Take profit: 2104.1912214285717 +2025-03-10 14:25:49,006 - INFO - CLOSED short at 2123.37 | PnL: 0.60% | $0.94 +2025-03-10 14:25:49,006 - INFO - OPENED LONG at 2123.37 | Stop loss: 2112.7365642857144 | Take profit: 2155.2454285714284 +2025-03-10 14:25:49,055 - INFO - CLOSED long at 2121.73 | PnL: -0.08% | $-0.34 +2025-03-10 14:25:49,055 - INFO - OPENED SHORT at 2121.73 | Stop loss: 2132.3552357142858 | Take profit: 2089.8791714285717 +2025-03-10 14:25:49,323 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 30.8% in downtrends | Avg Win=$0.93, Avg Loss=$-0.66 +2025-03-10 14:25:49,324 - INFO - Episode 28: Reward=181.37, Balance=$95.03, Win Rate=27.3%, Trades=22, Episode PnL=$-3.86, Total PnL=$-176.25, Max Drawdown=5.6%, Pred Accuracy=99.5% +2025-03-10 14:25:49,326 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:25:49,667 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:25:52,446 - INFO - CLOSED short at 2064.5 | PnL: 0.17% | $0.14 +2025-03-10 14:25:52,446 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.160914285714 | Take profit: 2095.4923785714286 +2025-03-10 14:25:52,491 - INFO - CLOSED long at 2063.5 | PnL: -0.05% | $-0.29 +2025-03-10 14:25:52,492 - INFO - OPENED SHORT at 2063.5 | Stop loss: 2073.8340857142857 | Take profit: 2032.5226214285715 +2025-03-10 14:25:52,604 - INFO - CLOSED short at 2059.3 | PnL: 0.20% | $0.21 +2025-03-10 14:25:52,605 - INFO - OPENED LONG at 2059.3 | Stop loss: 2048.9869142857146 | Take profit: 2090.214378571429 +2025-03-10 14:25:52,629 - INFO - CLOSED long at 2060.31 | PnL: 0.05% | $-0.10 +2025-03-10 14:25:52,629 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.6281357142857 | Take profit: 2029.3804714285714 +2025-03-10 14:25:54,237 - INFO - STOP LOSS hit for short at 2070.6281357142857 | PnL: -0.50% | $-1.19 +2025-03-10 14:25:54,266 - INFO - OPENED SHORT at 2074.3 | Stop loss: 2084.688085714286 | Take profit: 2043.1606214285716 +2025-03-10 14:25:54,952 - INFO - CLOSED short at 2065.66 | PnL: 0.42% | $0.62 +2025-03-10 14:25:54,953 - INFO - OPENED LONG at 2065.66 | Stop loss: 2055.315114285714 | Take profit: 2096.6697785714287 +2025-03-10 14:25:54,975 - INFO - CLOSED long at 2063.95 | PnL: -0.08% | $-0.36 +2025-03-10 14:25:54,975 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.2863357142855 | Take profit: 2032.9658714285713 +2025-03-10 14:25:55,850 - INFO - STOP LOSS hit for short at 2074.2863357142855 | PnL: -0.50% | $-1.18 +2025-03-10 14:25:55,896 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.461935714286 | Take profit: 2043.9190714285717 +2025-03-10 14:25:56,668 - INFO - CLOSED short at 2065.7 | PnL: 0.45% | $0.68 +2025-03-10 14:25:56,694 - INFO - OPENED SHORT at 2065.8 | Stop loss: 2076.145585714286 | Take profit: 2034.7881214285715 +2025-03-10 14:25:57,021 - INFO - CLOSED short at 2064.5 | PnL: 0.06% | $-0.07 +2025-03-10 14:25:57,022 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.160914285714 | Take profit: 2095.4923785714286 +2025-03-10 14:25:57,052 - INFO - CLOSED long at 2066.33 | PnL: 0.09% | $-0.02 +2025-03-10 14:25:57,053 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6782357142856 | Take profit: 2035.3101714285713 +2025-03-10 14:25:58,484 - INFO - STOP LOSS hit for short at 2076.6782357142856 | PnL: -0.50% | $-1.17 +2025-03-10 14:25:58,525 - INFO - OPENED SHORT at 2085.56 | Stop loss: 2096.0043857142855 | Take profit: 2054.2517214285713 +2025-03-10 14:25:58,578 - INFO - STOP LOSS hit for short at 2096.0043857142855 | PnL: -0.50% | $-1.16 +2025-03-10 14:25:58,603 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:25:58,740 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.15 +2025-03-10 14:25:58,784 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:25:59,422 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.64 +2025-03-10 14:25:59,470 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:26:00,085 - INFO - CLOSED short at 2102.29 | PnL: 0.39% | $0.57 +2025-03-10 14:26:00,157 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.7628357142858 | Take profit: 2067.736371428571 +2025-03-10 14:26:02,072 - INFO - CLOSED short at 2103.48 | PnL: -0.20% | $-0.59 +2025-03-10 14:26:02,072 - INFO - OPENED LONG at 2103.48 | Stop loss: 2092.946014285714 | Take profit: 2135.0570785714285 +2025-03-10 14:26:02,140 - INFO - CLOSED long at 2104.93 | PnL: 0.07% | $-0.06 +2025-03-10 14:26:02,140 - INFO - OPENED SHORT at 2104.93 | Stop loss: 2115.4712357142857 | Take profit: 2073.331171428571 +2025-03-10 14:26:02,440 - INFO - CLOSED short at 2105.21 | PnL: -0.01% | $-0.22 +2025-03-10 14:26:02,464 - INFO - OPENED SHORT at 2103.9 | Stop loss: 2114.4360857142856 | Take profit: 2072.3166214285716 +2025-03-10 14:26:02,865 - INFO - STOP LOSS hit for short at 2114.4360857142856 | PnL: -0.50% | $-1.16 +2025-03-10 14:26:02,890 - INFO - OPENED SHORT at 2113.61 | Stop loss: 2124.194635714286 | Take profit: 2081.8809714285717 +2025-03-10 14:26:03,526 - INFO - STOP LOSS hit for short at 2124.194635714286 | PnL: -0.50% | $-1.15 +2025-03-10 14:26:03,548 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:26:04,295 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 30.8% in downtrends | Avg Win=$0.81, Avg Loss=$-0.66 +2025-03-10 14:26:04,296 - INFO - Episode 29: Reward=88.61, Balance=$94.98, Win Rate=28.6%, Trades=21, Episode PnL=$-4.18, Total PnL=$-181.27, Max Drawdown=5.1%, Pred Accuracy=99.4% +2025-03-10 14:26:04,297 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:26:05,387 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:26:05,745 - INFO - CLOSED short at 2065.99 | PnL: 0.10% | $-0.00 +2025-03-10 14:26:05,775 - INFO - OPENED SHORT at 2066.19 | Stop loss: 2076.5375357142857 | Take profit: 2035.1722714285715 +2025-03-10 14:26:05,850 - INFO - CLOSED short at 2066.18 | PnL: 0.00% | $-0.20 +2025-03-10 14:26:05,851 - INFO - OPENED LONG at 2066.18 | Stop loss: 2055.8325142857143 | Take profit: 2097.1975785714285 +2025-03-10 14:26:05,878 - INFO - CLOSED long at 2068.76 | PnL: 0.12% | $0.05 +2025-03-10 14:26:05,878 - INFO - OPENED SHORT at 2068.76 | Stop loss: 2079.120385714286 | Take profit: 2037.7037214285717 +2025-03-10 14:26:07,328 - INFO - CLOSED short at 2065.28 | PnL: 0.17% | $0.14 +2025-03-10 14:26:07,328 - INFO - OPENED LONG at 2065.28 | Stop loss: 2054.937014285714 | Take profit: 2096.284078571429 +2025-03-10 14:26:07,353 - INFO - CLOSED long at 2066.39 | PnL: 0.05% | $-0.09 +2025-03-10 14:26:07,353 - INFO - OPENED SHORT at 2066.39 | Stop loss: 2076.7385357142853 | Take profit: 2035.3692714285712 +2025-03-10 14:26:10,183 - INFO - STOP LOSS hit for short at 2076.7385357142853 | PnL: -0.50% | $-1.19 +2025-03-10 14:26:10,208 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.401635714286 | Take profit: 2043.8599714285717 +2025-03-10 14:26:10,719 - INFO - CLOSED short at 2065.66 | PnL: 0.45% | $0.69 +2025-03-10 14:26:10,720 - INFO - OPENED LONG at 2065.66 | Stop loss: 2055.315114285714 | Take profit: 2096.6697785714287 +2025-03-10 14:26:10,778 - INFO - CLOSED long at 2063.95 | PnL: -0.08% | $-0.36 +2025-03-10 14:26:10,778 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.2863357142855 | Take profit: 2032.9658714285713 +2025-03-10 14:26:11,701 - INFO - CLOSED short at 2074.37 | PnL: -0.50% | $-1.19 +2025-03-10 14:26:11,702 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.9815642857143 | Take profit: 2105.5104285714287 +2025-03-10 14:26:11,734 - INFO - CLOSED long at 2075.07 | PnL: 0.03% | $-0.13 +2025-03-10 14:26:11,734 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.461935714286 | Take profit: 2043.9190714285717 +2025-03-10 14:26:11,781 - INFO - CLOSED short at 2073.27 | PnL: 0.09% | $-0.03 +2025-03-10 14:26:11,810 - INFO - OPENED SHORT at 2073.99 | Stop loss: 2084.376535714285 | Take profit: 2042.8552714285713 +2025-03-10 14:26:12,650 - INFO - CLOSED short at 2064.11 | PnL: 0.48% | $0.73 +2025-03-10 14:26:12,650 - INFO - OPENED LONG at 2064.11 | Stop loss: 2053.7728642857146 | Take profit: 2095.0965285714287 +2025-03-10 14:26:12,675 - INFO - CLOSED long at 2064.5 | PnL: 0.02% | $-0.16 +2025-03-10 14:26:12,676 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8390857142854 | Take profit: 2033.5076214285714 +2025-03-10 14:26:13,890 - INFO - CLOSED short at 2071.8 | PnL: -0.35% | $-0.88 +2025-03-10 14:26:13,951 - INFO - OPENED SHORT at 2074.9 | Stop loss: 2085.291085714286 | Take profit: 2043.7516214285715 +2025-03-10 14:26:14,026 - INFO - CLOSED short at 2076.08 | PnL: -0.06% | $-0.30 +2025-03-10 14:26:14,090 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2088.014635714286 | Take profit: 2046.4209714285716 +2025-03-10 14:26:14,151 - INFO - STOP LOSS hit for short at 2088.014635714286 | PnL: -0.50% | $-1.16 +2025-03-10 14:26:14,181 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.5516857142857 | Take profit: 2071.4498214285713 +2025-03-10 14:26:14,218 - INFO - STOP LOSS hit for short at 2113.5516857142857 | PnL: -0.50% | $-1.14 +2025-03-10 14:26:14,252 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2542857142857 | Take profit: 2107.4220214285715 +2025-03-10 14:26:14,938 - INFO - CLOSED short at 2119.14 | PnL: 0.95% | $1.61 +2025-03-10 14:26:14,963 - INFO - OPENED SHORT at 2119.07 | Stop loss: 2129.681935714286 | Take profit: 2087.2590714285716 +2025-03-10 14:26:16,403 - INFO - TAKE PROFIT hit for short at 2087.2590714285716 | PnL: 1.50% | $2.68 +2025-03-10 14:26:16,443 - INFO - OPENED SHORT at 2088.44 | Stop loss: 2098.8987857142856 | Take profit: 2057.0885214285718 +2025-03-10 14:26:17,336 - INFO - STOP LOSS hit for short at 2098.8987857142856 | PnL: -0.50% | $-1.18 +2025-03-10 14:26:17,367 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1647857142857 | Take profit: 2070.0905214285713 +2025-03-10 14:26:17,872 - INFO - CLOSED short at 2103.41 | PnL: -0.08% | $-0.36 +2025-03-10 14:26:17,896 - INFO - OPENED SHORT at 2104.73 | Stop loss: 2115.2702357142857 | Take profit: 2073.1341714285713 +2025-03-10 14:26:18,421 - INFO - STOP LOSS hit for short at 2115.2702357142857 | PnL: -0.50% | $-1.16 +2025-03-10 14:26:18,446 - INFO - OPENED SHORT at 2117.39 | Stop loss: 2127.993535714286 | Take profit: 2085.6042714285713 +2025-03-10 14:26:18,659 - INFO - CLOSED short at 2118.19 | PnL: -0.04% | $-0.26 +2025-03-10 14:26:18,692 - INFO - OPENED SHORT at 2118.2 | Stop loss: 2128.8075857142853 | Take profit: 2086.4021214285713 +2025-03-10 14:26:18,874 - INFO - STOP LOSS hit for short at 2128.8075857142853 | PnL: -0.50% | $-1.15 +2025-03-10 14:26:18,898 - INFO - OPENED SHORT at 2135.86 | Stop loss: 2146.5558857142855 | Take profit: 2103.7972214285714 +2025-03-10 14:26:19,219 - INFO - CLOSED short at 2126.43 | PnL: 0.44% | $0.64 +2025-03-10 14:26:19,242 - INFO - OPENED SHORT at 2124.49 | Stop loss: 2135.1290357142852 | Take profit: 2092.597771428571 +2025-03-10 14:26:19,485 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 33.3% in downtrends | Avg Win=$0.93, Avg Loss=$-0.61 +2025-03-10 14:26:19,486 - INFO - Episode 30: Reward=83.72, Balance=$95.59, Win Rate=28.0%, Trades=25, Episode PnL=$-3.72, Total PnL=$-185.69, Max Drawdown=5.2%, Pred Accuracy=99.4% +2025-03-10 14:26:19,611 - INFO - Model saved to checkpoints/trading_agent_episode_30.pt +2025-03-10 14:26:19,612 - INFO - Checkpoint saved at episode 30 +2025-03-10 14:26:19,613 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:26:19,685 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 14:26:19,685 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2514, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 14:26:20,921 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 14:26:20,922 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2514, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 14:26:21,250 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:26:21,616 - INFO - CLOSED short at 2066.29 | PnL: 0.08% | $-0.03 +2025-03-10 14:26:21,656 - INFO - OPENED SHORT at 2065.08 | Stop loss: 2075.4219857142857 | Take profit: 2034.0789214285714 +2025-03-10 14:26:21,703 - INFO - CLOSED short at 2066.18 | PnL: -0.05% | $-0.30 +2025-03-10 14:26:21,731 - INFO - OPENED SHORT at 2068.76 | Stop loss: 2079.120385714286 | Take profit: 2037.7037214285717 +2025-03-10 14:26:22,696 - INFO - CLOSED short at 2069.2 | PnL: -0.02% | $-0.24 +2025-03-10 14:26:22,696 - INFO - OPENED LONG at 2069.2 | Stop loss: 2058.837414285714 | Take profit: 2100.2628785714282 +2025-03-10 14:26:22,731 - INFO - CLOSED long at 2070.3 | PnL: 0.05% | $-0.09 +2025-03-10 14:26:22,732 - INFO - OPENED SHORT at 2070.3 | Stop loss: 2080.6680857142856 | Take profit: 2039.2206214285716 +2025-03-10 14:26:26,497 - INFO - CLOSED short at 2070.35 | PnL: -0.00% | $-0.20 +2025-03-10 14:26:26,520 - INFO - OPENED SHORT at 2070.61 | Stop loss: 2080.979635714286 | Take profit: 2039.5259714285714 +2025-03-10 14:26:27,166 - INFO - CLOSED short at 2066.89 | PnL: 0.18% | $0.16 +2025-03-10 14:26:27,166 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.5389642857144 | Take profit: 2097.9182285714287 +2025-03-10 14:26:27,210 - INFO - CLOSED long at 2067.88 | PnL: 0.05% | $-0.10 +2025-03-10 14:26:27,211 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.235985714286 | Take profit: 2036.8369214285715 +2025-03-10 14:26:28,529 - INFO - CLOSED short at 2061.84 | PnL: 0.29% | $0.38 +2025-03-10 14:26:28,556 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.8692857142855 | Take profit: 2031.5770214285715 +2025-03-10 14:26:28,727 - INFO - STOP LOSS hit for short at 2072.8692857142855 | PnL: -0.50% | $-1.19 +2025-03-10 14:26:28,764 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4368357142857 | Take profit: 2042.9143714285715 +2025-03-10 14:26:28,972 - INFO - STOP LOSS hit for short at 2084.4368357142857 | PnL: -0.50% | $-1.17 +2025-03-10 14:26:28,998 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:26:29,023 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.16 +2025-03-10 14:26:29,054 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:26:29,224 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.15 +2025-03-10 14:26:29,269 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:26:29,628 - INFO - CLOSED short at 2119.07 | PnL: 1.04% | $1.77 +2025-03-10 14:26:29,628 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.4580642857145 | Take profit: 2150.8809285714287 +2025-03-10 14:26:29,701 - INFO - CLOSED long at 2107.43 | PnL: -0.55% | $-1.25 +2025-03-10 14:26:29,701 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9837357142856 | Take profit: 2075.793671428571 +2025-03-10 14:26:29,893 - INFO - STOP LOSS hit for short at 2117.9837357142856 | PnL: -0.50% | $-1.14 +2025-03-10 14:26:29,937 - INFO - OPENED SHORT at 2116.48 | Stop loss: 2127.078985714286 | Take profit: 2084.7079214285714 +2025-03-10 14:26:30,341 - INFO - CLOSED short at 2099.25 | PnL: 0.81% | $1.34 +2025-03-10 14:26:30,342 - INFO - OPENED LONG at 2099.25 | Stop loss: 2088.7371642857142 | Take profit: 2130.7636285714284 +2025-03-10 14:26:30,394 - INFO - CLOSED long at 2098.9 | PnL: -0.02% | $-0.22 +2025-03-10 14:26:30,394 - INFO - OPENED SHORT at 2098.9 | Stop loss: 2109.4110857142855 | Take profit: 2067.3916214285714 +2025-03-10 14:26:32,242 - INFO - CLOSED short at 2105.83 | PnL: -0.33% | $-0.81 +2025-03-10 14:26:32,243 - INFO - OPENED LONG at 2105.83 | Stop loss: 2095.284264285714 | Take profit: 2137.4423285714283 +2025-03-10 14:26:32,270 - INFO - CLOSED long at 2103.64 | PnL: -0.10% | $-0.38 +2025-03-10 14:26:32,270 - INFO - OPENED SHORT at 2103.64 | Stop loss: 2114.1747857142855 | Take profit: 2072.0605214285715 +2025-03-10 14:26:32,899 - INFO - STOP LOSS hit for short at 2114.1747857142855 | PnL: -0.50% | $-1.12 +2025-03-10 14:26:32,921 - INFO - OPENED SHORT at 2113.61 | Stop loss: 2124.194635714286 | Take profit: 2081.8809714285717 +2025-03-10 14:26:33,256 - INFO - CLOSED short at 2115.89 | PnL: -0.11% | $-0.38 +2025-03-10 14:26:33,293 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.4106357142855 | Take profit: 2085.0329714285713 +2025-03-10 14:26:33,612 - INFO - STOP LOSS hit for short at 2127.4106357142855 | PnL: -0.50% | $-1.11 +2025-03-10 14:26:33,656 - INFO - OPENED SHORT at 2129.3 | Stop loss: 2139.9630857142856 | Take profit: 2097.335621428572 +2025-03-10 14:26:34,107 - INFO - CLOSED short at 2121.73 | PnL: 0.36% | $0.46 +2025-03-10 14:26:34,133 - INFO - OPENED SHORT at 2120.0 | Stop loss: 2130.6165857142855 | Take profit: 2088.1751214285714 +2025-03-10 14:26:34,325 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 25.0% in downtrends | Avg Win=$0.82, Avg Loss=$-0.67 +2025-03-10 14:26:34,326 - INFO - Episode 31: Reward=177.69, Balance=$92.05, Win Rate=21.7%, Trades=23, Episode PnL=$-5.90, Total PnL=$-193.63, Max Drawdown=8.4%, Pred Accuracy=99.5% +2025-03-10 14:26:34,326 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:26:34,657 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:26:34,700 - INFO - CLOSED short at 2070.36 | PnL: -0.11% | $-0.42 +2025-03-10 14:26:34,701 - INFO - OPENED LONG at 2070.36 | Stop loss: 2059.991614285714 | Take profit: 2101.4402785714287 +2025-03-10 14:26:34,724 - INFO - CLOSED long at 2068.9 | PnL: -0.07% | $-0.34 +2025-03-10 14:26:34,725 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.261085714286 | Take profit: 2037.8416214285717 +2025-03-10 14:26:41,589 - INFO - CLOSED short at 2063.01 | PnL: 0.28% | $0.36 +2025-03-10 14:26:41,623 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0200857142854 | Take profit: 2029.7646214285712 +2025-03-10 14:26:42,232 - INFO - CLOSED short at 2064.08 | PnL: -0.16% | $-0.52 +2025-03-10 14:26:42,254 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.532635714286 | Take profit: 2030.2669714285714 +2025-03-10 14:26:42,554 - INFO - STOP LOSS hit for short at 2071.532635714286 | PnL: -0.50% | $-1.18 +2025-03-10 14:26:42,577 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4368357142857 | Take profit: 2042.9143714285715 +2025-03-10 14:26:42,769 - INFO - STOP LOSS hit for short at 2084.4368357142857 | PnL: -0.50% | $-1.17 +2025-03-10 14:26:42,808 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:26:42,850 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.15 +2025-03-10 14:26:42,887 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:26:43,003 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.14 +2025-03-10 14:26:43,027 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:26:43,457 - INFO - CLOSED short at 2115.28 | PnL: 1.22% | $2.09 +2025-03-10 14:26:43,458 - INFO - OPENED LONG at 2115.28 | Stop loss: 2104.6870142857147 | Take profit: 2147.034078571429 +2025-03-10 14:26:43,489 - INFO - CLOSED long at 2107.43 | PnL: -0.37% | $-0.90 +2025-03-10 14:26:43,490 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.9837357142856 | Take profit: 2075.793671428571 +2025-03-10 14:26:43,762 - INFO - STOP LOSS hit for short at 2117.9837357142856 | PnL: -0.50% | $-1.14 +2025-03-10 14:26:43,790 - INFO - OPENED SHORT at 2116.48 | Stop loss: 2127.078985714286 | Take profit: 2084.7079214285714 +2025-03-10 14:26:44,842 - INFO - TAKE PROFIT hit for short at 2084.7079214285714 | PnL: 1.50% | $2.63 +2025-03-10 14:26:44,879 - INFO - OPENED SHORT at 2088.44 | Stop loss: 2098.8987857142856 | Take profit: 2057.0885214285718 +2025-03-10 14:26:45,765 - INFO - STOP LOSS hit for short at 2098.8987857142856 | PnL: -0.50% | $-1.16 +2025-03-10 14:26:45,788 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1647857142857 | Take profit: 2070.0905214285713 +2025-03-10 14:26:46,573 - INFO - STOP LOSS hit for short at 2112.1647857142857 | PnL: -0.50% | $-1.14 +2025-03-10 14:26:46,596 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.440935714286 | Take profit: 2079.1820714285714 +2025-03-10 14:26:46,890 - INFO - CLOSED short at 2112.11 | PnL: -0.06% | $-0.30 +2025-03-10 14:26:46,918 - INFO - OPENED SHORT at 2112.26 | Stop loss: 2122.837885714286 | Take profit: 2080.551221428572 +2025-03-10 14:26:47,460 - INFO - STOP LOSS hit for short at 2122.837885714286 | PnL: -0.50% | $-1.13 +2025-03-10 14:26:47,489 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:26:48,220 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 18.2% in downtrends | Avg Win=$1.69, Avg Loss=$-0.90 +2025-03-10 14:26:48,221 - INFO - Episode 32: Reward=183.58, Balance=$93.39, Win Rate=18.8%, Trades=16, Episode PnL=$-5.37, Total PnL=$-200.24, Max Drawdown=6.6%, Pred Accuracy=99.6% +2025-03-10 14:26:48,221 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:26:48,523 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:26:48,724 - INFO - CLOSED short at 2067.51 | PnL: 0.02% | $-0.15 +2025-03-10 14:26:48,758 - INFO - OPENED SHORT at 2069.01 | Stop loss: 2079.3716357142857 | Take profit: 2037.9499714285716 +2025-03-10 14:26:48,957 - INFO - CLOSED short at 2068.76 | PnL: 0.01% | $-0.17 +2025-03-10 14:26:48,982 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.261085714286 | Take profit: 2037.8416214285717 +2025-03-10 14:26:49,951 - INFO - CLOSED short at 2067.59 | PnL: 0.06% | $-0.07 +2025-03-10 14:26:49,993 - INFO - OPENED SHORT at 2069.2 | Stop loss: 2079.5625857142854 | Take profit: 2038.1371214285714 +2025-03-10 14:26:50,530 - INFO - CLOSED short at 2070.04 | PnL: -0.04% | $-0.28 +2025-03-10 14:26:50,561 - INFO - OPENED SHORT at 2067.8 | Stop loss: 2078.1555857142857 | Take profit: 2036.7581214285715 +2025-03-10 14:26:51,489 - INFO - CLOSED short at 2059.3 | PnL: 0.41% | $0.61 +2025-03-10 14:26:51,490 - INFO - OPENED LONG at 2059.3 | Stop loss: 2048.9869142857146 | Take profit: 2090.214378571429 +2025-03-10 14:26:51,551 - INFO - CLOSED long at 2060.31 | PnL: 0.05% | $-0.10 +2025-03-10 14:26:51,552 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.6281357142857 | Take profit: 2029.3804714285714 +2025-03-10 14:26:51,843 - INFO - CLOSED short at 2061.9 | PnL: -0.08% | $-0.35 +2025-03-10 14:26:51,872 - INFO - OPENED SHORT at 2064.1 | Stop loss: 2074.4370857142853 | Take profit: 2033.1136214285714 +2025-03-10 14:26:53,145 - INFO - STOP LOSS hit for short at 2074.4370857142853 | PnL: -0.50% | $-1.19 +2025-03-10 14:26:53,170 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.401635714286 | Take profit: 2043.8599714285717 +2025-03-10 14:26:53,533 - INFO - CLOSED short at 2069.87 | PnL: 0.25% | $0.29 +2025-03-10 14:26:53,560 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.6832357142857 | Take profit: 2036.2951714285712 +2025-03-10 14:26:53,898 - INFO - CLOSED short at 2065.31 | PnL: 0.10% | $-0.00 +2025-03-10 14:26:53,921 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.1505857142856 | Take profit: 2035.7731214285716 +2025-03-10 14:26:56,899 - INFO - STOP LOSS hit for short at 2077.1505857142856 | PnL: -0.50% | $-1.18 +2025-03-10 14:26:56,920 - INFO - OPENED SHORT at 2085.56 | Stop loss: 2096.0043857142855 | Take profit: 2054.2517214285713 +2025-03-10 14:26:56,964 - INFO - STOP LOSS hit for short at 2096.0043857142855 | PnL: -0.50% | $-1.16 +2025-03-10 14:26:56,989 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:26:57,116 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.15 +2025-03-10 14:26:57,163 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:26:57,639 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.64 +2025-03-10 14:26:57,687 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:26:59,810 - INFO - CLOSED short at 2100.89 | PnL: 0.46% | $0.70 +2025-03-10 14:26:59,835 - INFO - OPENED SHORT at 2099.73 | Stop loss: 2110.2452357142856 | Take profit: 2068.2091714285716 +2025-03-10 14:27:00,518 - INFO - STOP LOSS hit for short at 2110.2452357142856 | PnL: -0.50% | $-1.17 +2025-03-10 14:27:00,540 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.440935714286 | Take profit: 2079.1820714285714 +2025-03-10 14:27:01,348 - INFO - STOP LOSS hit for short at 2121.440935714286 | PnL: -0.50% | $-1.16 +2025-03-10 14:27:01,379 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8225857142857 | Take profit: 2089.357121428571 +2025-03-10 14:27:01,531 - INFO - STOP LOSS hit for short at 2131.8225857142857 | PnL: -0.50% | $-1.15 +2025-03-10 14:27:01,578 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.957885714286 | Take profit: 2104.1912214285717 +2025-03-10 14:27:02,281 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 22.2% in downtrends | Avg Win=$1.06, Avg Loss=$-0.66 +2025-03-10 14:27:02,282 - INFO - Episode 33: Reward=183.11, Balance=$94.96, Win Rate=22.2%, Trades=18, Episode PnL=$-4.93, Total PnL=$-205.28, Max Drawdown=5.0%, Pred Accuracy=99.7% +2025-03-10 14:27:02,282 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:27:02,602 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:27:03,118 - INFO - CLOSED short at 2068.51 | PnL: -0.02% | $-0.25 +2025-03-10 14:27:03,145 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.949535714286 | Take profit: 2037.5362714285716 +2025-03-10 14:27:04,037 - INFO - CLOSED short at 2069.2 | PnL: -0.03% | $-0.26 +2025-03-10 14:27:04,064 - INFO - OPENED SHORT at 2070.3 | Stop loss: 2080.6680857142856 | Take profit: 2039.2206214285716 +2025-03-10 14:27:08,844 - INFO - CLOSED short at 2065.5 | PnL: 0.23% | $0.26 +2025-03-10 14:27:08,845 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.155914285714 | Take profit: 2096.5073785714285 +2025-03-10 14:27:08,865 - INFO - CLOSED long at 2065.7 | PnL: 0.01% | $-0.18 +2025-03-10 14:27:08,865 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0450857142855 | Take profit: 2034.6896214285714 +2025-03-10 14:27:09,623 - INFO - CLOSED short at 2065.1 | PnL: 0.03% | $-0.14 +2025-03-10 14:27:09,623 - INFO - OPENED LONG at 2065.1 | Stop loss: 2054.7579142857144 | Take profit: 2096.101378571428 +2025-03-10 14:27:09,643 - INFO - CLOSED long at 2062.43 | PnL: -0.13% | $-0.45 +2025-03-10 14:27:09,643 - INFO - OPENED SHORT at 2062.43 | Stop loss: 2072.7587357142856 | Take profit: 2031.4686714285713 +2025-03-10 14:27:10,152 - INFO - STOP LOSS hit for short at 2072.7587357142856 | PnL: -0.50% | $-1.18 +2025-03-10 14:27:10,224 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.608464285714 | Take profit: 2104.1097285714286 +2025-03-10 14:27:10,267 - INFO - CLOSED long at 2071.89 | PnL: -0.05% | $-0.30 +2025-03-10 14:27:10,267 - INFO - OPENED SHORT at 2071.89 | Stop loss: 2082.2660357142854 | Take profit: 2040.7867714285715 +2025-03-10 14:27:10,389 - INFO - STOP LOSS hit for short at 2082.2660357142854 | PnL: -0.50% | $-1.16 +2025-03-10 14:27:10,411 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:27:10,434 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.15 +2025-03-10 14:27:10,457 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:27:10,617 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.14 +2025-03-10 14:27:10,657 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:27:11,089 - INFO - CLOSED short at 2107.43 | PnL: 1.58% | $2.77 +2025-03-10 14:27:11,090 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.876264285714 | Take profit: 2139.0663285714286 +2025-03-10 14:27:11,114 - INFO - CLOSED long at 2110.6 | PnL: 0.15% | $0.10 +2025-03-10 14:27:11,115 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:27:11,469 - INFO - CLOSED short at 2108.06 | PnL: 0.12% | $0.04 +2025-03-10 14:27:11,502 - INFO - OPENED SHORT at 2103.33 | Stop loss: 2113.8632357142856 | Take profit: 2071.7551714285714 +2025-03-10 14:27:12,246 - INFO - CLOSED short at 2088.44 | PnL: 0.71% | $1.17 +2025-03-10 14:27:12,247 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.9812142857145 | Take profit: 2119.791478571429 +2025-03-10 14:27:12,289 - INFO - CLOSED long at 2083.97 | PnL: -0.21% | $-0.61 +2025-03-10 14:27:12,289 - INFO - OPENED SHORT at 2083.97 | Stop loss: 2094.406435714285 | Take profit: 2052.685571428571 +2025-03-10 14:27:12,415 - INFO - CLOSED short at 2081.25 | PnL: 0.13% | $0.06 +2025-03-10 14:27:12,415 - INFO - OPENED LONG at 2081.25 | Stop loss: 2070.8271642857144 | Take profit: 2112.4936285714284 +2025-03-10 14:27:12,440 - INFO - CLOSED long at 2083.41 | PnL: 0.10% | $0.01 +2025-03-10 14:27:12,440 - INFO - OPENED SHORT at 2083.41 | Stop loss: 2093.8436357142855 | Take profit: 2052.1339714285714 +2025-03-10 14:27:12,892 - INFO - CLOSED short at 2089.79 | PnL: -0.31% | $-0.79 +2025-03-10 14:27:12,933 - INFO - OPENED SHORT at 2085.67 | Stop loss: 2096.114935714286 | Take profit: 2054.3600714285717 +2025-03-10 14:27:13,132 - INFO - STOP LOSS hit for short at 2096.114935714286 | PnL: -0.50% | $-1.15 +2025-03-10 14:27:13,154 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.5065357142853 | Take profit: 2068.465271428571 +2025-03-10 14:27:13,546 - INFO - CLOSED short at 2105.83 | PnL: -0.28% | $-0.72 +2025-03-10 14:27:13,576 - INFO - OPENED SHORT at 2103.64 | Stop loss: 2114.1747857142855 | Take profit: 2072.0605214285715 +2025-03-10 14:27:13,740 - INFO - CLOSED short at 2103.9 | PnL: -0.01% | $-0.21 +2025-03-10 14:27:13,740 - INFO - OPENED LONG at 2103.9 | Stop loss: 2093.3639142857146 | Take profit: 2135.4833785714286 +2025-03-10 14:27:13,793 - INFO - CLOSED long at 2100.0 | PnL: -0.19% | $-0.54 +2025-03-10 14:27:13,794 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.5165857142856 | Take profit: 2068.475121428571 +2025-03-10 14:27:14,094 - INFO - STOP LOSS hit for short at 2110.5165857142856 | PnL: -0.50% | $-1.12 +2025-03-10 14:27:14,132 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.440935714286 | Take profit: 2079.1820714285714 +2025-03-10 14:27:14,932 - INFO - CLOSED short at 2121.77 | PnL: -0.52% | $-1.14 +2025-03-10 14:27:14,966 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8225857142857 | Take profit: 2089.357121428571 +2025-03-10 14:27:15,075 - INFO - STOP LOSS hit for short at 2131.8225857142857 | PnL: -0.50% | $-1.10 +2025-03-10 14:27:15,108 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.957885714286 | Take profit: 2104.1912214285717 +2025-03-10 14:27:15,275 - INFO - CLOSED short at 2123.23 | PnL: 0.61% | $0.92 +2025-03-10 14:27:15,275 - INFO - OPENED LONG at 2123.23 | Stop loss: 2112.597264285714 | Take profit: 2155.1033285714284 +2025-03-10 14:27:15,300 - INFO - CLOSED long at 2127.47 | PnL: 0.20% | $0.18 +2025-03-10 14:27:15,300 - INFO - OPENED SHORT at 2127.47 | Stop loss: 2138.1239357142854 | Take profit: 2095.5330714285715 +2025-03-10 14:27:15,840 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 35.7% in downtrends | Avg Win=$0.61, Avg Loss=$-0.71 +2025-03-10 14:27:15,841 - INFO - Episode 34: Reward=179.01, Balance=$91.93, Win Rate=32.1%, Trades=28, Episode PnL=$-6.28, Total PnL=$-213.35, Max Drawdown=9.2%, Pred Accuracy=99.7% +2025-03-10 14:27:15,841 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:27:16,883 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:27:18,782 - INFO - CLOSED short at 2067.86 | PnL: 0.01% | $-0.18 +2025-03-10 14:27:18,812 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.7485857142856 | Take profit: 2035.3791214285716 +2025-03-10 14:27:19,295 - INFO - CLOSED short at 2062.65 | PnL: 0.18% | $0.16 +2025-03-10 14:27:19,296 - INFO - OPENED LONG at 2062.65 | Stop loss: 2052.3201642857143 | Take profit: 2093.6146285714285 +2025-03-10 14:27:19,319 - INFO - CLOSED long at 2061.78 | PnL: -0.04% | $-0.28 +2025-03-10 14:27:19,320 - INFO - OPENED SHORT at 2061.78 | Stop loss: 2072.1054857142863 | Take profit: 2030.8284214285716 +2025-03-10 14:27:20,380 - INFO - CLOSED short at 2062.6 | PnL: -0.04% | $-0.28 +2025-03-10 14:27:20,380 - INFO - OPENED LONG at 2062.6 | Stop loss: 2052.270414285714 | Take profit: 2093.563878571428 +2025-03-10 14:27:20,428 - INFO - CLOSED long at 2061.89 | PnL: -0.03% | $-0.27 +2025-03-10 14:27:20,429 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.2160357142857 | Take profit: 2030.9367714285713 +2025-03-10 14:27:20,893 - INFO - CLOSED short at 2055.6 | PnL: 0.31% | $0.40 +2025-03-10 14:27:20,894 - INFO - OPENED LONG at 2055.6 | Stop loss: 2045.3054142857143 | Take profit: 2086.4588785714286 +2025-03-10 14:27:20,918 - INFO - CLOSED long at 2054.89 | PnL: -0.03% | $-0.27 +2025-03-10 14:27:20,918 - INFO - OPENED SHORT at 2054.89 | Stop loss: 2065.181035714286 | Take profit: 2024.0417714285713 +2025-03-10 14:27:21,193 - INFO - CLOSED short at 2063.4 | PnL: -0.41% | $-1.01 +2025-03-10 14:27:21,234 - INFO - OPENED SHORT at 2066.36 | Stop loss: 2076.7083857142857 | Take profit: 2035.3397214285715 +2025-03-10 14:27:21,586 - INFO - STOP LOSS hit for short at 2076.7083857142857 | PnL: -0.50% | $-1.17 +2025-03-10 14:27:21,630 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.401635714286 | Take profit: 2043.8599714285717 +2025-03-10 14:27:22,154 - INFO - CLOSED short at 2065.66 | PnL: 0.45% | $0.68 +2025-03-10 14:27:22,177 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.2863357142855 | Take profit: 2032.9658714285713 +2025-03-10 14:27:22,480 - INFO - CLOSED short at 2066.8 | PnL: -0.14% | $-0.46 +2025-03-10 14:27:22,481 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.4494142857143 | Take profit: 2097.826878571429 +2025-03-10 14:27:22,511 - INFO - CLOSED long at 2066.5 | PnL: -0.01% | $-0.22 +2025-03-10 14:27:22,512 - INFO - OPENED SHORT at 2066.5 | Stop loss: 2076.8490857142856 | Take profit: 2035.4776214285714 +2025-03-10 14:27:22,629 - INFO - CLOSED short at 2070.9 | PnL: -0.21% | $-0.60 +2025-03-10 14:27:22,651 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.0550357142856 | Take profit: 2038.6197714285713 +2025-03-10 14:27:23,264 - INFO - CLOSED short at 2075.61 | PnL: -0.29% | $-0.74 +2025-03-10 14:27:23,265 - INFO - OPENED LONG at 2075.61 | Stop loss: 2065.2153642857143 | Take profit: 2106.769028571429 +2025-03-10 14:27:23,290 - INFO - CLOSED long at 2074.0 | PnL: -0.08% | $-0.34 +2025-03-10 14:27:23,290 - INFO - OPENED SHORT at 2074.0 | Stop loss: 2084.386585714286 | Take profit: 2042.8651214285715 +2025-03-10 14:27:24,591 - INFO - CLOSED short at 2057.89 | PnL: 0.78% | $1.28 +2025-03-10 14:27:24,623 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.1607357142857 | Take profit: 2031.8626714285713 +2025-03-10 14:27:24,778 - INFO - CLOSED short at 2065.12 | PnL: -0.11% | $-0.40 +2025-03-10 14:27:24,779 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.777814285714 | Take profit: 2096.1216785714287 +2025-03-10 14:27:24,812 - INFO - CLOSED long at 2068.33 | PnL: 0.16% | $0.11 +2025-03-10 14:27:24,812 - INFO - OPENED SHORT at 2068.33 | Stop loss: 2078.688235714286 | Take profit: 2037.2801714285713 +2025-03-10 14:27:25,087 - INFO - CLOSED short at 2070.31 | PnL: -0.10% | $-0.37 +2025-03-10 14:27:25,118 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.6077857142855 | Take profit: 2039.1615214285712 +2025-03-10 14:27:25,572 - INFO - STOP LOSS hit for short at 2080.6077857142855 | PnL: -0.50% | $-1.14 +2025-03-10 14:27:25,646 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:27:25,700 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.13 +2025-03-10 14:27:25,734 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:27:25,793 - INFO - CLOSED short at 2131.78 | PnL: -0.05% | $-0.28 +2025-03-10 14:27:25,824 - INFO - OPENED SHORT at 2133.95 | Stop loss: 2144.6363357142855 | Take profit: 2101.9158714285713 +2025-03-10 14:27:26,206 - INFO - CLOSED short at 2128.69 | PnL: 0.25% | $0.27 +2025-03-10 14:27:26,207 - INFO - OPENED LONG at 2128.69 | Stop loss: 2118.0299642857144 | Take profit: 2160.6452285714286 +2025-03-10 14:27:26,239 - INFO - CLOSED long at 2121.09 | PnL: -0.36% | $-0.85 +2025-03-10 14:27:26,239 - INFO - OPENED SHORT at 2121.09 | Stop loss: 2131.712035714286 | Take profit: 2089.2487714285717 +2025-03-10 14:27:27,016 - INFO - CLOSED short at 2100.5 | PnL: 0.97% | $1.61 +2025-03-10 14:27:27,016 - INFO - OPENED LONG at 2100.5 | Stop loss: 2089.9809142857143 | Take profit: 2132.0323785714286 +2025-03-10 14:27:27,043 - INFO - CLOSED long at 2090.0 | PnL: -0.50% | $-1.12 +2025-03-10 14:27:27,044 - INFO - OPENED SHORT at 2090.0 | Stop loss: 2100.4665857142854 | Take profit: 2058.625121428571 +2025-03-10 14:27:27,145 - INFO - STOP LOSS hit for short at 2100.4665857142854 | PnL: -0.50% | $-1.11 +2025-03-10 14:27:27,173 - INFO - OPENED SHORT at 2102.29 | Stop loss: 2112.8180357142855 | Take profit: 2070.730771428571 +2025-03-10 14:27:28,523 - INFO - CLOSED short at 2089.79 | PnL: 0.59% | $0.91 +2025-03-10 14:27:28,554 - INFO - OPENED SHORT at 2085.67 | Stop loss: 2096.114935714286 | Take profit: 2054.3600714285717 +2025-03-10 14:27:28,738 - INFO - STOP LOSS hit for short at 2096.114935714286 | PnL: -0.50% | $-1.11 +2025-03-10 14:27:28,771 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.5065357142853 | Take profit: 2068.465271428571 +2025-03-10 14:27:29,608 - INFO - STOP LOSS hit for short at 2110.5065357142853 | PnL: -0.50% | $-1.10 +2025-03-10 14:27:29,633 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.440935714286 | Take profit: 2079.1820714285714 +2025-03-10 14:27:30,505 - INFO - STOP LOSS hit for short at 2121.440935714286 | PnL: -0.50% | $-1.08 +2025-03-10 14:27:30,538 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8225857142857 | Take profit: 2089.357121428571 +2025-03-10 14:27:30,660 - INFO - STOP LOSS hit for short at 2131.8225857142857 | PnL: -0.50% | $-1.07 +2025-03-10 14:27:30,687 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.957885714286 | Take profit: 2104.1912214285717 +2025-03-10 14:27:31,540 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 25.0% in downtrends | Avg Win=$0.68, Avg Loss=$-0.69 +2025-03-10 14:27:31,541 - INFO - Episode 35: Reward=171.51, Balance=$88.80, Win Rate=25.0%, Trades=32, Episode PnL=$-7.96, Total PnL=$-224.55, Max Drawdown=11.2%, Pred Accuracy=99.8% +2025-03-10 14:27:31,541 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:27:31,745 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:27:31,976 - INFO - CLOSED short at 2068.8 | PnL: -0.04% | $-0.27 +2025-03-10 14:27:32,024 - INFO - OPENED SHORT at 2067.6 | Stop loss: 2077.9545857142857 | Take profit: 2036.5611214285714 +2025-03-10 14:27:33,736 - INFO - CLOSED short at 2067.8 | PnL: -0.01% | $-0.22 +2025-03-10 14:27:33,737 - INFO - OPENED LONG at 2067.8 | Stop loss: 2057.4444142857146 | Take profit: 2098.8418785714284 +2025-03-10 14:27:33,765 - INFO - CLOSED long at 2068.18 | PnL: 0.02% | $-0.16 +2025-03-10 14:27:33,766 - INFO - OPENED SHORT at 2068.18 | Stop loss: 2078.5374857142856 | Take profit: 2037.1324214285714 +2025-03-10 14:27:33,838 - INFO - CLOSED short at 2064.99 | PnL: 0.15% | $0.11 +2025-03-10 14:27:33,871 - INFO - OPENED SHORT at 2065.83 | Stop loss: 2076.1757357142856 | Take profit: 2034.8176714285712 +2025-03-10 14:27:34,386 - INFO - CLOSED short at 2061.6 | PnL: 0.20% | $0.21 +2025-03-10 14:27:34,408 - INFO - OPENED SHORT at 2060.9 | Stop loss: 2071.221085714286 | Take profit: 2029.9616214285713 +2025-03-10 14:27:34,838 - INFO - CLOSED short at 2062.6 | PnL: -0.08% | $-0.36 +2025-03-10 14:27:34,839 - INFO - OPENED LONG at 2062.6 | Stop loss: 2052.270414285714 | Take profit: 2093.563878571428 +2025-03-10 14:27:34,864 - INFO - CLOSED long at 2061.89 | PnL: -0.03% | $-0.26 +2025-03-10 14:27:34,864 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.2160357142857 | Take profit: 2030.9367714285713 +2025-03-10 14:27:35,636 - INFO - STOP LOSS hit for short at 2072.2160357142857 | PnL: -0.50% | $-1.18 +2025-03-10 14:27:35,659 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.416635714286 | Take profit: 2046.8149714285717 +2025-03-10 14:27:37,465 - INFO - CLOSED short at 2065.5 | PnL: 0.60% | $0.97 +2025-03-10 14:27:37,465 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.155914285714 | Take profit: 2096.5073785714285 +2025-03-10 14:27:37,502 - INFO - CLOSED long at 2065.7 | PnL: 0.01% | $-0.18 +2025-03-10 14:27:37,502 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0450857142855 | Take profit: 2034.6896214285714 +2025-03-10 14:27:38,854 - INFO - STOP LOSS hit for short at 2076.0450857142855 | PnL: -0.50% | $-1.18 +2025-03-10 14:27:38,884 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2088.014635714286 | Take profit: 2046.4209714285716 +2025-03-10 14:27:38,924 - INFO - STOP LOSS hit for short at 2088.014635714286 | PnL: -0.50% | $-1.16 +2025-03-10 14:27:38,947 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.5516857142857 | Take profit: 2071.4498214285713 +2025-03-10 14:27:38,968 - INFO - STOP LOSS hit for short at 2113.5516857142857 | PnL: -0.50% | $-1.15 +2025-03-10 14:27:38,992 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2542857142857 | Take profit: 2107.4220214285715 +2025-03-10 14:27:39,439 - INFO - CLOSED short at 2119.14 | PnL: 0.95% | $1.61 +2025-03-10 14:27:39,461 - INFO - OPENED SHORT at 2119.07 | Stop loss: 2129.681935714286 | Take profit: 2087.2590714285716 +2025-03-10 14:27:39,705 - INFO - CLOSED short at 2113.24 | PnL: 0.28% | $0.34 +2025-03-10 14:27:39,728 - INFO - OPENED SHORT at 2112.99 | Stop loss: 2123.5715357142853 | Take profit: 2081.270271428571 +2025-03-10 14:27:40,015 - INFO - CLOSED short at 2098.1 | PnL: 0.70% | $1.17 +2025-03-10 14:27:40,059 - INFO - OPENED SHORT at 2102.19 | Stop loss: 2112.717535714286 | Take profit: 2070.6322714285716 +2025-03-10 14:27:40,268 - INFO - CLOSED short at 2101.51 | PnL: 0.03% | $-0.13 +2025-03-10 14:27:40,268 - INFO - OPENED LONG at 2101.51 | Stop loss: 2090.9858642857143 | Take profit: 2133.057528571429 +2025-03-10 14:27:40,305 - INFO - CLOSED long at 2099.59 | PnL: -0.09% | $-0.37 +2025-03-10 14:27:40,306 - INFO - OPENED SHORT at 2099.59 | Stop loss: 2110.1045357142857 | Take profit: 2068.071271428572 +2025-03-10 14:27:41,055 - INFO - CLOSED short at 2089.96 | PnL: 0.46% | $0.70 +2025-03-10 14:27:41,055 - INFO - OPENED LONG at 2089.96 | Stop loss: 2079.4936142857146 | Take profit: 2121.334278571429 +2025-03-10 14:27:41,077 - INFO - CLOSED long at 2087.0 | PnL: -0.14% | $-0.47 +2025-03-10 14:27:41,077 - INFO - OPENED SHORT at 2087.0 | Stop loss: 2097.4515857142856 | Take profit: 2055.6701214285713 +2025-03-10 14:27:41,381 - INFO - STOP LOSS hit for short at 2097.4515857142856 | PnL: -0.50% | $-1.17 +2025-03-10 14:27:41,401 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.5065357142853 | Take profit: 2068.465271428571 +2025-03-10 14:27:41,865 - INFO - CLOSED short at 2100.0 | PnL: -0.00% | $-0.19 +2025-03-10 14:27:41,904 - INFO - OPENED SHORT at 2102.7 | Stop loss: 2113.2300857142855 | Take profit: 2071.1346214285713 +2025-03-10 14:27:42,198 - INFO - STOP LOSS hit for short at 2113.2300857142855 | PnL: -0.50% | $-1.15 +2025-03-10 14:27:42,225 - INFO - OPENED SHORT at 2113.0 | Stop loss: 2123.581585714286 | Take profit: 2081.2801214285714 +2025-03-10 14:27:42,950 - INFO - STOP LOSS hit for short at 2123.581585714286 | PnL: -0.50% | $-1.14 +2025-03-10 14:27:42,973 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:27:43,687 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 16.7% in downtrends | Avg Win=$0.73, Avg Loss=$-0.63 +2025-03-10 14:27:43,688 - INFO - Episode 36: Reward=182.85, Balance=$94.35, Win Rate=29.2%, Trades=24, Episode PnL=$-4.20, Total PnL=$-230.20, Max Drawdown=5.7%, Pred Accuracy=99.7% +2025-03-10 14:27:43,688 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:27:43,880 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:27:44,325 - INFO - CLOSED short at 2068.9 | PnL: -0.04% | $-0.28 +2025-03-10 14:27:44,325 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.5389142857143 | Take profit: 2099.958378571429 +2025-03-10 14:27:44,346 - INFO - CLOSED long at 2068.51 | PnL: -0.02% | $-0.24 +2025-03-10 14:27:44,346 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.869135714286 | Take profit: 2037.4574714285716 +2025-03-10 14:27:44,477 - INFO - CLOSED short at 2071.39 | PnL: -0.14% | $-0.47 +2025-03-10 14:27:44,477 - INFO - OPENED LONG at 2071.39 | Stop loss: 2061.0164642857144 | Take profit: 2102.4857285714284 +2025-03-10 14:27:44,518 - INFO - CLOSED long at 2071.36 | PnL: -0.00% | $-0.20 +2025-03-10 14:27:44,519 - INFO - OPENED SHORT at 2071.36 | Stop loss: 2081.7333857142858 | Take profit: 2040.2647214285716 +2025-03-10 14:27:45,034 - INFO - CLOSED short at 2063.61 | PnL: 0.37% | $0.54 +2025-03-10 14:27:45,035 - INFO - OPENED LONG at 2063.61 | Stop loss: 2053.275364285714 | Take profit: 2094.5890285714286 +2025-03-10 14:27:45,074 - INFO - CLOSED long at 2065.26 | PnL: 0.08% | $-0.04 +2025-03-10 14:27:45,074 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.602885714286 | Take profit: 2034.2562214285715 +2025-03-10 14:27:46,522 - INFO - CLOSED short at 2061.8 | PnL: 0.17% | $0.13 +2025-03-10 14:27:46,560 - INFO - OPENED SHORT at 2064.7 | Stop loss: 2075.0400857142854 | Take profit: 2033.7046214285713 +2025-03-10 14:27:46,859 - INFO - CLOSED short at 2063.53 | PnL: 0.06% | $-0.09 +2025-03-10 14:27:46,887 - INFO - OPENED SHORT at 2063.0 | Stop loss: 2073.3315857142857 | Take profit: 2032.0301214285714 +2025-03-10 14:27:47,265 - INFO - CLOSED short at 2055.6 | PnL: 0.36% | $0.51 +2025-03-10 14:27:47,265 - INFO - OPENED LONG at 2055.6 | Stop loss: 2045.3054142857143 | Take profit: 2086.4588785714286 +2025-03-10 14:27:47,306 - INFO - CLOSED long at 2054.89 | PnL: -0.03% | $-0.27 +2025-03-10 14:27:47,306 - INFO - OPENED SHORT at 2054.89 | Stop loss: 2065.181035714286 | Take profit: 2024.0417714285713 +2025-03-10 14:27:47,644 - INFO - STOP LOSS hit for short at 2065.181035714286 | PnL: -0.50% | $-1.19 +2025-03-10 14:27:47,672 - INFO - OPENED SHORT at 2066.01 | Stop loss: 2076.356635714286 | Take profit: 2034.9949714285715 +2025-03-10 14:27:47,993 - INFO - CLOSED short at 2069.79 | PnL: -0.18% | $-0.55 +2025-03-10 14:27:47,995 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.4244642857143 | Take profit: 2100.8617285714286 +2025-03-10 14:27:48,017 - INFO - CLOSED long at 2072.0 | PnL: 0.11% | $0.01 +2025-03-10 14:27:48,017 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3765857142857 | Take profit: 2040.8951214285714 +2025-03-10 14:27:48,718 - INFO - CLOSED short at 2065.5 | PnL: 0.31% | $0.41 +2025-03-10 14:27:48,743 - INFO - OPENED SHORT at 2067.53 | Stop loss: 2077.8842357142858 | Take profit: 2036.4921714285717 +2025-03-10 14:27:49,932 - INFO - CLOSED short at 2065.06 | PnL: 0.12% | $0.04 +2025-03-10 14:27:49,953 - INFO - OPENED SHORT at 2064.11 | Stop loss: 2074.447135714286 | Take profit: 2033.1234714285717 +2025-03-10 14:27:50,359 - INFO - CLOSED short at 2063.9 | PnL: 0.01% | $-0.18 +2025-03-10 14:27:50,380 - INFO - OPENED SHORT at 2065.1 | Stop loss: 2075.442085714286 | Take profit: 2034.0986214285713 +2025-03-10 14:27:50,552 - INFO - CLOSED short at 2061.21 | PnL: 0.19% | $0.17 +2025-03-10 14:27:50,577 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.216085714286 | Take profit: 2028.9766214285717 +2025-03-10 14:27:50,685 - INFO - STOP LOSS hit for short at 2070.216085714286 | PnL: -0.50% | $-1.17 +2025-03-10 14:27:50,706 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.6077857142855 | Take profit: 2039.1615214285712 +2025-03-10 14:27:50,968 - INFO - STOP LOSS hit for short at 2080.6077857142855 | PnL: -0.50% | $-1.16 +2025-03-10 14:27:50,991 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:27:51,015 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.14 +2025-03-10 14:27:51,039 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:27:51,156 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.13 +2025-03-10 14:27:51,190 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:27:51,630 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.61 +2025-03-10 14:27:51,652 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:27:54,066 - INFO - CLOSED short at 2105.2 | PnL: 0.26% | $0.30 +2025-03-10 14:27:54,107 - INFO - OPENED SHORT at 2103.52 | Stop loss: 2114.0541857142857 | Take profit: 2071.9423214285716 +2025-03-10 14:27:54,541 - INFO - CLOSED short at 2113.7 | PnL: -0.48% | $-1.12 +2025-03-10 14:27:54,542 - INFO - OPENED LONG at 2113.7 | Stop loss: 2103.114914285714 | Take profit: 2145.4303785714283 +2025-03-10 14:27:54,582 - INFO - CLOSED long at 2113.0 | PnL: -0.03% | $-0.25 +2025-03-10 14:27:54,583 - INFO - OPENED SHORT at 2113.0 | Stop loss: 2123.581585714286 | Take profit: 2081.2801214285714 +2025-03-10 14:27:55,272 - INFO - STOP LOSS hit for short at 2123.581585714286 | PnL: -0.50% | $-1.14 +2025-03-10 14:27:55,311 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:27:55,409 - INFO - CLOSED short at 2136.26 | PnL: -0.40% | $-0.93 +2025-03-10 14:27:55,447 - INFO - OPENED SHORT at 2135.51 | Stop loss: 2146.2041357142857 | Take profit: 2103.4524714285717 +2025-03-10 14:27:55,992 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 23.1% in downtrends | Avg Win=$0.52, Avg Loss=$-0.64 +2025-03-10 14:27:55,993 - INFO - Episode 37: Reward=177.05, Balance=$93.18, Win Rate=33.3%, Trades=27, Episode PnL=$-5.84, Total PnL=$-237.02, Max Drawdown=6.8%, Pred Accuracy=99.8% +2025-03-10 14:27:55,993 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:27:56,285 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:27:56,812 - INFO - CLOSED short at 2069.7 | PnL: -0.08% | $-0.36 +2025-03-10 14:27:56,812 - INFO - OPENED LONG at 2069.7 | Stop loss: 2059.334914285714 | Take profit: 2100.7703785714284 +2025-03-10 14:27:56,839 - INFO - CLOSED long at 2070.4 | PnL: 0.03% | $-0.13 +2025-03-10 14:27:56,840 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.768585714286 | Take profit: 2039.3191214285714 +2025-03-10 14:27:58,556 - INFO - CLOSED short at 2063.59 | PnL: 0.33% | $0.45 +2025-03-10 14:27:58,556 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.2554642857144 | Take profit: 2094.5687285714284 +2025-03-10 14:27:58,600 - INFO - CLOSED long at 2064.96 | PnL: 0.07% | $-0.07 +2025-03-10 14:27:58,600 - INFO - OPENED SHORT at 2064.96 | Stop loss: 2075.3013857142855 | Take profit: 2033.9607214285713 +2025-03-10 14:27:59,227 - INFO - CLOSED short at 2061.13 | PnL: 0.19% | $0.17 +2025-03-10 14:27:59,252 - INFO - OPENED SHORT at 2061.9 | Stop loss: 2072.226085714286 | Take profit: 2030.9466214285717 +2025-03-10 14:28:00,717 - INFO - STOP LOSS hit for short at 2072.226085714286 | PnL: -0.50% | $-1.19 +2025-03-10 14:28:00,761 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.416635714286 | Take profit: 2046.8149714285717 +2025-03-10 14:28:03,003 - INFO - CLOSED short at 2066.33 | PnL: 0.56% | $0.91 +2025-03-10 14:28:03,027 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.341635714286 | Take profit: 2032.0399714285716 +2025-03-10 14:28:03,775 - INFO - CLOSED short at 2061.21 | PnL: 0.09% | $-0.03 +2025-03-10 14:28:03,775 - INFO - OPENED LONG at 2061.21 | Stop loss: 2050.8873642857143 | Take profit: 2092.1530285714284 +2025-03-10 14:28:03,799 - INFO - CLOSED long at 2059.9 | PnL: -0.06% | $-0.32 +2025-03-10 14:28:03,800 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.216085714286 | Take profit: 2028.9766214285717 +2025-03-10 14:28:03,969 - INFO - STOP LOSS hit for short at 2070.216085714286 | PnL: -0.50% | $-1.19 +2025-03-10 14:28:04,014 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.6077857142855 | Take profit: 2039.1615214285712 +2025-03-10 14:28:04,338 - INFO - STOP LOSS hit for short at 2080.6077857142855 | PnL: -0.50% | $-1.17 +2025-03-10 14:28:04,379 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:28:04,426 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.16 +2025-03-10 14:28:04,467 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:28:04,581 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.14 +2025-03-10 14:28:04,604 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:28:04,889 - INFO - CLOSED short at 2119.93 | PnL: 1.00% | $1.69 +2025-03-10 14:28:04,889 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.313764285714 | Take profit: 2151.753828571428 +2025-03-10 14:28:04,912 - INFO - CLOSED long at 2121.4 | PnL: 0.07% | $-0.06 +2025-03-10 14:28:04,912 - INFO - OPENED SHORT at 2121.4 | Stop loss: 2132.0235857142857 | Take profit: 2089.5541214285713 +2025-03-10 14:28:05,971 - INFO - CLOSED short at 2093.33 | PnL: 1.32% | $2.34 +2025-03-10 14:28:05,972 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.8467642857145 | Take profit: 2124.754828571429 +2025-03-10 14:28:06,017 - INFO - CLOSED long at 2092.46 | PnL: -0.04% | $-0.28 +2025-03-10 14:28:06,018 - INFO - OPENED SHORT at 2092.46 | Stop loss: 2102.938885714286 | Take profit: 2061.0482214285717 +2025-03-10 14:28:06,628 - INFO - CLOSED short at 2088.1 | PnL: 0.21% | $0.21 +2025-03-10 14:28:06,655 - INFO - OPENED SHORT at 2089.96 | Stop loss: 2100.426385714286 | Take profit: 2058.5857214285716 +2025-03-10 14:28:07,037 - INFO - STOP LOSS hit for short at 2100.426385714286 | PnL: -0.50% | $-1.18 +2025-03-10 14:28:07,059 - INFO - OPENED SHORT at 2097.11 | Stop loss: 2107.6121357142856 | Take profit: 2065.6284714285716 +2025-03-10 14:28:07,718 - INFO - CLOSED short at 2108.0 | PnL: -0.52% | $-1.20 +2025-03-10 14:28:07,718 - INFO - OPENED LONG at 2108.0 | Stop loss: 2097.4434142857144 | Take profit: 2139.6448785714288 +2025-03-10 14:28:07,739 - INFO - CLOSED long at 2112.28 | PnL: 0.20% | $0.20 +2025-03-10 14:28:07,739 - INFO - OPENED SHORT at 2112.28 | Stop loss: 2122.857985714286 | Take profit: 2080.5709214285716 +2025-03-10 14:28:08,502 - INFO - STOP LOSS hit for short at 2122.857985714286 | PnL: -0.50% | $-1.15 +2025-03-10 14:28:08,522 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:28:09,223 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 23.1% in downtrends | Avg Win=$0.85, Avg Loss=$-0.71 +2025-03-10 14:28:09,224 - INFO - Episode 38: Reward=185.74, Balance=$95.35, Win Rate=31.8%, Trades=22, Episode PnL=$-3.99, Total PnL=$-241.67, Max Drawdown=5.3%, Pred Accuracy=99.6% +2025-03-10 14:28:09,224 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:28:09,455 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:28:09,739 - INFO - CLOSED short at 2066.19 | PnL: 0.09% | $-0.02 +2025-03-10 14:28:09,775 - INFO - OPENED SHORT at 2066.29 | Stop loss: 2076.6380357142857 | Take profit: 2035.2707714285714 +2025-03-10 14:28:11,537 - INFO - CLOSED short at 2067.1 | PnL: -0.04% | $-0.28 +2025-03-10 14:28:11,565 - INFO - OPENED SHORT at 2065.54 | Stop loss: 2075.884285714286 | Take profit: 2034.5320214285714 +2025-03-10 14:28:12,553 - INFO - CLOSED short at 2057.4 | PnL: 0.39% | $0.58 +2025-03-10 14:28:12,554 - INFO - OPENED LONG at 2057.4 | Stop loss: 2047.0964142857144 | Take profit: 2088.285878571429 +2025-03-10 14:28:12,599 - INFO - CLOSED long at 2058.28 | PnL: 0.04% | $-0.11 +2025-03-10 14:28:12,599 - INFO - OPENED SHORT at 2058.28 | Stop loss: 2068.587985714286 | Take profit: 2027.3809214285718 +2025-03-10 14:28:13,203 - INFO - STOP LOSS hit for short at 2068.587985714286 | PnL: -0.50% | $-1.19 +2025-03-10 14:28:13,243 - INFO - OPENED SHORT at 2074.3 | Stop loss: 2084.688085714286 | Take profit: 2043.1606214285716 +2025-03-10 14:28:13,700 - INFO - CLOSED short at 2067.33 | PnL: 0.34% | $0.46 +2025-03-10 14:28:13,700 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.976764285714 | Take profit: 2098.3648285714285 +2025-03-10 14:28:13,748 - INFO - CLOSED long at 2066.38 | PnL: -0.05% | $-0.29 +2025-03-10 14:28:13,748 - INFO - OPENED SHORT at 2066.38 | Stop loss: 2076.728485714286 | Take profit: 2035.3594214285715 +2025-03-10 14:28:14,795 - INFO - STOP LOSS hit for short at 2076.728485714286 | PnL: -0.50% | $-1.18 +2025-03-10 14:28:14,818 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2086.004635714286 | Take profit: 2044.4509714285716 +2025-03-10 14:28:16,390 - INFO - CLOSED short at 2069.34 | PnL: 0.30% | $0.39 +2025-03-10 14:28:16,433 - INFO - OPENED SHORT at 2070.41 | Stop loss: 2080.7786357142854 | Take profit: 2039.3289714285713 +2025-03-10 14:28:16,695 - INFO - STOP LOSS hit for short at 2080.7786357142854 | PnL: -0.50% | $-1.17 +2025-03-10 14:28:16,717 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:28:16,739 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.16 +2025-03-10 14:28:16,764 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:28:16,881 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.14 +2025-03-10 14:28:16,918 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:28:17,341 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.64 +2025-03-10 14:28:17,388 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:28:17,543 - INFO - CLOSED short at 2112.99 | PnL: -0.11% | $-0.41 +2025-03-10 14:28:17,543 - INFO - OPENED LONG at 2112.99 | Stop loss: 2102.408464285714 | Take profit: 2144.709728571428 +2025-03-10 14:28:17,566 - INFO - CLOSED long at 2120.81 | PnL: 0.37% | $0.52 +2025-03-10 14:28:17,566 - INFO - OPENED SHORT at 2120.81 | Stop loss: 2131.4306357142855 | Take profit: 2088.9729714285713 +2025-03-10 14:28:17,675 - INFO - CLOSED short at 2106.49 | PnL: 0.68% | $1.11 +2025-03-10 14:28:17,676 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.940964285714 | Take profit: 2138.112228571428 +2025-03-10 14:28:17,752 - INFO - CLOSED long at 2103.33 | PnL: -0.15% | $-0.49 +2025-03-10 14:28:17,752 - INFO - OPENED SHORT at 2103.33 | Stop loss: 2113.8632357142856 | Take profit: 2071.7551714285714 +2025-03-10 14:28:18,850 - INFO - CLOSED short at 2088.32 | PnL: 0.71% | $1.20 +2025-03-10 14:28:18,850 - INFO - OPENED LONG at 2088.32 | Stop loss: 2077.8618142857144 | Take profit: 2119.6696785714284 +2025-03-10 14:28:18,881 - INFO - CLOSED long at 2088.1 | PnL: -0.01% | $-0.22 +2025-03-10 14:28:18,881 - INFO - OPENED SHORT at 2088.1 | Stop loss: 2098.5570857142857 | Take profit: 2056.7536214285715 +2025-03-10 14:28:19,197 - INFO - CLOSED short at 2091.95 | PnL: -0.18% | $-0.56 +2025-03-10 14:28:19,198 - INFO - OPENED LONG at 2091.95 | Stop loss: 2081.473664285714 | Take profit: 2123.354128571428 +2025-03-10 14:28:19,227 - INFO - CLOSED long at 2094.7 | PnL: 0.13% | $0.06 +2025-03-10 14:28:19,227 - INFO - OPENED SHORT at 2094.7 | Stop loss: 2105.190085714286 | Take profit: 2063.254621428571 +2025-03-10 14:28:19,513 - INFO - STOP LOSS hit for short at 2105.190085714286 | PnL: -0.50% | $-1.18 +2025-03-10 14:28:19,539 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.013985714286 | Take profit: 2071.9029214285715 +2025-03-10 14:28:20,157 - INFO - CLOSED short at 2110.4 | PnL: -0.33% | $-0.83 +2025-03-10 14:28:20,157 - INFO - OPENED LONG at 2110.4 | Stop loss: 2099.8314142857143 | Take profit: 2142.0808785714285 +2025-03-10 14:28:20,199 - INFO - CLOSED long at 2113.7 | PnL: 0.16% | $0.11 +2025-03-10 14:28:20,199 - INFO - OPENED SHORT at 2113.7 | Stop loss: 2124.2850857142853 | Take profit: 2081.9696214285714 +2025-03-10 14:28:20,290 - INFO - CLOSED short at 2113.61 | PnL: 0.00% | $-0.18 +2025-03-10 14:28:20,313 - INFO - OPENED SHORT at 2113.1 | Stop loss: 2123.6820857142857 | Take profit: 2081.3786214285715 +2025-03-10 14:28:20,865 - INFO - STOP LOSS hit for short at 2123.6820857142857 | PnL: -0.50% | $-1.15 +2025-03-10 14:28:20,906 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:28:21,599 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 33.3% in downtrends | Avg Win=$0.79, Avg Loss=$-0.68 +2025-03-10 14:28:21,600 - INFO - Episode 39: Reward=181.14, Balance=$95.50, Win Rate=34.6%, Trades=26, Episode PnL=$-4.08, Total PnL=$-246.17, Max Drawdown=5.1%, Pred Accuracy=99.7% +2025-03-10 14:28:21,600 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:28:22,586 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:28:23,191 - INFO - CLOSED short at 2072.75 | PnL: -0.23% | $-0.65 +2025-03-10 14:28:23,192 - INFO - OPENED LONG at 2072.75 | Stop loss: 2062.3696642857144 | Take profit: 2103.866128571429 +2025-03-10 14:28:23,239 - INFO - CLOSED long at 2072.7 | PnL: -0.00% | $-0.20 +2025-03-10 14:28:23,240 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.0800857142854 | Take profit: 2041.5846214285714 +2025-03-10 14:28:24,243 - INFO - CLOSED short at 2068.18 | PnL: 0.22% | $0.23 +2025-03-10 14:28:24,244 - INFO - OPENED LONG at 2068.18 | Stop loss: 2057.822514285714 | Take profit: 2099.2275785714282 +2025-03-10 14:28:24,266 - INFO - CLOSED long at 2065.69 | PnL: -0.12% | $-0.43 +2025-03-10 14:28:24,266 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.0350357142856 | Take profit: 2034.6797714285715 +2025-03-10 14:28:24,490 - INFO - CLOSED short at 2063.59 | PnL: 0.10% | $0.00 +2025-03-10 14:28:24,490 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.2554642857144 | Take profit: 2094.5687285714284 +2025-03-10 14:28:24,512 - INFO - CLOSED long at 2064.96 | PnL: 0.07% | $-0.07 +2025-03-10 14:28:24,513 - INFO - OPENED SHORT at 2064.96 | Stop loss: 2075.3013857142855 | Take profit: 2033.9607214285713 +2025-03-10 14:28:24,602 - INFO - CLOSED short at 2066.09 | PnL: -0.05% | $-0.30 +2025-03-10 14:28:24,603 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.742964285714 | Take profit: 2097.1062285714283 +2025-03-10 14:28:24,621 - INFO - CLOSED long at 2064.45 | PnL: -0.08% | $-0.35 +2025-03-10 14:28:24,646 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4169857142856 | Take profit: 2033.0939214285713 +2025-03-10 14:28:24,769 - INFO - CLOSED short at 2061.6 | PnL: 0.12% | $0.04 +2025-03-10 14:28:24,770 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.2754142857143 | Take profit: 2092.5488785714283 +2025-03-10 14:28:24,798 - INFO - CLOSED long at 2060.9 | PnL: -0.03% | $-0.26 +2025-03-10 14:28:24,798 - INFO - OPENED SHORT at 2060.9 | Stop loss: 2071.221085714286 | Take profit: 2029.9616214285713 +2025-03-10 14:28:25,993 - INFO - STOP LOSS hit for short at 2071.221085714286 | PnL: -0.50% | $-1.17 +2025-03-10 14:28:26,019 - INFO - OPENED SHORT at 2074.3 | Stop loss: 2084.688085714286 | Take profit: 2043.1606214285716 +2025-03-10 14:28:26,474 - INFO - CLOSED short at 2063.95 | PnL: 0.50% | $0.77 +2025-03-10 14:28:26,498 - INFO - OPENED SHORT at 2063.97 | Stop loss: 2074.3064357142853 | Take profit: 2032.9855714285711 +2025-03-10 14:28:26,739 - INFO - CLOSED short at 2071.59 | PnL: -0.37% | $-0.91 +2025-03-10 14:28:26,739 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.2154642857145 | Take profit: 2102.688728571429 +2025-03-10 14:28:26,759 - INFO - CLOSED long at 2070.2 | PnL: -0.07% | $-0.32 +2025-03-10 14:28:26,759 - INFO - OPENED SHORT at 2070.2 | Stop loss: 2080.5675857142855 | Take profit: 2039.122121428571 +2025-03-10 14:28:28,953 - INFO - CLOSED short at 2072.99 | PnL: -0.13% | $-0.45 +2025-03-10 14:28:28,954 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.608464285714 | Take profit: 2104.1097285714286 +2025-03-10 14:28:28,988 - INFO - CLOSED long at 2071.89 | PnL: -0.05% | $-0.29 +2025-03-10 14:28:28,988 - INFO - OPENED SHORT at 2071.89 | Stop loss: 2082.2660357142854 | Take profit: 2040.7867714285715 +2025-03-10 14:28:29,131 - INFO - STOP LOSS hit for short at 2082.2660357142854 | PnL: -0.50% | $-1.14 +2025-03-10 14:28:29,154 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:28:29,176 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.13 +2025-03-10 14:28:29,197 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:28:29,326 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.11 +2025-03-10 14:28:29,368 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:28:29,762 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.57 +2025-03-10 14:28:29,794 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:28:29,856 - INFO - CLOSED short at 2112.09 | PnL: -0.07% | $-0.32 +2025-03-10 14:28:29,879 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.531335714286 | Take profit: 2081.2308714285714 +2025-03-10 14:28:31,056 - INFO - CLOSED short at 2080.38 | PnL: 1.54% | $2.70 +2025-03-10 14:28:31,079 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.6728357142856 | Take profit: 2050.006371428571 +2025-03-10 14:28:31,539 - INFO - STOP LOSS hit for short at 2091.6728357142856 | PnL: -0.50% | $-1.16 +2025-03-10 14:28:31,559 - INFO - OPENED SHORT at 2094.7 | Stop loss: 2105.190085714286 | Take profit: 2063.254621428571 +2025-03-10 14:28:31,743 - INFO - STOP LOSS hit for short at 2105.190085714286 | PnL: -0.50% | $-1.14 +2025-03-10 14:28:31,765 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.013985714286 | Take profit: 2071.9029214285715 +2025-03-10 14:28:32,306 - INFO - STOP LOSS hit for short at 2114.013985714286 | PnL: -0.50% | $-1.13 +2025-03-10 14:28:32,332 - INFO - OPENED SHORT at 2113.61 | Stop loss: 2124.194635714286 | Take profit: 2081.8809714285717 +2025-03-10 14:28:32,835 - INFO - STOP LOSS hit for short at 2124.194635714286 | PnL: -0.50% | $-1.12 +2025-03-10 14:28:32,855 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:28:32,996 - INFO - CLOSED short at 2127.79 | PnL: 0.00% | $-0.18 +2025-03-10 14:28:32,996 - INFO - OPENED LONG at 2127.79 | Stop loss: 2117.1344642857143 | Take profit: 2159.7317285714284 +2025-03-10 14:28:33,017 - INFO - CLOSED long at 2124.38 | PnL: -0.16% | $-0.48 +2025-03-10 14:28:33,017 - INFO - OPENED SHORT at 2124.38 | Stop loss: 2135.018485714286 | Take profit: 2092.4894214285714 +2025-03-10 14:28:33,118 - INFO - STOP LOSS hit for short at 2135.018485714286 | PnL: -0.50% | $-1.10 +2025-03-10 14:28:33,139 - INFO - OPENED SHORT at 2131.23 | Stop loss: 2141.902735714286 | Take profit: 2099.2366714285713 +2025-03-10 14:28:33,285 - INFO - CLOSED short at 2117.98 | PnL: 0.62% | $0.94 +2025-03-10 14:28:33,307 - INFO - OPENED SHORT at 2118.8 | Stop loss: 2129.410585714286 | Take profit: 2086.9931214285716 +2025-03-10 14:28:33,433 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 22.2% in downtrends | Avg Win=$1.04, Avg Loss=$-0.67 +2025-03-10 14:28:33,434 - INFO - Episode 40: Reward=172.89, Balance=$91.83, Win Rate=23.3%, Trades=30, Episode PnL=$-6.12, Total PnL=$-254.34, Max Drawdown=9.1%, Pred Accuracy=99.7% +2025-03-10 14:28:33,556 - INFO - Model saved to checkpoints/trading_agent_episode_40.pt +2025-03-10 14:28:33,557 - INFO - Checkpoint saved at episode 40 +2025-03-10 14:28:33,557 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:28:33,618 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 14:28:33,620 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2514, in visualize_training_results + ax1.set_ylabel('Price (USD)') +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 14:28:34,454 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 14:28:34,455 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2514, in visualize_training_results + ax1.set_ylabel('Price (USD)') +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 14:28:34,777 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:28:35,227 - INFO - CLOSED short at 2068.9 | PnL: -0.04% | $-0.28 +2025-03-10 14:28:35,228 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.5389142857143 | Take profit: 2099.958378571429 +2025-03-10 14:28:35,260 - INFO - CLOSED long at 2068.51 | PnL: -0.02% | $-0.24 +2025-03-10 14:28:35,261 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.869135714286 | Take profit: 2037.4574714285716 +2025-03-10 14:28:35,529 - INFO - CLOSED short at 2072.15 | PnL: -0.18% | $-0.54 +2025-03-10 14:28:35,571 - INFO - OPENED SHORT at 2074.29 | Stop loss: 2084.6780357142857 | Take profit: 2043.1507714285715 +2025-03-10 14:28:37,376 - INFO - CLOSED short at 2062.61 | PnL: 0.56% | $0.91 +2025-03-10 14:28:37,402 - INFO - OPENED SHORT at 2060.91 | Stop loss: 2071.2311357142858 | Take profit: 2029.9714714285715 +2025-03-10 14:28:37,899 - INFO - CLOSED short at 2059.02 | PnL: 0.09% | $-0.02 +2025-03-10 14:28:37,900 - INFO - OPENED LONG at 2059.02 | Stop loss: 2048.708314285714 | Take profit: 2089.9301785714288 +2025-03-10 14:28:37,936 - INFO - CLOSED long at 2058.89 | PnL: -0.01% | $-0.21 +2025-03-10 14:28:37,936 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.201035714286 | Take profit: 2027.9817714285714 +2025-03-10 14:28:38,394 - INFO - CLOSED short at 2066.36 | PnL: -0.36% | $-0.91 +2025-03-10 14:28:38,395 - INFO - OPENED LONG at 2066.36 | Stop loss: 2056.0116142857146 | Take profit: 2097.380278571429 +2025-03-10 14:28:38,429 - INFO - CLOSED long at 2066.01 | PnL: -0.02% | $-0.23 +2025-03-10 14:28:38,429 - INFO - OPENED SHORT at 2066.01 | Stop loss: 2076.356635714286 | Take profit: 2034.9949714285715 +2025-03-10 14:28:38,589 - INFO - CLOSED short at 2067.01 | PnL: -0.05% | $-0.29 +2025-03-10 14:28:38,615 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.0350357142856 | Take profit: 2034.6797714285715 +2025-03-10 14:28:38,712 - INFO - STOP LOSS hit for short at 2076.0350357142856 | PnL: -0.50% | $-1.17 +2025-03-10 14:28:38,747 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.401635714286 | Take profit: 2043.8599714285717 +2025-03-10 14:28:40,485 - INFO - CLOSED short at 2070.19 | PnL: 0.23% | $0.25 +2025-03-10 14:28:40,512 - INFO - OPENED SHORT at 2070.1 | Stop loss: 2080.4670857142855 | Take profit: 2039.0236214285712 +2025-03-10 14:28:40,959 - INFO - CLOSED short at 2060.7 | PnL: 0.45% | $0.68 +2025-03-10 14:28:40,960 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.379914285714 | Take profit: 2091.635378571428 +2025-03-10 14:28:41,003 - INFO - CLOSED long at 2059.2 | PnL: -0.07% | $-0.34 +2025-03-10 14:28:41,004 - INFO - OPENED SHORT at 2059.2 | Stop loss: 2069.5125857142853 | Take profit: 2028.2871214285713 +2025-03-10 14:28:41,223 - INFO - CLOSED short at 2058.3 | PnL: 0.04% | $-0.11 +2025-03-10 14:28:41,257 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.1508357142857 | Take profit: 2025.9723714285713 +2025-03-10 14:28:41,445 - INFO - STOP LOSS hit for short at 2067.1508357142857 | PnL: -0.50% | $-1.16 +2025-03-10 14:28:41,468 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.8440357142854 | Take profit: 2036.4527714285712 +2025-03-10 14:28:41,798 - INFO - CLOSED short at 2070.41 | PnL: -0.14% | $-0.46 +2025-03-10 14:28:41,819 - INFO - OPENED SHORT at 2073.49 | Stop loss: 2083.8740357142856 | Take profit: 2042.3627714285712 +2025-03-10 14:28:42,059 - INFO - STOP LOSS hit for short at 2083.8740357142856 | PnL: -0.50% | $-1.14 +2025-03-10 14:28:42,083 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:28:42,105 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.13 +2025-03-10 14:28:42,127 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:28:42,238 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.12 +2025-03-10 14:28:42,296 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.4099857142855 | Take profit: 2110.514921428571 +2025-03-10 14:28:42,683 - INFO - TAKE PROFIT hit for short at 2110.514921428571 | PnL: 1.50% | $2.57 +2025-03-10 14:28:42,724 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:28:45,063 - INFO - CLOSED short at 2103.41 | PnL: 0.34% | $0.45 +2025-03-10 14:28:45,105 - INFO - OPENED SHORT at 2104.73 | Stop loss: 2115.2702357142857 | Take profit: 2073.1341714285713 +2025-03-10 14:28:45,327 - INFO - CLOSED short at 2113.0 | PnL: -0.39% | $-0.93 +2025-03-10 14:28:45,327 - INFO - OPENED LONG at 2113.0 | Stop loss: 2102.4184142857143 | Take profit: 2144.7198785714286 +2025-03-10 14:28:45,347 - INFO - CLOSED long at 2115.26 | PnL: 0.11% | $0.01 +2025-03-10 14:28:45,348 - INFO - OPENED SHORT at 2115.26 | Stop loss: 2125.852885714286 | Take profit: 2083.5062214285717 +2025-03-10 14:28:45,543 - INFO - CLOSED short at 2111.19 | PnL: 0.19% | $0.17 +2025-03-10 14:28:45,616 - INFO - OPENED LONG at 2118.72 | Stop loss: 2108.109814285714 | Take profit: 2150.525678571428 +2025-03-10 14:28:45,654 - INFO - CLOSED long at 2117.39 | PnL: -0.06% | $-0.31 +2025-03-10 14:28:45,655 - INFO - OPENED SHORT at 2117.39 | Stop loss: 2127.993535714286 | Take profit: 2085.6042714285713 +2025-03-10 14:28:46,106 - INFO - STOP LOSS hit for short at 2127.993535714286 | PnL: -0.50% | $-1.13 +2025-03-10 14:28:46,132 - INFO - OPENED SHORT at 2135.86 | Stop loss: 2146.5558857142855 | Take profit: 2103.7972214285714 +2025-03-10 14:28:46,464 - INFO - CLOSED short at 2126.43 | PnL: 0.44% | $0.63 +2025-03-10 14:28:46,486 - INFO - OPENED SHORT at 2124.49 | Stop loss: 2135.1290357142852 | Take profit: 2092.597771428571 +2025-03-10 14:28:46,727 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 16.7% in downtrends | Avg Win=$0.71, Avg Loss=$-0.62 +2025-03-10 14:28:46,728 - INFO - Episode 41: Reward=173.15, Balance=$93.97, Win Rate=29.6%, Trades=27, Episode PnL=$-4.72, Total PnL=$-260.36, Max Drawdown=7.5%, Pred Accuracy=99.9% +2025-03-10 14:28:46,728 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:28:47,033 - INFO - OPENED SHORT at 2070.36 | Stop loss: 2080.7283857142857 | Take profit: 2039.2797214285715 +2025-03-10 14:28:47,094 - INFO - CLOSED short at 2069.34 | PnL: 0.05% | $-0.10 +2025-03-10 14:28:47,118 - INFO - OPENED SHORT at 2069.19 | Stop loss: 2079.5525357142856 | Take profit: 2038.1272714285715 +2025-03-10 14:28:48,175 - INFO - CLOSED short at 2069.34 | PnL: -0.01% | $-0.21 +2025-03-10 14:28:48,175 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9767142857145 | Take profit: 2100.4049785714287 +2025-03-10 14:28:48,248 - INFO - CLOSED long at 2067.59 | PnL: -0.08% | $-0.37 +2025-03-10 14:28:48,248 - INFO - OPENED SHORT at 2067.59 | Stop loss: 2077.944535714286 | Take profit: 2036.5512714285715 +2025-03-10 14:28:49,477 - INFO - CLOSED short at 2060.31 | PnL: 0.35% | $0.50 +2025-03-10 14:28:49,498 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.4744142857144 | Take profit: 2092.7518785714287 +2025-03-10 14:28:49,520 - INFO - CLOSED long at 2064.7 | PnL: 0.14% | $0.08 +2025-03-10 14:28:49,520 - INFO - OPENED SHORT at 2064.7 | Stop loss: 2075.0400857142854 | Take profit: 2033.7046214285713 +2025-03-10 14:28:50,962 - INFO - STOP LOSS hit for short at 2075.0400857142854 | PnL: -0.50% | $-1.19 +2025-03-10 14:28:51,002 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.401635714286 | Take profit: 2043.8599714285717 +2025-03-10 14:28:52,299 - INFO - CLOSED short at 2071.99 | PnL: 0.15% | $0.09 +2025-03-10 14:28:52,338 - INFO - OPENED SHORT at 2068.19 | Stop loss: 2078.547535714286 | Take profit: 2037.1422714285713 +2025-03-10 14:28:53,343 - INFO - CLOSED short at 2062.34 | PnL: 0.28% | $0.36 +2025-03-10 14:28:53,343 - INFO - OPENED LONG at 2062.34 | Stop loss: 2052.0117142857143 | Take profit: 2093.2999785714287 +2025-03-10 14:28:53,364 - INFO - CLOSED long at 2063.98 | PnL: 0.08% | $-0.04 +2025-03-10 14:28:53,364 - INFO - OPENED SHORT at 2063.98 | Stop loss: 2074.3164857142856 | Take profit: 2032.9954214285715 +2025-03-10 14:28:54,730 - INFO - STOP LOSS hit for short at 2074.3164857142856 | PnL: -0.50% | $-1.18 +2025-03-10 14:28:54,766 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.4769857142855 | Take profit: 2044.9139214285713 +2025-03-10 14:28:54,871 - INFO - STOP LOSS hit for short at 2086.4769857142855 | PnL: -0.50% | $-1.17 +2025-03-10 14:28:54,934 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:28:55,062 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.15 +2025-03-10 14:28:55,100 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:28:55,563 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.66 +2025-03-10 14:28:55,602 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:28:57,330 - INFO - CLOSED short at 2087.47 | PnL: 1.10% | $1.94 +2025-03-10 14:28:57,349 - INFO - OPENED SHORT at 2087.78 | Stop loss: 2098.235485714286 | Take profit: 2056.4384214285715 +2025-03-10 14:28:57,621 - INFO - STOP LOSS hit for short at 2098.235485714286 | PnL: -0.50% | $-1.19 +2025-03-10 14:28:57,654 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1647857142857 | Take profit: 2070.0905214285713 +2025-03-10 14:28:57,694 - INFO - CLOSED short at 2098.49 | PnL: 0.15% | $0.10 +2025-03-10 14:28:57,694 - INFO - OPENED LONG at 2098.49 | Stop loss: 2087.980964285714 | Take profit: 2129.9922285714283 +2025-03-10 14:28:57,717 - INFO - CLOSED long at 2099.89 | PnL: 0.07% | $-0.07 +2025-03-10 14:28:57,717 - INFO - OPENED SHORT at 2099.89 | Stop loss: 2110.4060357142857 | Take profit: 2068.3667714285716 +2025-03-10 14:28:57,893 - INFO - CLOSED short at 2101.5 | PnL: -0.08% | $-0.35 +2025-03-10 14:28:57,928 - INFO - OPENED SHORT at 2105.83 | Stop loss: 2116.3757357142854 | Take profit: 2074.2176714285715 +2025-03-10 14:28:58,685 - INFO - STOP LOSS hit for short at 2116.3757357142854 | PnL: -0.50% | $-1.18 +2025-03-10 14:28:58,723 - INFO - OPENED SHORT at 2117.39 | Stop loss: 2127.993535714286 | Take profit: 2085.6042714285713 +2025-03-10 14:28:59,121 - INFO - STOP LOSS hit for short at 2127.993535714286 | PnL: -0.50% | $-1.16 +2025-03-10 14:28:59,188 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.957885714286 | Take profit: 2104.1912214285717 +2025-03-10 14:28:59,780 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 27.3% in downtrends | Avg Win=$0.82, Avg Loss=$-0.72 +2025-03-10 14:28:59,781 - INFO - Episode 42: Reward=184.36, Balance=$96.36, Win Rate=35.0%, Trades=20, Episode PnL=$-3.24, Total PnL=$-264.00, Max Drawdown=4.4%, Pred Accuracy=99.7% +2025-03-10 14:28:59,781 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:29:00,077 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:29:00,099 - INFO - CLOSED short at 2067.2 | PnL: 0.04% | $-0.12 +2025-03-10 14:29:00,099 - INFO - OPENED LONG at 2067.2 | Stop loss: 2056.847414285714 | Take profit: 2098.2328785714285 +2025-03-10 14:29:00,123 - INFO - CLOSED long at 2070.36 | PnL: 0.15% | $0.10 +2025-03-10 14:29:00,123 - INFO - OPENED SHORT at 2070.36 | Stop loss: 2080.7283857142857 | Take profit: 2039.2797214285715 +2025-03-10 14:29:00,474 - INFO - CLOSED short at 2066.18 | PnL: 0.20% | $0.20 +2025-03-10 14:29:00,497 - INFO - OPENED SHORT at 2068.76 | Stop loss: 2079.120385714286 | Take profit: 2037.7037214285717 +2025-03-10 14:29:05,564 - INFO - CLOSED short at 2067.0 | PnL: 0.09% | $-0.03 +2025-03-10 14:29:05,564 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.6484142857144 | Take profit: 2098.0298785714285 +2025-03-10 14:29:05,604 - INFO - CLOSED long at 2067.9 | PnL: 0.04% | $-0.11 +2025-03-10 14:29:05,604 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2560857142857 | Take profit: 2036.8566214285713 +2025-03-10 14:29:07,388 - INFO - STOP LOSS hit for short at 2078.2560857142857 | PnL: -0.50% | $-1.19 +2025-03-10 14:29:07,408 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:29:07,435 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.18 +2025-03-10 14:29:07,461 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:29:07,635 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.16 +2025-03-10 14:29:07,661 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:29:07,680 - INFO - CLOSED short at 2142.68 | PnL: -0.06% | $-0.31 +2025-03-10 14:29:07,703 - INFO - OPENED SHORT at 2140.01 | Stop loss: 2150.726635714286 | Take profit: 2107.8849714285716 +2025-03-10 14:29:07,959 - INFO - CLOSED short at 2119.14 | PnL: 0.98% | $1.67 +2025-03-10 14:29:07,959 - INFO - OPENED LONG at 2119.14 | Stop loss: 2108.527714285714 | Take profit: 2150.9519785714283 +2025-03-10 14:29:08,022 - INFO - CLOSED long at 2115.28 | PnL: -0.18% | $-0.55 +2025-03-10 14:29:08,023 - INFO - OPENED SHORT at 2115.28 | Stop loss: 2125.8729857142857 | Take profit: 2083.5259214285716 +2025-03-10 14:29:08,160 - INFO - CLOSED short at 2112.46 | PnL: 0.13% | $0.06 +2025-03-10 14:29:08,182 - INFO - OPENED SHORT at 2113.24 | Stop loss: 2123.8227857142856 | Take profit: 2081.516521428571 +2025-03-10 14:29:08,519 - INFO - CLOSED short at 2098.1 | PnL: 0.72% | $1.19 +2025-03-10 14:29:08,540 - INFO - OPENED SHORT at 2102.19 | Stop loss: 2112.717535714286 | Take profit: 2070.6322714285716 +2025-03-10 14:29:08,641 - INFO - CLOSED short at 2104.83 | PnL: -0.13% | $-0.44 +2025-03-10 14:29:08,641 - INFO - OPENED LONG at 2104.83 | Stop loss: 2094.289264285714 | Take profit: 2136.4273285714285 +2025-03-10 14:29:08,678 - INFO - CLOSED long at 2106.39 | PnL: 0.07% | $-0.05 +2025-03-10 14:29:08,679 - INFO - OPENED SHORT at 2106.39 | Stop loss: 2116.938535714286 | Take profit: 2074.7692714285713 +2025-03-10 14:29:08,883 - INFO - CLOSED short at 2098.39 | PnL: 0.38% | $0.54 +2025-03-10 14:29:08,927 - INFO - OPENED SHORT at 2093.46 | Stop loss: 2103.943885714286 | Take profit: 2062.0332214285713 +2025-03-10 14:29:10,096 - INFO - STOP LOSS hit for short at 2103.943885714286 | PnL: -0.50% | $-1.18 +2025-03-10 14:29:10,117 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.013985714286 | Take profit: 2071.9029214285715 +2025-03-10 14:29:10,753 - INFO - STOP LOSS hit for short at 2114.013985714286 | PnL: -0.50% | $-1.16 +2025-03-10 14:29:10,794 - INFO - OPENED SHORT at 2113.61 | Stop loss: 2124.194635714286 | Take profit: 2081.8809714285717 +2025-03-10 14:29:11,385 - INFO - STOP LOSS hit for short at 2124.194635714286 | PnL: -0.50% | $-1.15 +2025-03-10 14:29:11,409 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:29:11,880 - INFO - CLOSED short at 2120.0 | PnL: 0.37% | $0.50 +2025-03-10 14:29:11,914 - INFO - OPENED LONG at 2117.98 | Stop loss: 2107.3735142857145 | Take profit: 2149.7745785714287 +2025-03-10 14:29:11,951 - INFO - CLOSED long at 2118.8 | PnL: 0.04% | $-0.12 +2025-03-10 14:29:11,951 - INFO - OPENED SHORT at 2118.8 | Stop loss: 2129.410585714286 | Take profit: 2086.9931214285716 +2025-03-10 14:29:12,131 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 10.0% in downtrends | Avg Win=$0.61, Avg Loss=$-0.63 +2025-03-10 14:29:12,132 - INFO - Episode 43: Reward=183.04, Balance=$95.53, Win Rate=33.3%, Trades=21, Episode PnL=$-3.75, Total PnL=$-268.47, Max Drawdown=5.0%, Pred Accuracy=99.7% +2025-03-10 14:29:12,132 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:29:12,322 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:29:13,334 - INFO - CLOSED short at 2067.0 | PnL: 0.05% | $-0.10 +2025-03-10 14:29:13,376 - INFO - OPENED SHORT at 2067.79 | Stop loss: 2078.145535714286 | Take profit: 2036.7482714285713 +2025-03-10 14:29:15,475 - INFO - CLOSED short at 2059.02 | PnL: 0.42% | $0.64 +2025-03-10 14:29:15,538 - INFO - OPENED SHORT at 2059.46 | Stop loss: 2069.773885714286 | Take profit: 2028.5432214285713 +2025-03-10 14:29:16,211 - INFO - STOP LOSS hit for short at 2069.773885714286 | PnL: -0.50% | $-1.20 +2025-03-10 14:29:16,247 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3765857142857 | Take profit: 2040.8951214285714 +2025-03-10 14:29:17,864 - INFO - CLOSED short at 2072.09 | PnL: -0.00% | $-0.21 +2025-03-10 14:29:17,864 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.7129642857144 | Take profit: 2103.196228571429 +2025-03-10 14:29:17,905 - INFO - CLOSED long at 2067.7 | PnL: -0.21% | $-0.61 +2025-03-10 14:29:17,905 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.0550857142853 | Take profit: 2036.6596214285712 +2025-03-10 14:29:19,076 - INFO - CLOSED short at 2068.33 | PnL: -0.03% | $-0.26 +2025-03-10 14:29:19,189 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.216085714286 | Take profit: 2028.9766214285717 +2025-03-10 14:29:19,333 - INFO - STOP LOSS hit for short at 2070.216085714286 | PnL: -0.50% | $-1.17 +2025-03-10 14:29:19,369 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.6077857142855 | Take profit: 2039.1615214285712 +2025-03-10 14:29:19,639 - INFO - STOP LOSS hit for short at 2080.6077857142855 | PnL: -0.50% | $-1.16 +2025-03-10 14:29:19,676 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:29:19,713 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.14 +2025-03-10 14:29:19,748 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:29:19,886 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.13 +2025-03-10 14:29:19,932 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.4099857142855 | Take profit: 2110.514921428571 +2025-03-10 14:29:20,310 - INFO - TAKE PROFIT hit for short at 2110.514921428571 | PnL: 1.50% | $2.60 +2025-03-10 14:29:20,465 - INFO - OPENED SHORT at 2112.99 | Stop loss: 2123.5715357142853 | Take profit: 2081.270271428571 +2025-03-10 14:29:20,963 - INFO - CLOSED short at 2106.39 | PnL: 0.31% | $0.41 +2025-03-10 14:29:21,039 - INFO - OPENED SHORT at 2103.86 | Stop loss: 2114.395885714286 | Take profit: 2072.2772214285715 +2025-03-10 14:29:21,593 - INFO - CLOSED short at 2081.25 | PnL: 1.07% | $1.87 +2025-03-10 14:29:21,639 - INFO - OPENED SHORT at 2085.09 | Stop loss: 2095.532035714286 | Take profit: 2053.7887714285716 +2025-03-10 14:29:22,290 - INFO - STOP LOSS hit for short at 2095.532035714286 | PnL: -0.50% | $-1.17 +2025-03-10 14:29:22,364 - INFO - OPENED SHORT at 2097.11 | Stop loss: 2107.6121357142856 | Take profit: 2065.6284714285716 +2025-03-10 14:29:22,493 - INFO - CLOSED short at 2106.15 | PnL: -0.43% | $-1.03 +2025-03-10 14:29:22,493 - INFO - OPENED LONG at 2106.15 | Stop loss: 2095.602664285714 | Take profit: 2137.7671285714287 +2025-03-10 14:29:22,548 - INFO - CLOSED long at 2103.48 | PnL: -0.13% | $-0.43 +2025-03-10 14:29:22,548 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.013985714286 | Take profit: 2071.9029214285715 +2025-03-10 14:29:23,313 - INFO - STOP LOSS hit for short at 2114.013985714286 | PnL: -0.50% | $-1.14 +2025-03-10 14:29:23,354 - INFO - OPENED SHORT at 2113.61 | Stop loss: 2124.194635714286 | Take profit: 2081.8809714285717 +2025-03-10 14:29:23,994 - INFO - STOP LOSS hit for short at 2124.194635714286 | PnL: -0.50% | $-1.13 +2025-03-10 14:29:24,016 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:29:24,544 - INFO - CLOSED short at 2120.0 | PnL: 0.37% | $0.49 +2025-03-10 14:29:24,650 - INFO - OPENED SHORT at 2116.53 | Stop loss: 2127.1292357142856 | Take profit: 2084.757171428572 +2025-03-10 14:29:24,757 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 9.1% in downtrends | Avg Win=$1.20, Avg Loss=$-0.85 +2025-03-10 14:29:24,758 - INFO - Episode 44: Reward=177.66, Balance=$94.13, Win Rate=26.3%, Trades=19, Episode PnL=$-4.82, Total PnL=$-274.34, Max Drawdown=6.9%, Pred Accuracy=99.7% +2025-03-10 14:29:24,758 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:29:25,881 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:29:26,386 - INFO - CLOSED short at 2068.9 | PnL: -0.04% | $-0.28 +2025-03-10 14:29:26,387 - INFO - OPENED LONG at 2068.9 | Stop loss: 2058.5389142857143 | Take profit: 2099.958378571429 +2025-03-10 14:29:26,429 - INFO - CLOSED long at 2068.51 | PnL: -0.02% | $-0.24 +2025-03-10 14:29:26,429 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.869135714286 | Take profit: 2037.4574714285716 +2025-03-10 14:29:28,247 - INFO - CLOSED short at 2066.24 | PnL: 0.11% | $0.02 +2025-03-10 14:29:28,296 - INFO - OPENED SHORT at 2067.1 | Stop loss: 2077.4520857142857 | Take profit: 2036.0686214285715 +2025-03-10 14:29:28,566 - INFO - CLOSED short at 2063.5 | PnL: 0.17% | $0.15 +2025-03-10 14:29:28,691 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.201035714286 | Take profit: 2027.9817714285714 +2025-03-10 14:29:30,308 - INFO - STOP LOSS hit for short at 2069.201035714286 | PnL: -0.50% | $-1.19 +2025-03-10 14:29:30,340 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3765857142857 | Take profit: 2040.8951214285714 +2025-03-10 14:29:30,468 - INFO - CLOSED short at 2071.04 | PnL: 0.05% | $-0.10 +2025-03-10 14:29:30,468 - INFO - OPENED LONG at 2071.04 | Stop loss: 2060.6682142857144 | Take profit: 2102.1304785714287 +2025-03-10 14:29:30,507 - INFO - CLOSED long at 2070.01 | PnL: -0.05% | $-0.29 +2025-03-10 14:29:30,507 - INFO - OPENED SHORT at 2070.01 | Stop loss: 2080.376635714286 | Take profit: 2038.9349714285715 +2025-03-10 14:29:31,159 - INFO - CLOSED short at 2065.5 | PnL: 0.22% | $0.23 +2025-03-10 14:29:31,159 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.155914285714 | Take profit: 2096.5073785714285 +2025-03-10 14:29:31,186 - INFO - CLOSED long at 2067.53 | PnL: 0.10% | $-0.00 +2025-03-10 14:29:31,186 - INFO - OPENED SHORT at 2067.53 | Stop loss: 2077.8842357142858 | Take profit: 2036.4921714285717 +2025-03-10 14:29:31,499 - INFO - CLOSED short at 2070.7 | PnL: -0.15% | $-0.49 +2025-03-10 14:29:31,499 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.329914285714 | Take profit: 2101.7853785714283 +2025-03-10 14:29:31,522 - INFO - CLOSED long at 2070.8 | PnL: 0.00% | $-0.18 +2025-03-10 14:29:31,523 - INFO - OPENED SHORT at 2070.8 | Stop loss: 2081.170585714286 | Take profit: 2039.7131214285716 +2025-03-10 14:29:33,176 - INFO - CLOSED short at 2060.2 | PnL: 0.51% | $0.80 +2025-03-10 14:29:33,272 - INFO - OPENED SHORT at 2056.77 | Stop loss: 2067.070435714286 | Take profit: 2025.8935714285712 +2025-03-10 14:29:33,664 - INFO - STOP LOSS hit for short at 2067.070435714286 | PnL: -0.50% | $-1.17 +2025-03-10 14:29:33,721 - INFO - OPENED SHORT at 2066.59 | Stop loss: 2076.9395357142857 | Take profit: 2035.5662714285716 +2025-03-10 14:29:33,745 - INFO - CLOSED short at 2064.08 | PnL: 0.12% | $0.04 +2025-03-10 14:29:33,746 - INFO - OPENED LONG at 2064.08 | Stop loss: 2053.7430142857143 | Take profit: 2095.0660785714285 +2025-03-10 14:29:33,775 - INFO - CLOSED long at 2061.21 | PnL: -0.14% | $-0.46 +2025-03-10 14:29:33,775 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.532635714286 | Take profit: 2030.2669714285714 +2025-03-10 14:29:34,046 - INFO - CLOSED short at 2073.49 | PnL: -0.60% | $-1.34 +2025-03-10 14:29:34,046 - INFO - OPENED LONG at 2073.49 | Stop loss: 2063.105964285714 | Take profit: 2104.6172285714283 +2025-03-10 14:29:34,073 - INFO - CLOSED long at 2074.05 | PnL: 0.03% | $-0.14 +2025-03-10 14:29:34,073 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4368357142857 | Take profit: 2042.9143714285715 +2025-03-10 14:29:34,255 - INFO - STOP LOSS hit for short at 2084.4368357142857 | PnL: -0.50% | $-1.14 +2025-03-10 14:29:34,280 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.020964285714 | Take profit: 2121.8722285714284 +2025-03-10 14:29:34,331 - INFO - TAKE PROFIT hit for long at 2121.8722285714284 | PnL: 1.50% | $2.62 +2025-03-10 14:29:34,362 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2542857142857 | Take profit: 2107.4220214285715 +2025-03-10 14:29:34,723 - INFO - CLOSED short at 2120.15 | PnL: 0.91% | $1.55 +2025-03-10 14:29:34,724 - INFO - OPENED LONG at 2120.15 | Stop loss: 2109.5326642857144 | Take profit: 2151.9771285714287 +2025-03-10 14:29:34,759 - INFO - CLOSED long at 2117.24 | PnL: -0.14% | $-0.46 +2025-03-10 14:29:34,759 - INFO - OPENED SHORT at 2117.24 | Stop loss: 2127.8427857142856 | Take profit: 2085.4565214285712 +2025-03-10 14:29:35,040 - INFO - CLOSED short at 2112.95 | PnL: 0.20% | $0.20 +2025-03-10 14:29:35,041 - INFO - OPENED LONG at 2112.95 | Stop loss: 2102.368664285714 | Take profit: 2144.6691285714282 +2025-03-10 14:29:35,067 - INFO - CLOSED long at 2112.46 | PnL: -0.02% | $-0.24 +2025-03-10 14:29:35,067 - INFO - OPENED SHORT at 2112.46 | Stop loss: 2123.038885714286 | Take profit: 2080.7482214285715 +2025-03-10 14:29:35,516 - INFO - CLOSED short at 2102.19 | PnL: 0.49% | $0.75 +2025-03-10 14:29:35,539 - INFO - OPENED SHORT at 2102.29 | Stop loss: 2112.8180357142855 | Take profit: 2070.730771428571 +2025-03-10 14:29:38,301 - INFO - STOP LOSS hit for short at 2112.8180357142855 | PnL: -0.50% | $-1.18 +2025-03-10 14:29:38,392 - INFO - OPENED SHORT at 2113.1 | Stop loss: 2123.6820857142857 | Take profit: 2081.3786214285715 +2025-03-10 14:29:39,131 - INFO - STOP LOSS hit for short at 2123.6820857142857 | PnL: -0.50% | $-1.16 +2025-03-10 14:29:39,605 - INFO - OPENED SHORT at 2126.43 | Stop loss: 2137.0787357142854 | Take profit: 2094.5086714285712 +2025-03-10 14:29:39,981 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 35.7% in downtrends | Avg Win=$0.71, Avg Loss=$-0.59 +2025-03-10 14:29:39,982 - INFO - Episode 45: Reward=169.00, Balance=$96.28, Win Rate=34.6%, Trades=26, Episode PnL=$-1.70, Total PnL=$-278.06, Max Drawdown=5.8%, Pred Accuracy=99.8% +2025-03-10 14:29:39,983 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:29:40,308 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:29:40,783 - INFO - CLOSED short at 2068.76 | PnL: -0.04% | $-0.27 +2025-03-10 14:29:40,807 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.261085714286 | Take profit: 2037.8416214285717 +2025-03-10 14:29:41,496 - INFO - CLOSED short at 2067.0 | PnL: 0.09% | $-0.02 +2025-03-10 14:29:41,549 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.813885714286 | Take profit: 2036.4232214285714 +2025-03-10 14:29:42,090 - INFO - CLOSED short at 2068.69 | PnL: -0.06% | $-0.32 +2025-03-10 14:29:42,090 - INFO - OPENED LONG at 2068.69 | Stop loss: 2058.329964285714 | Take profit: 2099.745228571429 +2025-03-10 14:29:42,158 - INFO - CLOSED long at 2067.84 | PnL: -0.04% | $-0.28 +2025-03-10 14:29:42,158 - INFO - OPENED SHORT at 2067.84 | Stop loss: 2078.1957857142856 | Take profit: 2036.7975214285716 +2025-03-10 14:29:43,853 - INFO - CLOSED short at 2063.53 | PnL: 0.21% | $0.21 +2025-03-10 14:29:43,908 - INFO - OPENED SHORT at 2062.6 | Stop loss: 2072.9295857142856 | Take profit: 2031.6361214285714 +2025-03-10 14:29:44,115 - INFO - CLOSED short at 2059.16 | PnL: 0.17% | $0.13 +2025-03-10 14:29:44,115 - INFO - OPENED LONG at 2059.16 | Stop loss: 2048.847614285714 | Take profit: 2090.0722785714283 +2025-03-10 14:29:44,211 - INFO - CLOSED long at 2058.89 | PnL: -0.01% | $-0.22 +2025-03-10 14:29:44,211 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.201035714286 | Take profit: 2027.9817714285714 +2025-03-10 14:29:45,144 - INFO - STOP LOSS hit for short at 2069.201035714286 | PnL: -0.50% | $-1.18 +2025-03-10 14:29:45,176 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3765857142857 | Take profit: 2040.8951214285714 +2025-03-10 14:29:45,649 - INFO - CLOSED short at 2069.03 | PnL: 0.14% | $0.08 +2025-03-10 14:29:45,650 - INFO - OPENED LONG at 2069.03 | Stop loss: 2058.6682642857145 | Take profit: 2100.090328571429 +2025-03-10 14:29:45,889 - INFO - CLOSED long at 2066.38 | PnL: -0.13% | $-0.44 +2025-03-10 14:29:45,890 - INFO - OPENED SHORT at 2066.38 | Stop loss: 2076.728485714286 | Take profit: 2035.3594214285715 +2025-03-10 14:29:46,946 - INFO - STOP LOSS hit for short at 2076.728485714286 | PnL: -0.50% | $-1.16 +2025-03-10 14:29:46,995 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2086.004635714286 | Take profit: 2044.4509714285716 +2025-03-10 14:29:48,683 - INFO - CLOSED short at 2060.7 | PnL: 0.72% | $1.18 +2025-03-10 14:29:48,683 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.379914285714 | Take profit: 2091.635378571428 +2025-03-10 14:29:48,813 - INFO - CLOSED long at 2070.24 | PnL: 0.46% | $0.70 +2025-03-10 14:29:48,814 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.6077857142855 | Take profit: 2039.1615214285712 +2025-03-10 14:29:49,191 - INFO - STOP LOSS hit for short at 2080.6077857142855 | PnL: -0.50% | $-1.17 +2025-03-10 14:29:49,218 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:29:49,244 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.16 +2025-03-10 14:29:49,502 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.4099857142855 | Take profit: 2110.514921428571 +2025-03-10 14:29:49,953 - INFO - TAKE PROFIT hit for short at 2110.514921428571 | PnL: 1.50% | $2.67 +2025-03-10 14:29:49,977 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1695857142854 | Take profit: 2078.9161214285714 +2025-03-10 14:29:50,828 - INFO - CLOSED short at 2101.51 | PnL: 0.43% | $0.65 +2025-03-10 14:29:50,882 - INFO - OPENED SHORT at 2099.59 | Stop loss: 2110.1045357142857 | Take profit: 2068.071271428572 +2025-03-10 14:29:51,976 - INFO - CLOSED short at 2089.79 | PnL: 0.47% | $0.72 +2025-03-10 14:29:52,019 - INFO - OPENED SHORT at 2089.2 | Stop loss: 2099.662585714286 | Take profit: 2057.837121428571 +2025-03-10 14:29:52,244 - INFO - STOP LOSS hit for short at 2099.662585714286 | PnL: -0.50% | $-1.19 +2025-03-10 14:29:52,293 - INFO - OPENED SHORT at 2097.11 | Stop loss: 2107.6121357142856 | Take profit: 2065.6284714285716 +2025-03-10 14:29:53,088 - INFO - STOP LOSS hit for short at 2107.6121357142856 | PnL: -0.50% | $-1.18 +2025-03-10 14:29:53,194 - INFO - OPENED SHORT at 2113.7 | Stop loss: 2124.2850857142853 | Take profit: 2081.9696214285714 +2025-03-10 14:29:53,969 - INFO - CLOSED short at 2121.77 | PnL: -0.38% | $-0.93 +2025-03-10 14:29:53,969 - INFO - OPENED LONG at 2121.77 | Stop loss: 2111.1445642857143 | Take profit: 2153.621428571428 +2025-03-10 14:29:54,061 - INFO - CLOSED long at 2127.79 | PnL: 0.28% | $0.35 +2025-03-10 14:29:54,061 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:29:54,938 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 33.3% in downtrends | Avg Win=$0.75, Avg Loss=$-0.73 +2025-03-10 14:29:54,939 - INFO - Episode 46: Reward=174.56, Balance=$97.18, Win Rate=40.9%, Trades=22, Episode PnL=$-2.93, Total PnL=$-280.88, Max Drawdown=3.9%, Pred Accuracy=99.8% +2025-03-10 14:29:54,939 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:29:55,252 - INFO - OPENED SHORT at 2068.02 | Stop loss: 2078.376685714286 | Take profit: 2036.9748214285712 +2025-03-10 14:29:55,405 - INFO - CLOSED short at 2069.34 | PnL: -0.06% | $-0.33 +2025-03-10 14:29:55,405 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.9767142857145 | Take profit: 2100.4049785714287 +2025-03-10 14:29:55,491 - INFO - CLOSED long at 2068.8 | PnL: -0.03% | $-0.25 +2025-03-10 14:29:55,492 - INFO - OPENED SHORT at 2068.8 | Stop loss: 2079.160585714286 | Take profit: 2037.7431214285716 +2025-03-10 14:29:55,885 - INFO - CLOSED short at 2066.18 | PnL: 0.13% | $0.05 +2025-03-10 14:29:55,885 - INFO - OPENED LONG at 2066.18 | Stop loss: 2055.8325142857143 | Take profit: 2097.1975785714285 +2025-03-10 14:29:56,065 - INFO - CLOSED long at 2068.51 | PnL: 0.11% | $0.03 +2025-03-10 14:29:56,066 - INFO - OPENED SHORT at 2068.51 | Stop loss: 2078.869135714286 | Take profit: 2037.4574714285716 +2025-03-10 14:29:56,714 - INFO - CLOSED short at 2067.0 | PnL: 0.07% | $-0.05 +2025-03-10 14:29:56,769 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.813885714286 | Take profit: 2036.4232214285714 +2025-03-10 14:30:00,729 - INFO - CLOSED short at 2072.0 | PnL: -0.22% | $-0.63 +2025-03-10 14:30:00,764 - INFO - OPENED SHORT at 2074.3 | Stop loss: 2084.688085714286 | Take profit: 2043.1606214285716 +2025-03-10 14:30:02,242 - INFO - CLOSED short at 2068.19 | PnL: 0.29% | $0.38 +2025-03-10 14:30:02,242 - INFO - OPENED LONG at 2068.19 | Stop loss: 2057.832464285714 | Take profit: 2099.2377285714283 +2025-03-10 14:30:02,267 - INFO - CLOSED long at 2068.67 | PnL: 0.02% | $-0.15 +2025-03-10 14:30:02,267 - INFO - OPENED SHORT at 2068.67 | Stop loss: 2079.029935714286 | Take profit: 2037.6150714285716 +2025-03-10 14:30:02,742 - INFO - CLOSED short at 2072.09 | PnL: -0.17% | $-0.52 +2025-03-10 14:30:02,742 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.7129642857144 | Take profit: 2103.196228571429 +2025-03-10 14:30:02,963 - INFO - CLOSED long at 2066.4 | PnL: -0.27% | $-0.73 +2025-03-10 14:30:02,963 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.7485857142856 | Take profit: 2035.3791214285716 +2025-03-10 14:30:04,539 - INFO - CLOSED short at 2066.59 | PnL: -0.01% | $-0.21 +2025-03-10 14:30:04,644 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.532635714286 | Take profit: 2030.2669714285714 +2025-03-10 14:30:04,729 - INFO - CLOSED short at 2060.7 | PnL: 0.02% | $-0.15 +2025-03-10 14:30:04,731 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.379914285714 | Take profit: 2091.635378571428 +2025-03-10 14:30:04,768 - INFO - CLOSED long at 2061.84 | PnL: 0.06% | $-0.09 +2025-03-10 14:30:04,770 - INFO - OPENED SHORT at 2061.84 | Stop loss: 2072.165785714286 | Take profit: 2030.8875214285715 +2025-03-10 14:30:05,129 - INFO - STOP LOSS hit for short at 2072.165785714286 | PnL: -0.50% | $-1.16 +2025-03-10 14:30:05,173 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4368357142857 | Take profit: 2042.9143714285715 +2025-03-10 14:30:05,409 - INFO - STOP LOSS hit for short at 2084.4368357142857 | PnL: -0.50% | $-1.15 +2025-03-10 14:30:05,435 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:30:05,465 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.13 +2025-03-10 14:30:05,491 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:30:05,638 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.12 +2025-03-10 14:30:05,858 - INFO - OPENED SHORT at 2128.69 | Stop loss: 2139.3500357142857 | Take profit: 2096.7347714285715 +2025-03-10 14:30:06,946 - INFO - TAKE PROFIT hit for short at 2096.7347714285715 | PnL: 1.50% | $2.58 +2025-03-10 14:30:07,090 - INFO - OPENED SHORT at 2102.19 | Stop loss: 2112.717535714286 | Take profit: 2070.6322714285716 +2025-03-10 14:30:10,544 - INFO - STOP LOSS hit for short at 2112.717535714286 | PnL: -0.50% | $-1.14 +2025-03-10 14:30:10,615 - INFO - OPENED SHORT at 2113.0 | Stop loss: 2123.581585714286 | Take profit: 2081.2801214285714 +2025-03-10 14:30:11,656 - INFO - STOP LOSS hit for short at 2123.581585714286 | PnL: -0.50% | $-1.12 +2025-03-10 14:30:11,688 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:30:12,573 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 25.0% in downtrends | Avg Win=$0.76, Avg Loss=$-0.62 +2025-03-10 14:30:12,574 - INFO - Episode 47: Reward=168.09, Balance=$93.11, Win Rate=20.0%, Trades=20, Episode PnL=$-5.69, Total PnL=$-287.76, Max Drawdown=7.2%, Pred Accuracy=99.9% +2025-03-10 14:30:12,575 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:30:12,951 - INFO - OPENED SHORT at 2070.36 | Stop loss: 2080.7283857142857 | Take profit: 2039.2797214285715 +2025-03-10 14:30:13,089 - INFO - CLOSED short at 2069.19 | PnL: 0.06% | $-0.09 +2025-03-10 14:30:13,225 - INFO - OPENED SHORT at 2067.51 | Stop loss: 2077.864135714286 | Take profit: 2036.4724714285717 +2025-03-10 14:30:14,092 - INFO - CLOSED short at 2069.46 | PnL: -0.09% | $-0.39 +2025-03-10 14:30:14,177 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.3515857142856 | Take profit: 2035.9701214285715 +2025-03-10 14:30:14,458 - INFO - CLOSED short at 2067.89 | PnL: -0.04% | $-0.28 +2025-03-10 14:30:14,459 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.5339642857143 | Take profit: 2098.9332285714286 +2025-03-10 14:30:14,497 - INFO - CLOSED long at 2068.58 | PnL: 0.03% | $-0.13 +2025-03-10 14:30:14,497 - INFO - OPENED SHORT at 2068.58 | Stop loss: 2078.9394857142856 | Take profit: 2037.5264214285714 +2025-03-10 14:30:14,906 - INFO - CLOSED short at 2068.5 | PnL: 0.00% | $-0.19 +2025-03-10 14:30:14,934 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.0500357142855 | Take profit: 2037.6347714285714 +2025-03-10 14:30:16,245 - INFO - CLOSED short at 2060.31 | PnL: 0.41% | $0.60 +2025-03-10 14:30:16,313 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.125585714286 | Take profit: 2030.8481214285716 +2025-03-10 14:30:16,599 - INFO - CLOSED short at 2064.33 | PnL: -0.12% | $-0.44 +2025-03-10 14:30:16,599 - INFO - OPENED LONG at 2064.33 | Stop loss: 2053.991764285714 | Take profit: 2095.319828571429 +2025-03-10 14:30:16,625 - INFO - CLOSED long at 2063.39 | PnL: -0.05% | $-0.29 +2025-03-10 14:30:16,626 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.723535714286 | Take profit: 2032.4142714285713 +2025-03-10 14:30:17,748 - INFO - CLOSED short at 2066.36 | PnL: -0.14% | $-0.48 +2025-03-10 14:30:17,802 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5639142857144 | Take profit: 2094.8833785714287 +2025-03-10 14:30:17,890 - INFO - CLOSED long at 2066.33 | PnL: 0.12% | $0.03 +2025-03-10 14:30:17,890 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6782357142856 | Take profit: 2035.3101714285713 +2025-03-10 14:30:18,277 - INFO - STOP LOSS hit for short at 2076.6782357142856 | PnL: -0.50% | $-1.17 +2025-03-10 14:30:18,379 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.4117857142855 | Take profit: 2039.9495214285712 +2025-03-10 14:30:18,807 - INFO - CLOSED short at 2069.87 | PnL: 0.06% | $-0.08 +2025-03-10 14:30:19,110 - INFO - OPENED SHORT at 2063.97 | Stop loss: 2074.3064357142853 | Take profit: 2032.9855714285711 +2025-03-10 14:30:20,358 - INFO - STOP LOSS hit for short at 2074.3064357142853 | PnL: -0.50% | $-1.16 +2025-03-10 14:30:20,386 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.461935714286 | Take profit: 2043.9190714285717 +2025-03-10 14:30:20,708 - INFO - CLOSED short at 2076.9 | PnL: -0.09% | $-0.36 +2025-03-10 14:30:20,709 - INFO - OPENED LONG at 2076.9 | Stop loss: 2066.4989142857144 | Take profit: 2108.078378571429 +2025-03-10 14:30:20,830 - INFO - CLOSED long at 2069.97 | PnL: -0.33% | $-0.82 +2025-03-10 14:30:20,831 - INFO - OPENED SHORT at 2069.97 | Stop loss: 2080.3364357142855 | Take profit: 2038.8955714285712 +2025-03-10 14:30:22,508 - INFO - CLOSED short at 2057.11 | PnL: 0.62% | $0.98 +2025-03-10 14:30:22,650 - INFO - OPENED SHORT at 2065.1 | Stop loss: 2075.442085714286 | Take profit: 2034.0986214285713 +2025-03-10 14:30:23,479 - INFO - STOP LOSS hit for short at 2075.442085714286 | PnL: -0.50% | $-1.14 +2025-03-10 14:30:23,550 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.959035714285 | Take profit: 2059.107771428571 +2025-03-10 14:30:23,577 - INFO - STOP LOSS hit for short at 2100.959035714285 | PnL: -0.50% | $-1.13 +2025-03-10 14:30:23,604 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3700857142853 | Take profit: 2098.7146214285713 +2025-03-10 14:30:23,824 - INFO - STOP LOSS hit for short at 2141.3700857142853 | PnL: -0.50% | $-1.11 +2025-03-10 14:30:23,851 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.023085714286 | Take profit: 2109.1556214285715 +2025-03-10 14:30:24,356 - INFO - TAKE PROFIT hit for short at 2109.1556214285715 | PnL: 1.50% | $2.57 +2025-03-10 14:30:24,485 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.531335714286 | Take profit: 2081.2308714285714 +2025-03-10 14:30:25,104 - INFO - CLOSED short at 2102.29 | PnL: 0.50% | $0.76 +2025-03-10 14:30:25,104 - INFO - OPENED LONG at 2102.29 | Stop loss: 2091.7619642857144 | Take profit: 2133.8492285714283 +2025-03-10 14:30:25,159 - INFO - CLOSED long at 2098.9 | PnL: -0.16% | $-0.50 +2025-03-10 14:30:25,159 - INFO - OPENED SHORT at 2098.9 | Stop loss: 2109.4110857142855 | Take profit: 2067.3916214285714 +2025-03-10 14:30:27,616 - INFO - STOP LOSS hit for short at 2109.4110857142855 | PnL: -0.50% | $-1.13 +2025-03-10 14:30:27,760 - INFO - OPENED SHORT at 2113.7 | Stop loss: 2124.2850857142853 | Take profit: 2081.9696214285714 +2025-03-10 14:30:28,789 - INFO - STOP LOSS hit for short at 2124.2850857142853 | PnL: -0.50% | $-1.12 +2025-03-10 14:30:28,823 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4455357142856 | Take profit: 2095.8482714285715 +2025-03-10 14:30:29,495 - INFO - CLOSED short at 2131.23 | PnL: -0.16% | $-0.48 +2025-03-10 14:30:29,495 - INFO - OPENED LONG at 2131.23 | Stop loss: 2120.557264285714 | Take profit: 2163.2233285714287 +2025-03-10 14:30:29,522 - INFO - CLOSED long at 2125.48 | PnL: -0.27% | $-0.68 +2025-03-10 14:30:29,523 - INFO - OPENED SHORT at 2125.48 | Stop loss: 2136.1239857142855 | Take profit: 2093.5729214285716 +2025-03-10 14:30:30,077 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 15.4% in downtrends | Avg Win=$0.99, Avg Loss=$-0.63 +2025-03-10 14:30:30,078 - INFO - Episode 48: Reward=160.87, Balance=$91.77, Win Rate=19.2%, Trades=26, Episode PnL=$-5.85, Total PnL=$-295.99, Max Drawdown=7.6%, Pred Accuracy=99.8% +2025-03-10 14:30:30,079 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:30:30,515 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.703285714286 | Take profit: 2038.2750214285716 +2025-03-10 14:30:30,880 - INFO - CLOSED short at 2068.76 | PnL: 0.03% | $-0.14 +2025-03-10 14:30:30,910 - INFO - OPENED SHORT at 2068.9 | Stop loss: 2079.261085714286 | Take profit: 2037.8416214285717 +2025-03-10 14:30:34,630 - INFO - CLOSED short at 2061.6 | PnL: 0.35% | $0.50 +2025-03-10 14:30:34,880 - INFO - OPENED SHORT at 2064.49 | Stop loss: 2074.8290357142855 | Take profit: 2033.4977714285712 +2025-03-10 14:30:35,164 - INFO - STOP LOSS hit for short at 2074.8290357142855 | PnL: -0.50% | $-1.20 +2025-03-10 14:30:35,235 - INFO - OPENED SHORT at 2072.6 | Stop loss: 2082.979585714286 | Take profit: 2041.4861214285713 +2025-03-10 14:30:35,315 - INFO - CLOSED short at 2071.6 | PnL: 0.05% | $-0.10 +2025-03-10 14:30:35,341 - INFO - OPENED SHORT at 2073.23 | Stop loss: 2083.612735714286 | Take profit: 2042.1066714285714 +2025-03-10 14:30:35,626 - INFO - CLOSED short at 2072.99 | PnL: 0.01% | $-0.17 +2025-03-10 14:30:35,648 - INFO - OPENED SHORT at 2071.49 | Stop loss: 2081.864035714286 | Take profit: 2040.3927714285712 +2025-03-10 14:30:35,861 - INFO - CLOSED short at 2064.5 | PnL: 0.34% | $0.47 +2025-03-10 14:30:35,861 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.160914285714 | Take profit: 2095.4923785714286 +2025-03-10 14:30:35,946 - INFO - CLOSED long at 2064.4 | PnL: -0.00% | $-0.21 +2025-03-10 14:30:35,946 - INFO - OPENED SHORT at 2064.4 | Stop loss: 2074.738585714286 | Take profit: 2033.4091214285716 +2025-03-10 14:30:36,505 - INFO - CLOSED short at 2068.19 | PnL: -0.18% | $-0.56 +2025-03-10 14:30:36,530 - INFO - OPENED SHORT at 2068.67 | Stop loss: 2079.029935714286 | Take profit: 2037.6150714285716 +2025-03-10 14:30:39,116 - INFO - STOP LOSS hit for short at 2079.029935714286 | PnL: -0.50% | $-1.18 +2025-03-10 14:30:39,279 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2542857142857 | Take profit: 2107.4220214285715 +2025-03-10 14:30:40,354 - INFO - TAKE PROFIT hit for short at 2107.4220214285715 | PnL: 1.50% | $2.71 +2025-03-10 14:30:40,405 - INFO - OPENED SHORT at 2108.06 | Stop loss: 2118.6168857142857 | Take profit: 2076.414221428571 +2025-03-10 14:30:41,189 - INFO - CLOSED short at 2094.08 | PnL: 0.66% | $1.12 +2025-03-10 14:30:41,190 - INFO - OPENED LONG at 2094.08 | Stop loss: 2083.593014285714 | Take profit: 2125.5160785714284 +2025-03-10 14:30:41,227 - INFO - CLOSED long at 2088.35 | PnL: -0.27% | $-0.75 +2025-03-10 14:30:41,228 - INFO - OPENED SHORT at 2088.35 | Stop loss: 2098.8083357142855 | Take profit: 2056.999871428571 +2025-03-10 14:30:42,297 - INFO - STOP LOSS hit for short at 2098.8083357142855 | PnL: -0.50% | $-1.20 +2025-03-10 14:30:42,388 - INFO - OPENED SHORT at 2097.11 | Stop loss: 2107.6121357142856 | Take profit: 2065.6284714285716 +2025-03-10 14:30:42,847 - INFO - CLOSED short at 2104.4 | PnL: -0.35% | $-0.88 +2025-03-10 14:30:42,847 - INFO - OPENED LONG at 2104.4 | Stop loss: 2093.8614142857145 | Take profit: 2135.9908785714283 +2025-03-10 14:30:42,872 - INFO - CLOSED long at 2105.21 | PnL: 0.04% | $-0.12 +2025-03-10 14:30:42,872 - INFO - OPENED SHORT at 2105.21 | Stop loss: 2115.752635714286 | Take profit: 2073.6069714285713 +2025-03-10 14:30:42,916 - INFO - CLOSED short at 2100.0 | PnL: 0.25% | $0.29 +2025-03-10 14:30:42,917 - INFO - OPENED LONG at 2100.0 | Stop loss: 2089.4834142857144 | Take profit: 2131.5248785714284 +2025-03-10 14:30:42,961 - INFO - CLOSED long at 2102.0 | PnL: 0.10% | $-0.01 +2025-03-10 14:30:42,961 - INFO - OPENED SHORT at 2102.0 | Stop loss: 2112.5265857142854 | Take profit: 2070.4451214285714 +2025-03-10 14:30:43,286 - INFO - STOP LOSS hit for short at 2112.5265857142854 | PnL: -0.50% | $-1.18 +2025-03-10 14:30:43,322 - INFO - OPENED SHORT at 2113.0 | Stop loss: 2123.581585714286 | Take profit: 2081.2801214285714 +2025-03-10 14:30:43,590 - INFO - CLOSED short at 2112.61 | PnL: 0.02% | $-0.16 +2025-03-10 14:30:43,615 - INFO - OPENED SHORT at 2118.72 | Stop loss: 2129.3301857142856 | Take profit: 2086.914321428571 +2025-03-10 14:30:44,102 - INFO - STOP LOSS hit for short at 2129.3301857142856 | PnL: -0.50% | $-1.16 +2025-03-10 14:30:44,210 - INFO - OPENED SHORT at 2132.83 | Stop loss: 2143.5107357142856 | Take profit: 2100.8126714285713 +2025-03-10 14:30:44,959 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 40.0% in downtrends | Avg Win=$1.02, Avg Loss=$-0.60 +2025-03-10 14:30:44,960 - INFO - Episode 49: Reward=171.64, Balance=$96.08, Win Rate=25.0%, Trades=20, Episode PnL=$-2.84, Total PnL=$-299.91, Max Drawdown=4.3%, Pred Accuracy=99.9% +2025-03-10 14:30:44,961 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:30:44,961 - INFO - Early stopping triggered after 50 episodes without improvement +2025-03-10 14:30:45,119 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 14:30:45,275 - ERROR - Training failed: 'episode_pnls' +2025-03-10 14:30:45,277 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2044, in train_agent + plot_training_results(stats) + File "main.py", line 2086, in plot_training_results + plt.plot(stats['trade_counts']) # Changed from 'episode_lengths' + ~~~~~^^^^^^^^^^^^^^^^ +KeyError: 'episode_pnls' + +2025-03-10 14:30:45,425 - INFO - Model saved to models/trading_agent_emergency.pt +2025-03-10 14:30:45,426 - INFO - Emergency model saved due to training failure +2025-03-10 14:30:45,427 - INFO - Exchange connection closed +2025-03-10 14:41:56,073 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 14:41:56,092 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 14:41:56,093 - INFO - Fetching initial data for ETH/USDT +2025-03-10 14:41:59,716 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 14:41:59,733 - INFO - Initialized environment with 500 candles +2025-03-10 14:42:01,937 - INFO - Starting training for 1000 episodes... +2025-03-10 14:42:01,938 - INFO - Starting training on device: cuda +2025-03-10 14:42:01,938 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 14:42:01,938 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 14:42:02,092 - INFO - Model loaded successfully with weights_only=True +2025-03-10 14:42:02,093 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $0.26, Win Rate: 44.4% +2025-03-10 14:42:03,115 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7706892857145 | Take profit: 2039.3159660714286 +2025-03-10 14:42:03,118 - INFO - CLOSED short at 2069.96 | PnL: 0.02% | $-0.16 +2025-03-10 14:42:03,122 - INFO - OPENED SHORT at 2071.4 | Stop loss: 2081.7756892857146 | Take profit: 2040.3009660714288 +2025-03-10 14:42:03,124 - INFO - CLOSED short at 2071.39 | PnL: 0.00% | $-0.20 +2025-03-10 14:42:03,127 - INFO - OPENED SHORT at 2071.36 | Stop loss: 2081.7354892857143 | Take profit: 2040.2615660714287 +2025-03-10 14:42:03,131 - INFO - CLOSED short at 2072.75 | PnL: -0.07% | $-0.33 +2025-03-10 14:42:03,134 - INFO - OPENED SHORT at 2073.11 | Stop loss: 2083.4942392857142 | Take profit: 2041.9853160714285 +2025-03-10 14:42:03,140 - INFO - CLOSED short at 2074.29 | PnL: -0.06% | $-0.31 +2025-03-10 14:42:03,145 - INFO - OPENED SHORT at 2071.92 | Stop loss: 2082.2982892857144 | Take profit: 2040.8131660714284 +2025-03-10 14:42:03,148 - INFO - CLOSED short at 2070.4 | PnL: 0.07% | $-0.05 +2025-03-10 14:42:03,154 - INFO - OPENED SHORT at 2069.46 | Stop loss: 2079.825989285714 | Take profit: 2038.3900660714285 +2025-03-10 14:42:03,157 - INFO - CLOSED short at 2069.35 | PnL: 0.01% | $-0.19 +2025-03-10 14:42:03,160 - INFO - OPENED SHORT at 2068.32 | Stop loss: 2078.6802892857145 | Take profit: 2037.2671660714286 +2025-03-10 14:42:03,163 - INFO - CLOSED short at 2067.0 | PnL: 0.06% | $-0.07 +2025-03-10 14:42:03,166 - INFO - OPENED SHORT at 2067.79 | Stop loss: 2078.1476392857144 | Take profit: 2036.7451160714286 +2025-03-10 14:42:03,167 - INFO - CLOSED short at 2067.46 | PnL: 0.02% | $-0.16 +2025-03-10 14:42:03,167 - INFO - OPENED LONG at 2067.46 | Stop loss: 2057.104010714286 | Take profit: 2098.4999339285714 +2025-03-10 14:42:03,170 - INFO - CLOSED long at 2066.8 | PnL: -0.03% | $-0.26 +2025-03-10 14:42:03,174 - INFO - OPENED SHORT at 2065.49 | Stop loss: 2075.836139285714 | Take profit: 2034.4796160714284 +2025-03-10 14:42:03,179 - INFO - CLOSED short at 2063.61 | PnL: 0.09% | $-0.02 +2025-03-10 14:42:03,184 - INFO - OPENED SHORT at 2067.89 | Stop loss: 2078.248139285714 | Take profit: 2036.8436160714286 +2025-03-10 14:42:03,188 - INFO - CLOSED short at 2068.58 | PnL: -0.03% | $-0.26 +2025-03-10 14:42:03,191 - INFO - OPENED SHORT at 2068.8 | Stop loss: 2079.162689285715 | Take profit: 2037.7399660714289 +2025-03-10 14:42:03,200 - INFO - CLOSED short at 2067.86 | PnL: 0.05% | $-0.11 +2025-03-10 14:42:03,204 - INFO - OPENED SHORT at 2067.59 | Stop loss: 2077.9466392857144 | Take profit: 2036.5481160714287 +2025-03-10 14:42:03,212 - INFO - CLOSED short at 2071.59 | PnL: -0.19% | $-0.57 +2025-03-10 14:42:03,223 - INFO - OPENED SHORT at 2068.5 | Stop loss: 2078.861189285714 | Take profit: 2037.4444660714285 +2025-03-10 14:42:03,233 - INFO - CLOSED short at 2067.84 | PnL: 0.03% | $-0.13 +2025-03-10 14:42:03,236 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.217989285715 | Take profit: 2036.8140660714287 +2025-03-10 14:42:03,239 - INFO - CLOSED short at 2066.4 | PnL: 0.07% | $-0.06 +2025-03-10 14:42:03,245 - INFO - OPENED SHORT at 2065.28 | Stop loss: 2075.6250892857147 | Take profit: 2034.2727660714286 +2025-03-10 14:42:03,250 - INFO - CLOSED short at 2064.47 | PnL: 0.04% | $-0.12 +2025-03-10 14:42:03,251 - INFO - OPENED SHORT at 2070.04 | Stop loss: 2080.408889285714 | Take profit: 2038.9613660714285 +2025-03-10 14:42:03,254 - INFO - CLOSED short at 2067.8 | PnL: 0.11% | $0.02 +2025-03-10 14:42:03,257 - INFO - OPENED SHORT at 2068.18 | Stop loss: 2078.539589285714 | Take profit: 2037.1292660714282 +2025-03-10 14:42:03,262 - INFO - CLOSED short at 2067.88 | PnL: 0.01% | $-0.16 +2025-03-10 14:42:03,268 - INFO - OPENED LONG at 2065.83 | Stop loss: 2055.482160714286 | Take profit: 2096.845483928571 +2025-03-10 14:42:03,271 - INFO - CLOSED long at 2065.26 | PnL: -0.03% | $-0.24 +2025-03-10 14:42:03,271 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.6049892857145 | Take profit: 2034.2530660714287 +2025-03-10 14:42:03,275 - INFO - CLOSED short at 2062.89 | PnL: 0.11% | $0.03 +2025-03-10 14:42:03,277 - INFO - OPENED SHORT at 2062.65 | Stop loss: 2072.9819392857144 | Take profit: 2031.6822160714287 +2025-03-10 14:42:03,281 - INFO - CLOSED short at 2061.78 | PnL: 0.04% | $-0.11 +2025-03-10 14:42:03,296 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.9266392857144 | Take profit: 2032.6081160714286 +2025-03-10 14:42:03,299 - INFO - CLOSED short at 2064.96 | PnL: -0.07% | $-0.32 +2025-03-10 14:42:03,306 - INFO - OPENED SHORT at 2067.1 | Stop loss: 2077.454189285714 | Take profit: 2036.0654660714283 +2025-03-10 14:42:03,893 - INFO - CLOSED short at 2065.89 | PnL: 0.06% | $-0.08 +2025-03-10 14:42:03,913 - INFO - OPENED SHORT at 2063.53 | Stop loss: 2073.8663392857143 | Take profit: 2032.549016071429 +2025-03-10 14:42:04,360 - INFO - CLOSED short at 2061.66 | PnL: 0.09% | $-0.02 +2025-03-10 14:42:04,361 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.3330107142856 | Take profit: 2092.6129339285712 +2025-03-10 14:42:04,381 - INFO - CLOSED long at 2061.5 | PnL: -0.01% | $-0.21 +2025-03-10 14:42:04,381 - INFO - OPENED SHORT at 2061.5 | Stop loss: 2071.8261892857145 | Take profit: 2030.5494660714285 +2025-03-10 14:42:04,543 - INFO - CLOSED short at 2064.49 | PnL: -0.15% | $-0.47 +2025-03-10 14:42:04,544 - INFO - OPENED LONG at 2064.49 | Stop loss: 2054.1488607142855 | Take profit: 2095.4853839285715 +2025-03-10 14:42:04,565 - INFO - CLOSED long at 2066.33 | PnL: 0.09% | $-0.02 +2025-03-10 14:42:04,566 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.680339285714 | Take profit: 2035.3070160714285 +2025-03-10 14:42:04,745 - INFO - STOP LOSS hit for short at 2076.680339285714 | PnL: -0.50% | $-1.14 +2025-03-10 14:42:04,770 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.4037392857144 | Take profit: 2043.8568160714287 +2025-03-10 14:42:04,897 - INFO - CLOSED short at 2068.15 | PnL: 0.33% | $0.43 +2025-03-10 14:42:04,922 - INFO - OPENED SHORT at 2068.39 | Stop loss: 2078.750639285714 | Take profit: 2037.3361160714285 +2025-03-10 14:42:05,163 - INFO - CLOSED short at 2063.95 | PnL: 0.21% | $0.22 +2025-03-10 14:42:05,163 - INFO - OPENED LONG at 2063.95 | Stop loss: 2053.6115607142856 | Take profit: 2094.937283928571 +2025-03-10 14:42:05,184 - INFO - CLOSED long at 2063.97 | PnL: 0.00% | $-0.19 +2025-03-10 14:42:05,184 - INFO - OPENED SHORT at 2063.97 | Stop loss: 2074.3085392857142 | Take profit: 2032.9824160714284 +2025-03-10 14:42:05,693 - INFO - STOP LOSS hit for short at 2074.3085392857142 | PnL: -0.50% | $-1.13 +2025-03-10 14:42:05,712 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.464039285714 | Take profit: 2043.9159160714287 +2025-03-10 14:42:07,233 - INFO - STOP LOSS hit for short at 2085.464039285714 | PnL: -0.50% | $-1.12 +2025-03-10 14:42:07,257 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.961139285714 | Take profit: 2059.104616071428 +2025-03-10 14:42:07,279 - INFO - STOP LOSS hit for short at 2100.961139285714 | PnL: -0.50% | $-1.10 +2025-03-10 14:42:07,301 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.372189285714 | Take profit: 2098.7114660714283 +2025-03-10 14:42:07,398 - INFO - STOP LOSS hit for short at 2141.372189285714 | PnL: -0.50% | $-1.09 +2025-03-10 14:42:07,420 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0251892857145 | Take profit: 2109.1524660714285 +2025-03-10 14:42:07,728 - INFO - TAKE PROFIT hit for short at 2109.1524660714285 | PnL: 1.50% | $2.51 +2025-03-10 14:42:07,753 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1716892857144 | Take profit: 2078.9129660714284 +2025-03-10 14:42:08,563 - INFO - CLOSED short at 2094.08 | PnL: 0.78% | $1.26 +2025-03-10 14:42:08,563 - INFO - OPENED LONG at 2094.08 | Stop loss: 2083.5909107142857 | Take profit: 2125.5192339285713 +2025-03-10 14:42:08,585 - INFO - CLOSED long at 2088.35 | PnL: -0.27% | $-0.70 +2025-03-10 14:42:08,586 - INFO - OPENED SHORT at 2088.35 | Stop loss: 2098.8104392857144 | Take profit: 2056.9967160714286 +2025-03-10 14:42:08,833 - INFO - CLOSED short at 2083.59 | PnL: 0.23% | $0.24 +2025-03-10 14:42:08,834 - INFO - OPENED LONG at 2083.59 | Stop loss: 2073.153360714286 | Take profit: 2114.8718839285716 +2025-03-10 14:42:08,858 - INFO - CLOSED long at 2086.57 | PnL: 0.14% | $0.08 +2025-03-10 14:42:08,858 - INFO - OPENED SHORT at 2086.57 | Stop loss: 2097.0215392857144 | Take profit: 2055.243416071429 +2025-03-10 14:42:09,299 - INFO - STOP LOSS hit for short at 2097.0215392857144 | PnL: -0.50% | $-1.12 +2025-03-10 14:42:09,321 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.5086392857143 | Take profit: 2068.462116071428 +2025-03-10 14:42:09,690 - INFO - CLOSED short at 2105.2 | PnL: -0.25% | $-0.64 +2025-03-10 14:42:09,740 - INFO - OPENED SHORT at 2104.4 | Stop loss: 2114.940689285714 | Take profit: 2072.805966071429 +2025-03-10 14:42:09,820 - INFO - CLOSED short at 2100.0 | PnL: 0.21% | $0.20 +2025-03-10 14:42:09,821 - INFO - OPENED LONG at 2100.0 | Stop loss: 2089.481310714286 | Take profit: 2131.5280339285714 +2025-03-10 14:42:09,847 - INFO - CLOSED long at 2102.7 | PnL: 0.13% | $0.05 +2025-03-10 14:42:09,847 - INFO - OPENED SHORT at 2102.7 | Stop loss: 2113.232189285714 | Take profit: 2071.1314660714283 +2025-03-10 14:42:10,089 - INFO - STOP LOSS hit for short at 2113.232189285714 | PnL: -0.50% | $-1.10 +2025-03-10 14:42:10,114 - INFO - OPENED SHORT at 2113.0 | Stop loss: 2123.5836892857146 | Take profit: 2081.2769660714284 +2025-03-10 14:42:10,604 - INFO - CLOSED short at 2119.58 | PnL: -0.31% | $-0.74 +2025-03-10 14:42:10,626 - INFO - OPENED SHORT at 2121.77 | Stop loss: 2132.397539285714 | Take profit: 2089.9154160714284 +2025-03-10 14:42:10,722 - INFO - CLOSED short at 2135.86 | PnL: -0.66% | $-1.37 +2025-03-10 14:42:10,722 - INFO - OPENED LONG at 2135.86 | Stop loss: 2125.1620107142858 | Take profit: 2167.9259339285713 +2025-03-10 14:42:10,743 - INFO - CLOSED long at 2136.26 | PnL: 0.02% | $-0.14 +2025-03-10 14:42:10,743 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.9599892857145 | Take profit: 2104.1880660714287 +2025-03-10 14:42:11,273 - INFO - CLOSED short at 2124.44 | PnL: 0.55% | $0.80 +2025-03-10 14:42:11,274 - INFO - OPENED LONG at 2124.44 | Stop loss: 2113.7991107142857 | Take profit: 2156.3346339285713 +2025-03-10 14:42:11,297 - INFO - CLOSED long at 2124.94 | PnL: 0.02% | $-0.14 +2025-03-10 14:42:11,297 - INFO - OPENED SHORT at 2124.94 | Stop loss: 2135.5833892857145 | Take profit: 2093.0378660714287 +2025-03-10 14:42:11,716 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.53, Avg Loss=$-0.42 +2025-03-10 14:42:11,717 - INFO - Episode 0: Reward=-119.10, Balance=$89.52, Win Rate=22.0%, Trades=50, Episode PnL=$-8.98, Total PnL=$-10.48, Max Drawdown=9.7%, Pred Accuracy=96.6% +2025-03-10 14:42:11,838 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 14:42:11,839 - INFO - Checkpoint saved at episode 0 +2025-03-10 14:42:11,951 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 14:42:11,952 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2506, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 14:42:12,688 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 14:42:12,689 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2506, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 14:42:12,807 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7706892857145 | Take profit: 2039.3159660714286 +2025-03-10 14:42:13,123 - INFO - CLOSED short at 2068.32 | PnL: 0.10% | $0.00 +2025-03-10 14:42:13,147 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.353689285714 | Take profit: 2035.9669660714285 +2025-03-10 14:42:14,640 - INFO - CLOSED short at 2063.39 | PnL: 0.17% | $0.15 +2025-03-10 14:42:14,640 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.0543607142854 | Take profit: 2094.3688839285714 +2025-03-10 14:42:14,660 - INFO - CLOSED long at 2064.79 | PnL: 0.07% | $-0.06 +2025-03-10 14:42:14,661 - INFO - OPENED SHORT at 2064.79 | Stop loss: 2075.1326392857145 | Take profit: 2033.7901160714287 +2025-03-10 14:42:14,679 - INFO - CLOSED short at 2065.89 | PnL: -0.05% | $-0.30 +2025-03-10 14:42:14,680 - INFO - OPENED LONG at 2065.89 | Stop loss: 2055.5418607142856 | Take profit: 2096.906383928571 +2025-03-10 14:42:14,705 - INFO - CLOSED long at 2063.53 | PnL: -0.11% | $-0.42 +2025-03-10 14:42:14,706 - INFO - OPENED SHORT at 2063.53 | Stop loss: 2073.8663392857143 | Take profit: 2032.549016071429 +2025-03-10 14:42:14,842 - INFO - CLOSED short at 2059.61 | PnL: 0.19% | $0.18 +2025-03-10 14:42:14,842 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.2932607142857 | Take profit: 2090.5321839285716 +2025-03-10 14:42:14,861 - INFO - CLOSED long at 2059.16 | PnL: -0.02% | $-0.24 +2025-03-10 14:42:14,862 - INFO - OPENED SHORT at 2059.16 | Stop loss: 2069.4744892857143 | Take profit: 2028.2445660714284 +2025-03-10 14:42:15,445 - INFO - STOP LOSS hit for short at 2069.4744892857143 | PnL: -0.50% | $-1.18 +2025-03-10 14:42:15,467 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3786892857142 | Take profit: 2040.8919660714287 +2025-03-10 14:42:15,484 - INFO - CLOSED short at 2074.3 | PnL: -0.11% | $-0.41 +2025-03-10 14:42:15,540 - INFO - OPENED SHORT at 2072.6 | Stop loss: 2082.9816892857143 | Take profit: 2041.4829660714286 +2025-03-10 14:42:15,690 - INFO - CLOSED short at 2069.69 | PnL: 0.14% | $0.08 +2025-03-10 14:42:15,690 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.322860714286 | Take profit: 2100.7633839285713 +2025-03-10 14:42:16,825 - INFO - CLOSED long at 2066.89 | PnL: -0.14% | $-0.46 +2025-03-10 14:42:16,908 - INFO - OPENED LONG at 2069.0 | Stop loss: 2058.6363107142856 | Take profit: 2100.0630339285713 +2025-03-10 14:42:17,335 - INFO - CLOSED long at 2059.2 | PnL: -0.47% | $-1.11 +2025-03-10 14:42:17,336 - INFO - OPENED SHORT at 2059.2 | Stop loss: 2069.5146892857138 | Take profit: 2028.2839660714283 +2025-03-10 14:42:17,887 - INFO - STOP LOSS hit for short at 2069.5146892857138 | PnL: -0.50% | $-1.15 +2025-03-10 14:42:17,956 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.1777392857143 | Take profit: 2038.7348160714284 +2025-03-10 14:42:18,022 - INFO - CLOSED short at 2074.05 | PnL: -0.20% | $-0.57 +2025-03-10 14:42:18,023 - INFO - OPENED LONG at 2074.05 | Stop loss: 2063.6610607142857 | Take profit: 2105.1887839285714 +2025-03-10 14:42:18,048 - INFO - CLOSED long at 2072.99 | PnL: -0.05% | $-0.28 +2025-03-10 14:42:18,048 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.373639285714 | Take profit: 2041.8671160714282 +2025-03-10 14:42:18,184 - INFO - STOP LOSS hit for short at 2083.373639285714 | PnL: -0.50% | $-1.12 +2025-03-10 14:42:18,274 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2563892857142 | Take profit: 2107.4188660714285 +2025-03-10 14:42:18,962 - INFO - TAKE PROFIT hit for short at 2107.4188660714285 | PnL: 1.50% | $2.59 +2025-03-10 14:42:19,031 - INFO - OPENED SHORT at 2100.5 | Stop loss: 2111.0211892857146 | Take profit: 2068.9644660714284 +2025-03-10 14:42:19,075 - INFO - CLOSED short at 2099.53 | PnL: 0.05% | $-0.10 +2025-03-10 14:42:19,076 - INFO - OPENED LONG at 2099.53 | Stop loss: 2089.013660714286 | Take profit: 2131.0509839285714 +2025-03-10 14:42:19,124 - INFO - CLOSED long at 2102.19 | PnL: 0.13% | $0.05 +2025-03-10 14:42:19,124 - INFO - OPENED SHORT at 2102.19 | Stop loss: 2112.7196392857145 | Take profit: 2070.6291160714286 +2025-03-10 14:42:20,870 - INFO - STOP LOSS hit for short at 2112.7196392857145 | PnL: -0.50% | $-1.14 +2025-03-10 14:42:21,028 - INFO - OPENED SHORT at 2110.99 | Stop loss: 2121.563639285714 | Take profit: 2079.2971160714283 +2025-03-10 14:42:21,374 - INFO - STOP LOSS hit for short at 2121.563639285714 | PnL: -0.50% | $-1.13 +2025-03-10 14:42:21,455 - INFO - OPENED SHORT at 2129.3 | Stop loss: 2139.9651892857146 | Take profit: 2097.332466071429 +2025-03-10 14:42:22,479 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.51, Avg Loss=$-0.65 +2025-03-10 14:42:22,480 - INFO - Episode 1: Reward=-103.89, Balance=$93.36, Win Rate=28.6%, Trades=21, Episode PnL=$-4.57, Total PnL=$-17.12, Max Drawdown=6.9%, Pred Accuracy=96.7% +2025-03-10 14:42:22,567 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7706892857145 | Take profit: 2039.3159660714286 +2025-03-10 14:42:23,842 - INFO - CLOSED short at 2067.1 | PnL: 0.16% | $0.12 +2025-03-10 14:42:24,132 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.630239285714 | Take profit: 2029.3773160714286 +2025-03-10 14:42:24,454 - INFO - CLOSED short at 2062.6 | PnL: -0.11% | $-0.42 +2025-03-10 14:42:24,559 - INFO - OPENED LONG at 2059.61 | Stop loss: 2049.2932607142857 | Take profit: 2090.5321839285716 +2025-03-10 14:42:24,975 - INFO - CLOSED long at 2059.8 | PnL: 0.01% | $-0.18 +2025-03-10 14:42:24,975 - INFO - OPENED SHORT at 2059.8 | Stop loss: 2070.1176892857143 | Take profit: 2028.8749660714288 +2025-03-10 14:42:25,484 - INFO - STOP LOSS hit for short at 2070.1176892857143 | PnL: -0.50% | $-1.19 +2025-03-10 14:42:25,700 - INFO - OPENED LONG at 2073.23 | Stop loss: 2062.8451607142856 | Take profit: 2104.3564839285714 +2025-03-10 14:42:25,807 - INFO - CLOSED long at 2068.39 | PnL: -0.23% | $-0.65 +2025-03-10 14:42:25,808 - INFO - OPENED SHORT at 2068.39 | Stop loss: 2078.750639285714 | Take profit: 2037.3361160714285 +2025-03-10 14:42:26,489 - INFO - CLOSED short at 2071.59 | PnL: -0.15% | $-0.49 +2025-03-10 14:42:26,489 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.213360714286 | Take profit: 2102.6918839285713 +2025-03-10 14:42:27,839 - INFO - STOP LOSS hit for long at 2061.213360714286 | PnL: -0.50% | $-1.16 +2025-03-10 14:42:27,859 - INFO - OPENED SHORT at 2060.2 | Stop loss: 2070.5196892857143 | Take profit: 2029.2689660714284 +2025-03-10 14:42:27,954 - INFO - CLOSED short at 2053.01 | PnL: 0.35% | $0.47 +2025-03-10 14:42:28,312 - INFO - OPENED SHORT at 2065.12 | Stop loss: 2075.464289285714 | Take profit: 2034.1151660714283 +2025-03-10 14:42:28,643 - INFO - CLOSED short at 2070.31 | PnL: -0.25% | $-0.67 +2025-03-10 14:42:28,665 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.609889285714 | Take profit: 2039.1583660714282 +2025-03-10 14:42:28,850 - INFO - CLOSED short at 2071.8 | PnL: -0.08% | $-0.33 +2025-03-10 14:42:28,961 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2088.0167392857143 | Take profit: 2046.4178160714287 +2025-03-10 14:42:29,022 - INFO - STOP LOSS hit for short at 2088.0167392857143 | PnL: -0.50% | $-1.14 +2025-03-10 14:42:29,109 - INFO - OPENED SHORT at 2131.78 | Stop loss: 2142.457589285714 | Take profit: 2099.775266071429 +2025-03-10 14:42:29,226 - INFO - STOP LOSS hit for short at 2142.457589285714 | PnL: -0.50% | $-1.12 +2025-03-10 14:42:29,420 - INFO - OPENED SHORT at 2120.15 | Stop loss: 2130.7694392857143 | Take profit: 2088.3197160714285 +2025-03-10 14:42:30,674 - INFO - CLOSED short at 2092.46 | PnL: 1.31% | $2.23 +2025-03-10 14:42:30,698 - INFO - OPENED SHORT at 2091.1 | Stop loss: 2101.574189285714 | Take profit: 2059.7054660714284 +2025-03-10 14:42:30,864 - INFO - CLOSED short at 2083.97 | PnL: 0.34% | $0.46 +2025-03-10 14:42:30,864 - INFO - OPENED LONG at 2083.97 | Stop loss: 2073.5314607142855 | Take profit: 2115.257583928571 +2025-03-10 14:42:30,982 - INFO - CLOSED long at 2081.49 | PnL: -0.12% | $-0.42 +2025-03-10 14:42:30,983 - INFO - OPENED SHORT at 2081.49 | Stop loss: 2091.916139285714 | Take profit: 2050.2396160714284 +2025-03-10 14:42:31,053 - INFO - CLOSED short at 2083.41 | PnL: -0.09% | $-0.36 +2025-03-10 14:42:31,078 - INFO - OPENED SHORT at 2085.09 | Stop loss: 2095.5341392857144 | Take profit: 2053.7856160714286 +2025-03-10 14:42:31,627 - INFO - STOP LOSS hit for short at 2095.5341392857144 | PnL: -0.50% | $-1.13 +2025-03-10 14:42:31,664 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.5086392857143 | Take profit: 2068.462116071428 +2025-03-10 14:42:31,758 - INFO - CLOSED short at 2098.49 | PnL: 0.07% | $-0.05 +2025-03-10 14:42:31,812 - INFO - OPENED SHORT at 2100.89 | Stop loss: 2111.4131392857144 | Take profit: 2069.3486160714283 +2025-03-10 14:42:32,077 - INFO - CLOSED short at 2104.4 | PnL: -0.17% | $-0.50 +2025-03-10 14:42:32,078 - INFO - OPENED LONG at 2104.4 | Stop loss: 2093.8593107142856 | Take profit: 2135.9940339285718 +2025-03-10 14:42:32,112 - INFO - CLOSED long at 2105.21 | PnL: 0.04% | $-0.11 +2025-03-10 14:42:32,112 - INFO - OPENED SHORT at 2105.21 | Stop loss: 2115.7547392857145 | Take profit: 2073.603816071429 +2025-03-10 14:42:32,456 - INFO - CLOSED short at 2113.0 | PnL: -0.37% | $-0.87 +2025-03-10 14:42:32,492 - INFO - OPENED LONG at 2115.26 | Stop loss: 2104.665010714286 | Take profit: 2147.0169339285717 +2025-03-10 14:42:32,562 - INFO - CLOSED long at 2113.1 | PnL: -0.10% | $-0.37 +2025-03-10 14:42:32,562 - INFO - OPENED SHORT at 2113.1 | Stop loss: 2123.684189285714 | Take profit: 2081.3754660714285 +2025-03-10 14:42:32,716 - INFO - CLOSED short at 2111.19 | PnL: 0.09% | $-0.02 +2025-03-10 14:42:32,716 - INFO - OPENED LONG at 2111.19 | Stop loss: 2100.6153607142855 | Take profit: 2142.8858839285717 +2025-03-10 14:42:32,748 - INFO - CLOSED long at 2112.61 | PnL: 0.07% | $-0.06 +2025-03-10 14:42:32,749 - INFO - OPENED SHORT at 2112.61 | Stop loss: 2123.1917392857144 | Take profit: 2080.8928160714286 +2025-03-10 14:42:33,134 - INFO - CLOSED short at 2121.77 | PnL: -0.43% | $-0.97 +2025-03-10 14:42:33,134 - INFO - OPENED LONG at 2121.77 | Stop loss: 2111.142460714286 | Take profit: 2153.624583928571 +2025-03-10 14:42:33,241 - INFO - CLOSED long at 2129.3 | PnL: 0.35% | $0.46 +2025-03-10 14:42:33,242 - INFO - OPENED SHORT at 2129.3 | Stop loss: 2139.9651892857146 | Take profit: 2097.332466071429 +2025-03-10 14:42:33,774 - INFO - CLOSED short at 2116.53 | PnL: 0.60% | $0.91 +2025-03-10 14:42:33,857 - INFO - OPENED SHORT at 2121.53 | Stop loss: 2132.1563392857147 | Take profit: 2089.6790160714286 +2025-03-10 14:42:34,000 - INFO - CLOSED short at 2120.84 | PnL: 0.03% | $-0.12 +2025-03-10 14:42:34,000 - INFO - OPENED LONG at 2120.84 | Stop loss: 2110.217110714286 | Take profit: 2152.6806339285718 +2025-03-10 14:42:34,058 - INFO - CLOSED long at 2114.41 | PnL: -0.30% | $-0.74 +2025-03-10 14:42:34,058 - INFO - OPENED SHORT at 2114.41 | Stop loss: 2125.000739285714 | Take profit: 2082.6658160714283 +2025-03-10 14:42:34,453 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.77, Avg Loss=$-0.57 +2025-03-10 14:42:34,454 - INFO - Episode 2: Reward=-113.09, Balance=$91.56, Win Rate=20.7%, Trades=29, Episode PnL=$-6.37, Total PnL=$-25.56, Max Drawdown=7.7%, Pred Accuracy=96.7% +2025-03-10 14:42:34,738 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7706892857145 | Take profit: 2039.3159660714286 +2025-03-10 14:42:34,872 - INFO - CLOSED short at 2073.11 | PnL: -0.13% | $-0.46 +2025-03-10 14:42:34,873 - INFO - OPENED LONG at 2073.11 | Stop loss: 2062.725760714286 | Take profit: 2104.2346839285715 +2025-03-10 14:42:34,893 - INFO - CLOSED long at 2072.7 | PnL: -0.02% | $-0.24 +2025-03-10 14:42:34,893 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.082189285714 | Take profit: 2041.5814660714284 +2025-03-10 14:42:35,385 - INFO - CLOSED short at 2068.8 | PnL: 0.19% | $0.17 +2025-03-10 14:42:35,386 - INFO - OPENED LONG at 2068.8 | Stop loss: 2058.437310714286 | Take profit: 2099.8600339285717 +2025-03-10 14:42:35,467 - INFO - CLOSED long at 2067.86 | PnL: -0.05% | $-0.29 +2025-03-10 14:42:35,467 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.217989285715 | Take profit: 2036.8140660714287 +2025-03-10 14:42:37,823 - INFO - CLOSED short at 2062.69 | PnL: 0.25% | $0.29 +2025-03-10 14:42:37,853 - INFO - OPENED LONG at 2063.4 | Stop loss: 2053.064310714286 | Take profit: 2094.3790339285715 +2025-03-10 14:42:37,884 - INFO - CLOSED long at 2066.36 | PnL: 0.14% | $0.09 +2025-03-10 14:42:37,885 - INFO - OPENED SHORT at 2066.36 | Stop loss: 2076.7104892857146 | Take profit: 2035.3365660714287 +2025-03-10 14:42:38,229 - INFO - STOP LOSS hit for short at 2076.7104892857146 | PnL: -0.50% | $-1.19 +2025-03-10 14:42:38,367 - INFO - OPENED SHORT at 2073.23 | Stop loss: 2083.6148392857144 | Take profit: 2042.1035160714287 +2025-03-10 14:42:38,532 - INFO - CLOSED short at 2068.79 | PnL: 0.21% | $0.22 +2025-03-10 14:42:38,533 - INFO - OPENED LONG at 2068.79 | Stop loss: 2058.427360714286 | Take profit: 2099.849883928571 +2025-03-10 14:42:38,651 - INFO - CLOSED long at 2066.38 | PnL: -0.12% | $-0.42 +2025-03-10 14:42:38,651 - INFO - OPENED SHORT at 2066.38 | Stop loss: 2076.7305892857144 | Take profit: 2035.3562660714288 +2025-03-10 14:42:38,838 - INFO - CLOSED short at 2064.31 | PnL: 0.10% | $0.00 +2025-03-10 14:42:38,839 - INFO - OPENED LONG at 2064.31 | Stop loss: 2053.9697607142857 | Take profit: 2095.3026839285712 +2025-03-10 14:42:38,883 - INFO - CLOSED long at 2067.53 | PnL: 0.16% | $0.11 +2025-03-10 14:42:38,883 - INFO - OPENED SHORT at 2067.53 | Stop loss: 2077.8863392857143 | Take profit: 2036.4890160714288 +2025-03-10 14:42:40,238 - INFO - CLOSED short at 2053.01 | PnL: 0.70% | $1.17 +2025-03-10 14:42:40,238 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.726260714286 | Take profit: 2083.8331839285715 +2025-03-10 14:42:40,259 - INFO - CLOSED long at 2049.21 | PnL: -0.19% | $-0.56 +2025-03-10 14:42:40,284 - INFO - OPENED SHORT at 2049.5 | Stop loss: 2059.7661892857145 | Take profit: 2018.7294660714285 +2025-03-10 14:42:40,416 - INFO - STOP LOSS hit for short at 2059.7661892857145 | PnL: -0.50% | $-1.18 +2025-03-10 14:42:40,460 - INFO - OPENED SHORT at 2065.1 | Stop loss: 2075.4441892857144 | Take profit: 2034.0954660714285 +2025-03-10 14:42:40,693 - INFO - CLOSED short at 2061.84 | PnL: 0.16% | $0.11 +2025-03-10 14:42:40,722 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.8713892857145 | Take profit: 2031.5738660714287 +2025-03-10 14:42:40,865 - INFO - STOP LOSS hit for short at 2072.8713892857145 | PnL: -0.50% | $-1.17 +2025-03-10 14:42:40,886 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4389392857147 | Take profit: 2042.9112160714287 +2025-03-10 14:42:41,037 - INFO - STOP LOSS hit for short at 2084.4389392857147 | PnL: -0.50% | $-1.15 +2025-03-10 14:42:41,058 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.961139285714 | Take profit: 2059.104616071428 +2025-03-10 14:42:41,082 - INFO - STOP LOSS hit for short at 2100.961139285714 | PnL: -0.50% | $-1.14 +2025-03-10 14:42:41,106 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.372189285714 | Take profit: 2098.7114660714283 +2025-03-10 14:42:41,227 - INFO - CLOSED short at 2141.41 | PnL: -0.50% | $-1.13 +2025-03-10 14:42:41,227 - INFO - OPENED LONG at 2141.41 | Stop loss: 2130.6842607142858 | Take profit: 2173.559183928571 +2025-03-10 14:42:41,255 - INFO - CLOSED long at 2141.3 | PnL: -0.01% | $-0.19 +2025-03-10 14:42:41,256 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0251892857145 | Take profit: 2109.1524660714285 +2025-03-10 14:42:41,705 - INFO - TAKE PROFIT hit for short at 2109.1524660714285 | PnL: 1.50% | $2.59 +2025-03-10 14:42:41,723 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.0283107142855 | Take profit: 2142.2870339285714 +2025-03-10 14:42:41,748 - INFO - CLOSED long at 2109.05 | PnL: -0.07% | $-0.33 +2025-03-10 14:42:41,749 - INFO - OPENED SHORT at 2109.05 | Stop loss: 2119.6139392857144 | Take profit: 2077.386216071429 +2025-03-10 14:42:41,769 - INFO - CLOSED short at 2112.09 | PnL: -0.14% | $-0.46 +2025-03-10 14:42:41,797 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.533439285714 | Take profit: 2081.2277160714284 +2025-03-10 14:42:43,053 - INFO - TAKE PROFIT hit for short at 2081.2277160714284 | PnL: 1.50% | $2.64 +2025-03-10 14:42:43,160 - INFO - OPENED SHORT at 2085.09 | Stop loss: 2095.5341392857144 | Take profit: 2053.7856160714286 +2025-03-10 14:42:43,569 - INFO - CLOSED short at 2085.67 | PnL: -0.03% | $-0.25 +2025-03-10 14:42:44,313 - INFO - OPENED SHORT at 2102.7 | Stop loss: 2113.232189285714 | Take profit: 2071.1314660714283 +2025-03-10 14:42:44,549 - INFO - STOP LOSS hit for short at 2113.232189285714 | PnL: -0.50% | $-1.16 +2025-03-10 14:42:44,723 - INFO - OPENED SHORT at 2112.11 | Stop loss: 2122.6892392857144 | Take profit: 2080.4003160714287 +2025-03-10 14:42:44,844 - INFO - CLOSED short at 2111.19 | PnL: 0.04% | $-0.11 +2025-03-10 14:42:44,923 - INFO - OPENED SHORT at 2115.3 | Stop loss: 2125.8951892857144 | Take profit: 2083.542466071429 +2025-03-10 14:42:45,288 - INFO - STOP LOSS hit for short at 2125.8951892857144 | PnL: -0.50% | $-1.14 +2025-03-10 14:42:45,331 - INFO - OPENED SHORT at 2135.86 | Stop loss: 2146.5579892857145 | Take profit: 2103.794066071429 +2025-03-10 14:42:45,873 - INFO - CLOSED short at 2119.48 | PnL: 0.77% | $1.25 +2025-03-10 14:42:45,915 - INFO - OPENED SHORT at 2121.53 | Stop loss: 2132.1563392857147 | Take profit: 2089.6790160714286 +2025-03-10 14:42:46,541 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.79, Avg Loss=$-0.70 +2025-03-10 14:42:46,542 - INFO - Episode 3: Reward=-99.30, Balance=$96.09, Win Rate=37.9%, Trades=29, Episode PnL=$-2.63, Total PnL=$-29.47, Max Drawdown=5.6%, Pred Accuracy=96.8% +2025-03-10 14:42:46,900 - INFO - OPENED SHORT at 2069.96 | Stop loss: 2080.3284892857146 | Take profit: 2038.8825660714288 +2025-03-10 14:42:47,223 - INFO - CLOSED short at 2070.4 | PnL: -0.02% | $-0.24 +2025-03-10 14:42:47,223 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0293107142857 | Take profit: 2101.4840339285715 +2025-03-10 14:42:47,260 - INFO - CLOSED long at 2071.11 | PnL: 0.03% | $-0.13 +2025-03-10 14:42:47,260 - INFO - OPENED SHORT at 2071.11 | Stop loss: 2081.4842392857145 | Take profit: 2040.0153160714287 +2025-03-10 14:42:47,755 - INFO - CLOSED short at 2070.4 | PnL: 0.03% | $-0.13 +2025-03-10 14:42:47,755 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0293107142857 | Take profit: 2101.4840339285715 +2025-03-10 14:42:47,778 - INFO - CLOSED long at 2070.73 | PnL: 0.02% | $-0.17 +2025-03-10 14:42:47,778 - INFO - OPENED SHORT at 2070.73 | Stop loss: 2081.102339285714 | Take profit: 2039.6410160714286 +2025-03-10 14:42:49,717 - INFO - CLOSED short at 2054.83 | PnL: 0.77% | $1.31 +2025-03-10 14:42:49,717 - INFO - OPENED LONG at 2054.83 | Stop loss: 2044.5371607142856 | Take profit: 2085.6804839285714 +2025-03-10 14:42:50,040 - INFO - CLOSED long at 2063.9 | PnL: 0.44% | $0.68 +2025-03-10 14:42:50,040 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.2381892857143 | Take profit: 2032.9134660714287 +2025-03-10 14:42:50,366 - INFO - STOP LOSS hit for short at 2074.2381892857143 | PnL: -0.50% | $-1.21 +2025-03-10 14:42:50,405 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.4187392857148 | Take profit: 2046.811816071429 +2025-03-10 14:42:51,057 - INFO - CLOSED short at 2064.31 | PnL: 0.66% | $1.11 +2025-03-10 14:42:51,128 - INFO - OPENED SHORT at 2067.53 | Stop loss: 2077.8863392857143 | Take profit: 2036.4890160714288 +2025-03-10 14:42:52,825 - INFO - CLOSED short at 2060.7 | PnL: 0.33% | $0.46 +2025-03-10 14:42:52,825 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3778107142857 | Take profit: 2091.638533928571 +2025-03-10 14:42:52,979 - INFO - STOP LOSS hit for long at 2050.3778107142857 | PnL: -0.50% | $-1.21 +2025-03-10 14:42:53,508 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.5347392857143 | Take profit: 2030.2638160714287 +2025-03-10 14:42:53,758 - INFO - STOP LOSS hit for short at 2071.5347392857143 | PnL: -0.50% | $-1.20 +2025-03-10 14:42:54,353 - INFO - OPENED SHORT at 2127.3 | Stop loss: 2137.9551892857144 | Take profit: 2095.362466071429 +2025-03-10 14:42:54,901 - INFO - CLOSED short at 2106.49 | PnL: 0.98% | $1.73 +2025-03-10 14:42:54,947 - INFO - OPENED SHORT at 2103.33 | Stop loss: 2113.865339285714 | Take profit: 2071.7520160714284 +2025-03-10 14:42:55,419 - INFO - CLOSED short at 2098.39 | PnL: 0.23% | $0.27 +2025-03-10 14:42:55,419 - INFO - OPENED LONG at 2098.39 | Stop loss: 2087.8793607142857 | Take profit: 2129.893883928571 +2025-03-10 14:42:55,461 - INFO - CLOSED long at 2095.29 | PnL: -0.15% | $-0.50 +2025-03-10 14:42:55,461 - INFO - OPENED SHORT at 2095.29 | Stop loss: 2105.7851392857146 | Take profit: 2063.8326160714287 +2025-03-10 14:42:56,898 - INFO - STOP LOSS hit for short at 2105.7851392857146 | PnL: -0.50% | $-1.20 +2025-03-10 14:42:56,936 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.0160892857143 | Take profit: 2071.8997660714285 +2025-03-10 14:42:57,581 - INFO - STOP LOSS hit for short at 2114.0160892857143 | PnL: -0.50% | $-1.19 +2025-03-10 14:42:57,620 - INFO - OPENED SHORT at 2113.61 | Stop loss: 2124.1967392857146 | Take profit: 2081.8778160714287 +2025-03-10 14:42:58,306 - INFO - STOP LOSS hit for short at 2124.1967392857146 | PnL: -0.50% | $-1.17 +2025-03-10 14:42:58,329 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.447639285714 | Take profit: 2095.8451160714285 +2025-03-10 14:42:58,999 - INFO - CLOSED short at 2122.01 | PnL: 0.27% | $0.33 +2025-03-10 14:42:58,999 - INFO - OPENED LONG at 2122.01 | Stop loss: 2111.381260714286 | Take profit: 2153.868183928572 +2025-03-10 14:42:59,024 - INFO - CLOSED long at 2121.19 | PnL: -0.04% | $-0.27 +2025-03-10 14:42:59,025 - INFO - OPENED SHORT at 2121.19 | Stop loss: 2131.8146392857143 | Take profit: 2089.3441160714287 +2025-03-10 14:42:59,637 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.84, Avg Loss=$-0.72 +2025-03-10 14:42:59,638 - INFO - Episode 4: Reward=-91.75, Balance=$97.29, Win Rate=36.8%, Trades=19, Episode PnL=$-2.33, Total PnL=$-32.18, Max Drawdown=4.0%, Pred Accuracy=96.9% +2025-03-10 14:43:00,643 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7706892857145 | Take profit: 2039.3159660714286 +2025-03-10 14:43:01,099 - INFO - CLOSED short at 2067.46 | PnL: 0.14% | $0.08 +2025-03-10 14:43:01,142 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.152689285714 | Take profit: 2035.7699660714288 +2025-03-10 14:43:01,356 - INFO - CLOSED short at 2069.2 | PnL: -0.12% | $-0.43 +2025-03-10 14:43:01,379 - INFO - OPENED SHORT at 2070.3 | Stop loss: 2080.6701892857145 | Take profit: 2039.2174660714286 +2025-03-10 14:43:03,207 - INFO - CLOSED short at 2059.02 | PnL: 0.54% | $0.88 +2025-03-10 14:43:03,235 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.2031392857143 | Take profit: 2027.9786160714284 +2025-03-10 14:43:03,667 - INFO - CLOSED short at 2066.36 | PnL: -0.36% | $-0.92 +2025-03-10 14:43:03,668 - INFO - OPENED LONG at 2066.36 | Stop loss: 2056.0095107142856 | Take profit: 2097.383433928572 +2025-03-10 14:43:03,703 - INFO - CLOSED long at 2066.01 | PnL: -0.02% | $-0.23 +2025-03-10 14:43:03,704 - INFO - OPENED SHORT at 2066.01 | Stop loss: 2076.358739285715 | Take profit: 2034.9918160714287 +2025-03-10 14:43:04,034 - INFO - STOP LOSS hit for short at 2076.358739285715 | PnL: -0.50% | $-1.18 +2025-03-10 14:43:04,058 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.4037392857144 | Take profit: 2043.8568160714287 +2025-03-10 14:43:04,869 - INFO - CLOSED short at 2066.8 | PnL: 0.40% | $0.58 +2025-03-10 14:43:05,209 - INFO - OPENED SHORT at 2068.19 | Stop loss: 2078.5496392857144 | Take profit: 2037.1391160714288 +2025-03-10 14:43:07,063 - INFO - CLOSED short at 2069.34 | PnL: -0.06% | $-0.30 +2025-03-10 14:43:07,103 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.1777392857143 | Take profit: 2038.7348160714284 +2025-03-10 14:43:07,195 - INFO - CLOSED short at 2074.05 | PnL: -0.20% | $-0.59 +2025-03-10 14:43:07,220 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.373639285714 | Take profit: 2041.8671160714282 +2025-03-10 14:43:07,347 - INFO - STOP LOSS hit for short at 2083.373639285714 | PnL: -0.50% | $-1.17 +2025-03-10 14:43:07,391 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.553789285714 | Take profit: 2071.4466660714284 +2025-03-10 14:43:07,430 - INFO - STOP LOSS hit for short at 2113.553789285714 | PnL: -0.50% | $-1.15 +2025-03-10 14:43:07,573 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.2966392857143 | Take profit: 2105.4981160714287 +2025-03-10 14:43:07,870 - INFO - CLOSED short at 2121.4 | PnL: 0.76% | $1.25 +2025-03-10 14:43:07,870 - INFO - OPENED LONG at 2121.4 | Stop loss: 2110.774310714286 | Take profit: 2153.249033928572 +2025-03-10 14:43:08,015 - INFO - STOP LOSS hit for long at 2110.774310714286 | PnL: -0.50% | $-1.15 +2025-03-10 14:43:08,317 - INFO - OPENED SHORT at 2106.49 | Stop loss: 2117.041139285714 | Take profit: 2074.8646160714284 +2025-03-10 14:43:08,969 - INFO - CLOSED short at 2083.28 | PnL: 1.10% | $1.90 +2025-03-10 14:43:08,971 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.844910714286 | Take profit: 2114.557233928572 +2025-03-10 14:43:09,063 - INFO - CLOSED long at 2085.3 | PnL: 0.10% | $-0.01 +2025-03-10 14:43:09,063 - INFO - OPENED SHORT at 2085.3 | Stop loss: 2095.745189285715 | Take profit: 2053.9924660714287 +2025-03-10 14:43:09,852 - INFO - STOP LOSS hit for short at 2095.745189285715 | PnL: -0.50% | $-1.16 +2025-03-10 14:43:11,101 - INFO - OPENED LONG at 2115.3 | Stop loss: 2104.704810714286 | Take profit: 2147.0575339285715 +2025-03-10 14:43:11,789 - INFO - CLOSED long at 2124.49 | PnL: 0.43% | $0.64 +2025-03-10 14:43:11,790 - INFO - OPENED SHORT at 2124.49 | Stop loss: 2135.131139285714 | Take profit: 2092.5946160714284 +2025-03-10 14:43:12,256 - INFO - CLOSED short at 2115.45 | PnL: 0.43% | $0.63 +2025-03-10 14:43:12,256 - INFO - OPENED LONG at 2115.45 | Stop loss: 2104.8540607142854 | Take profit: 2147.2097839285716 +2025-03-10 14:43:12,289 - INFO - CLOSED long at 2112.11 | PnL: -0.16% | $-0.50 +2025-03-10 14:43:12,289 - INFO - OPENED SHORT at 2112.11 | Stop loss: 2122.6892392857144 | Take profit: 2080.4003160714287 +2025-03-10 14:43:12,367 - INFO - CLOSED short at 2110.3 | PnL: 0.09% | $-0.03 +2025-03-10 14:43:12,368 - INFO - OPENED LONG at 2110.3 | Stop loss: 2099.729810714286 | Take profit: 2141.9825339285717 +2025-03-10 14:43:12,393 - INFO - CLOSED long at 2112.57 | PnL: 0.11% | $0.01 +2025-03-10 14:43:12,394 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.1515392857145 | Take profit: 2080.853416071429 +2025-03-10 14:43:12,417 - INFO - CLOSED short at 2108.68 | PnL: 0.18% | $0.16 +2025-03-10 14:43:12,418 - INFO - OPENED LONG at 2108.68 | Stop loss: 2098.1179107142852 | Take profit: 2140.3382339285713 +2025-03-10 14:43:12,538 - INFO - CLOSED long at 2114.71 | PnL: 0.29% | $0.36 +2025-03-10 14:43:12,539 - INFO - OPENED SHORT at 2114.71 | Stop loss: 2125.302239285714 | Take profit: 2082.9613160714284 +2025-03-10 14:43:12,646 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.65, Avg Loss=$-0.68 +2025-03-10 14:43:12,647 - INFO - Episode 5: Reward=-92.09, Balance=$97.65, Win Rate=43.5%, Trades=23, Episode PnL=$-2.62, Total PnL=$-34.52, Max Drawdown=5.0%, Pred Accuracy=96.9% +2025-03-10 14:43:12,930 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0293107142857 | Take profit: 2101.4840339285715 +2025-03-10 14:43:12,983 - INFO - CLOSED long at 2071.4 | PnL: 0.05% | $-0.10 +2025-03-10 14:43:12,983 - INFO - OPENED SHORT at 2071.4 | Stop loss: 2081.7756892857146 | Take profit: 2040.3009660714288 +2025-03-10 14:43:13,058 - INFO - CLOSED short at 2072.75 | PnL: -0.07% | $-0.33 +2025-03-10 14:43:13,058 - INFO - OPENED LONG at 2072.75 | Stop loss: 2062.3675607142854 | Take profit: 2103.8692839285713 +2025-03-10 14:43:13,120 - INFO - CLOSED long at 2072.7 | PnL: -0.00% | $-0.20 +2025-03-10 14:43:13,120 - INFO - OPENED SHORT at 2072.7 | Stop loss: 2083.082189285714 | Take profit: 2041.5814660714284 +2025-03-10 14:43:13,141 - INFO - CLOSED short at 2072.15 | PnL: 0.03% | $-0.14 +2025-03-10 14:43:13,141 - INFO - OPENED LONG at 2072.15 | Stop loss: 2061.7705607142857 | Take profit: 2103.2602839285714 +2025-03-10 14:43:13,167 - INFO - CLOSED long at 2074.29 | PnL: 0.10% | $0.01 +2025-03-10 14:43:13,168 - INFO - OPENED SHORT at 2074.29 | Stop loss: 2084.680139285714 | Take profit: 2043.1476160714287 +2025-03-10 14:43:13,222 - INFO - CLOSED short at 2071.92 | PnL: 0.11% | $0.03 +2025-03-10 14:43:13,222 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.5417107142857 | Take profit: 2103.0268339285717 +2025-03-10 14:43:13,245 - INFO - CLOSED long at 2070.4 | PnL: -0.07% | $-0.34 +2025-03-10 14:43:13,246 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7706892857145 | Take profit: 2039.3159660714286 +2025-03-10 14:43:13,272 - INFO - CLOSED short at 2071.11 | PnL: -0.03% | $-0.26 +2025-03-10 14:43:13,272 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.735760714286 | Take profit: 2102.2046839285713 +2025-03-10 14:43:13,295 - INFO - CLOSED long at 2069.46 | PnL: -0.08% | $-0.35 +2025-03-10 14:43:13,296 - INFO - OPENED SHORT at 2069.46 | Stop loss: 2079.825989285714 | Take profit: 2038.3900660714285 +2025-03-10 14:43:13,530 - INFO - CLOSED short at 2063.61 | PnL: 0.28% | $0.36 +2025-03-10 14:43:13,574 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.6049892857145 | Take profit: 2034.2530660714287 +2025-03-10 14:43:13,620 - INFO - CLOSED short at 2068.58 | PnL: -0.16% | $-0.51 +2025-03-10 14:43:13,620 - INFO - OPENED LONG at 2068.58 | Stop loss: 2058.2184107142857 | Take profit: 2099.6367339285716 +2025-03-10 14:43:13,703 - INFO - CLOSED long at 2067.59 | PnL: -0.05% | $-0.29 +2025-03-10 14:43:13,703 - INFO - OPENED SHORT at 2067.59 | Stop loss: 2077.9466392857144 | Take profit: 2036.5481160714287 +2025-03-10 14:43:13,726 - INFO - CLOSED short at 2069.2 | PnL: -0.08% | $-0.35 +2025-03-10 14:43:13,726 - INFO - OPENED LONG at 2069.2 | Stop loss: 2058.8353107142857 | Take profit: 2100.2660339285712 +2025-03-10 14:43:13,770 - INFO - CLOSED long at 2071.59 | PnL: 0.12% | $0.03 +2025-03-10 14:43:13,771 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.966639285715 | Take profit: 2040.4881160714287 +2025-03-10 14:43:13,837 - INFO - CLOSED short at 2070.4 | PnL: 0.06% | $-0.08 +2025-03-10 14:43:13,837 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0293107142857 | Take profit: 2101.4840339285715 +2025-03-10 14:43:13,944 - INFO - CLOSED long at 2068.69 | PnL: -0.08% | $-0.35 +2025-03-10 14:43:13,944 - INFO - OPENED SHORT at 2068.69 | Stop loss: 2079.0521392857145 | Take profit: 2037.6316160714287 +2025-03-10 14:43:14,088 - INFO - CLOSED short at 2065.28 | PnL: 0.16% | $0.12 +2025-03-10 14:43:14,089 - INFO - OPENED LONG at 2065.28 | Stop loss: 2054.9349107142857 | Take profit: 2096.287233928572 +2025-03-10 14:43:14,234 - INFO - CLOSED long at 2068.18 | PnL: 0.14% | $0.08 +2025-03-10 14:43:14,234 - INFO - OPENED SHORT at 2068.18 | Stop loss: 2078.539589285714 | Take profit: 2037.1292660714282 +2025-03-10 14:43:14,347 - INFO - CLOSED short at 2064.99 | PnL: 0.15% | $0.10 +2025-03-10 14:43:14,347 - INFO - OPENED LONG at 2064.99 | Stop loss: 2054.6463607142855 | Take profit: 2095.9928839285712 +2025-03-10 14:43:14,567 - INFO - CLOSED long at 2064.96 | PnL: -0.00% | $-0.20 +2025-03-10 14:43:14,568 - INFO - OPENED SHORT at 2064.96 | Stop loss: 2075.3034892857145 | Take profit: 2033.9575660714286 +2025-03-10 14:43:14,670 - INFO - CLOSED short at 2065.54 | PnL: -0.03% | $-0.25 +2025-03-10 14:43:14,671 - INFO - OPENED LONG at 2065.54 | Stop loss: 2055.1936107142856 | Take profit: 2096.5511339285713 +2025-03-10 14:43:14,954 - INFO - CLOSED long at 2059.3 | PnL: -0.30% | $-0.77 +2025-03-10 14:43:14,954 - INFO - OPENED SHORT at 2059.3 | Stop loss: 2069.615189285714 | Take profit: 2028.3824660714286 +2025-03-10 14:43:15,011 - INFO - CLOSED short at 2061.8 | PnL: -0.12% | $-0.42 +2025-03-10 14:43:15,011 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.472310714286 | Take profit: 2092.7550339285717 +2025-03-10 14:43:15,056 - INFO - CLOSED long at 2064.7 | PnL: 0.14% | $0.08 +2025-03-10 14:43:15,056 - INFO - OPENED SHORT at 2064.7 | Stop loss: 2075.042189285714 | Take profit: 2033.7014660714285 +2025-03-10 14:43:15,125 - INFO - CLOSED short at 2060.91 | PnL: 0.18% | $0.16 +2025-03-10 14:43:15,125 - INFO - OPENED LONG at 2060.91 | Stop loss: 2050.5867607142854 | Take profit: 2091.851683928571 +2025-03-10 14:43:15,249 - INFO - CLOSED long at 2064.1 | PnL: 0.15% | $0.10 +2025-03-10 14:43:15,250 - INFO - OPENED SHORT at 2064.1 | Stop loss: 2074.4391892857143 | Take profit: 2033.1104660714284 +2025-03-10 14:43:15,523 - INFO - CLOSED short at 2061.89 | PnL: 0.11% | $0.01 +2025-03-10 14:43:15,524 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5618607142856 | Take profit: 2092.8463839285714 +2025-03-10 14:43:16,074 - INFO - CLOSED long at 2061.3 | PnL: -0.03% | $-0.25 +2025-03-10 14:43:16,074 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6251892857144 | Take profit: 2030.3524660714288 +2025-03-10 14:43:16,122 - INFO - CLOSED short at 2063.4 | PnL: -0.10% | $-0.38 +2025-03-10 14:43:16,123 - INFO - OPENED LONG at 2063.4 | Stop loss: 2053.064310714286 | Take profit: 2094.3790339285715 +2025-03-10 14:43:16,754 - INFO - CLOSED long at 2069.69 | PnL: 0.30% | $0.39 +2025-03-10 14:43:16,754 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.057139285714 | Take profit: 2038.6166160714286 +2025-03-10 14:43:16,810 - INFO - CLOSED short at 2067.44 | PnL: 0.11% | $0.02 +2025-03-10 14:43:16,811 - INFO - OPENED LONG at 2067.44 | Stop loss: 2057.084110714286 | Take profit: 2098.4796339285717 +2025-03-10 14:43:16,830 - INFO - CLOSED long at 2068.79 | PnL: 0.07% | $-0.07 +2025-03-10 14:43:16,830 - INFO - OPENED SHORT at 2068.79 | Stop loss: 2079.152639285714 | Take profit: 2037.7301160714285 +2025-03-10 14:43:16,852 - INFO - CLOSED short at 2072.99 | PnL: -0.20% | $-0.58 +2025-03-10 14:43:16,854 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6063607142855 | Take profit: 2104.112883928571 +2025-03-10 14:43:17,020 - INFO - CLOSED long at 2063.95 | PnL: -0.44% | $-1.01 +2025-03-10 14:43:17,020 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.288439285714 | Take profit: 2032.9627160714283 +2025-03-10 14:43:17,064 - INFO - CLOSED short at 2063.97 | PnL: -0.00% | $-0.19 +2025-03-10 14:43:17,064 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.6314607142854 | Take profit: 2094.9575839285712 +2025-03-10 14:43:17,185 - INFO - CLOSED long at 2064.4 | PnL: 0.02% | $-0.15 +2025-03-10 14:43:17,185 - INFO - OPENED SHORT at 2064.4 | Stop loss: 2074.7406892857143 | Take profit: 2033.4059660714288 +2025-03-10 14:43:17,239 - INFO - CLOSED short at 2065.5 | PnL: -0.05% | $-0.29 +2025-03-10 14:43:17,239 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1538107142856 | Take profit: 2096.5105339285715 +2025-03-10 14:43:17,270 - INFO - CLOSED long at 2067.53 | PnL: 0.10% | $-0.00 +2025-03-10 14:43:17,271 - INFO - OPENED SHORT at 2067.53 | Stop loss: 2077.8863392857143 | Take profit: 2036.4890160714288 +2025-03-10 14:43:17,296 - INFO - CLOSED short at 2065.29 | PnL: 0.11% | $0.02 +2025-03-10 14:43:17,296 - INFO - OPENED LONG at 2065.29 | Stop loss: 2054.9448607142854 | Take profit: 2096.2973839285714 +2025-03-10 14:43:17,418 - INFO - CLOSED long at 2068.59 | PnL: 0.16% | $0.11 +2025-03-10 14:43:17,419 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.9516392857145 | Take profit: 2037.5331160714286 +2025-03-10 14:43:17,587 - INFO - CLOSED short at 2070.9 | PnL: -0.11% | $-0.39 +2025-03-10 14:43:17,587 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.5268107142856 | Take profit: 2101.9915339285717 +2025-03-10 14:43:17,685 - INFO - CLOSED long at 2070.35 | PnL: -0.03% | $-0.23 +2025-03-10 14:43:17,685 - INFO - OPENED SHORT at 2070.35 | Stop loss: 2080.7204392857143 | Take profit: 2039.2667160714284 +2025-03-10 14:43:17,714 - INFO - CLOSED short at 2070.61 | PnL: -0.01% | $-0.21 +2025-03-10 14:43:17,715 - INFO - OPENED LONG at 2070.61 | Stop loss: 2060.238260714286 | Take profit: 2101.6971839285716 +2025-03-10 14:43:17,736 - INFO - CLOSED long at 2071.99 | PnL: 0.07% | $-0.06 +2025-03-10 14:43:17,736 - INFO - OPENED SHORT at 2071.99 | Stop loss: 2082.368639285714 | Take profit: 2040.8821160714283 +2025-03-10 14:43:17,767 - INFO - CLOSED short at 2068.19 | PnL: 0.18% | $0.15 +2025-03-10 14:43:17,767 - INFO - OPENED LONG at 2068.19 | Stop loss: 2057.8303607142857 | Take profit: 2099.2408839285717 +2025-03-10 14:43:17,816 - INFO - CLOSED long at 2068.67 | PnL: 0.02% | $-0.14 +2025-03-10 14:43:17,816 - INFO - OPENED SHORT at 2068.67 | Stop loss: 2079.0320392857143 | Take profit: 2037.6119160714286 +2025-03-10 14:43:17,866 - INFO - CLOSED short at 2070.67 | PnL: -0.10% | $-0.36 +2025-03-10 14:43:17,866 - INFO - OPENED LONG at 2070.67 | Stop loss: 2060.2979607142856 | Take profit: 2101.7580839285715 +2025-03-10 14:43:17,986 - INFO - CLOSED long at 2074.37 | PnL: 0.18% | $0.14 +2025-03-10 14:43:17,987 - INFO - OPENED SHORT at 2074.37 | Stop loss: 2084.760539285714 | Take profit: 2043.2264160714283 +2025-03-10 14:43:18,042 - INFO - CLOSED short at 2074.35 | PnL: 0.00% | $-0.18 +2025-03-10 14:43:18,043 - INFO - OPENED LONG at 2074.35 | Stop loss: 2063.9595607142855 | Take profit: 2105.4932839285716 +2025-03-10 14:43:18,303 - INFO - CLOSED long at 2072.09 | PnL: -0.11% | $-0.38 +2025-03-10 14:43:18,345 - INFO - OPENED LONG at 2069.97 | Stop loss: 2059.6014607142856 | Take profit: 2101.0475839285714 +2025-03-10 14:43:18,478 - INFO - CLOSED long at 2066.89 | PnL: -0.15% | $-0.45 +2025-03-10 14:43:18,479 - INFO - OPENED SHORT at 2066.89 | Stop loss: 2077.2431392857143 | Take profit: 2035.8586160714285 +2025-03-10 14:43:18,502 - INFO - CLOSED short at 2067.88 | PnL: -0.05% | $-0.27 +2025-03-10 14:43:18,503 - INFO - OPENED LONG at 2067.88 | Stop loss: 2057.5219107142857 | Take profit: 2098.9262339285715 +2025-03-10 14:43:19,284 - INFO - STOP LOSS hit for long at 2057.5219107142857 | PnL: -0.50% | $-1.09 +2025-03-10 14:43:19,307 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.726260714286 | Take profit: 2083.8331839285715 +2025-03-10 14:43:19,386 - INFO - CLOSED long at 2051.99 | PnL: -0.05% | $-0.27 +2025-03-10 14:43:19,386 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.268639285714 | Take profit: 2021.1821160714283 +2025-03-10 14:43:19,458 - INFO - CLOSED short at 2058.3 | PnL: -0.31% | $-0.73 +2025-03-10 14:43:19,459 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9898107142858 | Take profit: 2089.2025339285715 +2025-03-10 14:43:19,619 - INFO - CLOSED long at 2062.83 | PnL: 0.22% | $0.21 +2025-03-10 14:43:19,619 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.162839285714 | Take profit: 2031.8595160714285 +2025-03-10 14:43:19,642 - INFO - CLOSED short at 2063.9 | PnL: -0.05% | $-0.27 +2025-03-10 14:43:19,643 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.561810714286 | Take profit: 2094.886533928571 +2025-03-10 14:43:19,977 - INFO - CLOSED long at 2061.84 | PnL: -0.10% | $-0.35 +2025-03-10 14:43:19,978 - INFO - OPENED SHORT at 2061.84 | Stop loss: 2072.1678892857144 | Take profit: 2030.8843660714288 +2025-03-10 14:43:20,004 - INFO - CLOSED short at 2062.54 | PnL: -0.03% | $-0.24 +2025-03-10 14:43:20,005 - INFO - OPENED LONG at 2062.54 | Stop loss: 2052.208610714286 | Take profit: 2093.5061339285717 +2025-03-10 14:43:20,440 - INFO - TAKE PROFIT hit for long at 2093.5061339285717 | PnL: 1.50% | $2.46 +2025-03-10 14:43:20,462 - INFO - OPENED LONG at 2130.7 | Stop loss: 2120.0278107142854 | Take profit: 2162.6885339285714 +2025-03-10 14:43:20,853 - INFO - STOP LOSS hit for long at 2120.0278107142854 | PnL: -0.50% | $-1.09 +2025-03-10 14:43:20,896 - INFO - OPENED SHORT at 2121.4 | Stop loss: 2132.0256892857146 | Take profit: 2089.550966071429 +2025-03-10 14:43:20,942 - INFO - CLOSED short at 2119.14 | PnL: 0.11% | $0.01 +2025-03-10 14:43:20,942 - INFO - OPENED LONG at 2119.14 | Stop loss: 2108.5256107142854 | Take profit: 2150.9551339285717 +2025-03-10 14:43:21,042 - INFO - STOP LOSS hit for long at 2108.5256107142854 | PnL: -0.50% | $-1.07 +2025-03-10 14:43:21,082 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.0283107142855 | Take profit: 2142.2870339285714 +2025-03-10 14:43:21,151 - INFO - CLOSED long at 2112.09 | PnL: 0.07% | $-0.05 +2025-03-10 14:43:21,152 - INFO - OPENED SHORT at 2112.09 | Stop loss: 2122.669139285714 | Take profit: 2080.380616071429 +2025-03-10 14:43:21,230 - INFO - CLOSED short at 2113.24 | PnL: -0.05% | $-0.27 +2025-03-10 14:43:21,230 - INFO - OPENED LONG at 2113.24 | Stop loss: 2102.6551107142855 | Take profit: 2144.9666339285714 +2025-03-10 14:43:21,255 - INFO - CLOSED long at 2112.99 | PnL: -0.01% | $-0.20 +2025-03-10 14:43:21,255 - INFO - OPENED SHORT at 2112.99 | Stop loss: 2123.5736392857143 | Take profit: 2081.2671160714285 +2025-03-10 14:43:21,277 - INFO - CLOSED short at 2120.81 | PnL: -0.37% | $-0.82 +2025-03-10 14:43:21,278 - INFO - OPENED LONG at 2120.81 | Stop loss: 2110.187260714286 | Take profit: 2152.6501839285716 +2025-03-10 14:43:21,361 - INFO - CLOSED long at 2108.71 | PnL: -0.57% | $-1.16 +2025-03-10 14:43:21,362 - INFO - OPENED SHORT at 2108.71 | Stop loss: 2119.2722392857145 | Take profit: 2077.0513160714286 +2025-03-10 14:43:21,479 - INFO - CLOSED short at 2100.5 | PnL: 0.39% | $0.50 +2025-03-10 14:43:21,480 - INFO - OPENED LONG at 2100.5 | Stop loss: 2089.978810714286 | Take profit: 2132.035533928571 +2025-03-10 14:43:21,668 - INFO - CLOSED long at 2099.25 | PnL: -0.06% | $-0.27 +2025-03-10 14:43:21,669 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.7649392857143 | Take profit: 2067.7332160714286 +2025-03-10 14:43:21,694 - INFO - CLOSED short at 2098.9 | PnL: 0.02% | $-0.14 +2025-03-10 14:43:21,694 - INFO - OPENED LONG at 2098.9 | Stop loss: 2088.3868107142857 | Take profit: 2130.4115339285718 +2025-03-10 14:43:21,810 - INFO - CLOSED long at 2103.86 | PnL: 0.24% | $0.23 +2025-03-10 14:43:21,810 - INFO - OPENED SHORT at 2103.86 | Stop loss: 2114.3979892857146 | Take profit: 2072.274066071429 +2025-03-10 14:43:21,849 - INFO - CLOSED short at 2104.68 | PnL: -0.04% | $-0.24 +2025-03-10 14:43:21,849 - INFO - OPENED LONG at 2104.68 | Stop loss: 2094.1379107142857 | Take profit: 2136.2782339285714 +2025-03-10 14:43:22,008 - INFO - CLOSED long at 2098.39 | PnL: -0.30% | $-0.68 +2025-03-10 14:43:22,009 - INFO - OPENED SHORT at 2098.39 | Stop loss: 2108.900639285714 | Take profit: 2066.8861160714287 +2025-03-10 14:43:22,038 - INFO - CLOSED short at 2095.29 | PnL: 0.15% | $0.08 +2025-03-10 14:43:22,038 - INFO - OPENED LONG at 2095.29 | Stop loss: 2084.7948607142857 | Take profit: 2126.7473839285717 +2025-03-10 14:43:22,089 - INFO - CLOSED long at 2093.33 | PnL: -0.09% | $-0.33 +2025-03-10 14:43:22,089 - INFO - OPENED SHORT at 2093.33 | Stop loss: 2103.8153392857143 | Take profit: 2061.9020160714285 +2025-03-10 14:43:22,310 - INFO - CLOSED short at 2088.44 | PnL: 0.23% | $0.23 +2025-03-10 14:43:22,310 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.979110714286 | Take profit: 2119.794633928572 +2025-03-10 14:43:22,390 - INFO - CLOSED long at 2085.3 | PnL: -0.15% | $-0.43 +2025-03-10 14:43:22,391 - INFO - OPENED SHORT at 2085.3 | Stop loss: 2095.745189285715 | Take profit: 2053.9924660714287 +2025-03-10 14:43:22,414 - INFO - CLOSED short at 2082.44 | PnL: 0.14% | $0.06 +2025-03-10 14:43:22,414 - INFO - OPENED LONG at 2082.44 | Stop loss: 2072.0091107142857 | Take profit: 2113.7046339285716 +2025-03-10 14:43:22,561 - INFO - CLOSED long at 2083.59 | PnL: 0.06% | $-0.08 +2025-03-10 14:43:22,562 - INFO - OPENED SHORT at 2083.59 | Stop loss: 2094.0266392857143 | Take profit: 2052.3081160714287 +2025-03-10 14:43:22,703 - INFO - CLOSED short at 2085.83 | PnL: -0.11% | $-0.35 +2025-03-10 14:43:22,703 - INFO - OPENED LONG at 2085.83 | Stop loss: 2075.382160714286 | Take profit: 2117.1454839285716 +2025-03-10 14:43:22,943 - INFO - CLOSED long at 2086.81 | PnL: 0.05% | $-0.09 +2025-03-10 14:43:22,944 - INFO - OPENED SHORT at 2086.81 | Stop loss: 2097.262739285714 | Take profit: 2055.4798160714286 +2025-03-10 14:43:22,976 - INFO - CLOSED short at 2089.79 | PnL: -0.14% | $-0.41 +2025-03-10 14:43:22,977 - INFO - OPENED LONG at 2089.79 | Stop loss: 2079.3223607142854 | Take profit: 2121.1648839285717 +2025-03-10 14:43:23,095 - INFO - CLOSED long at 2089.2 | PnL: -0.03% | $-0.21 +2025-03-10 14:43:23,095 - INFO - OPENED SHORT at 2089.2 | Stop loss: 2099.6646892857143 | Take profit: 2057.8339660714287 +2025-03-10 14:43:23,145 - INFO - CLOSED short at 2091.05 | PnL: -0.09% | $-0.32 +2025-03-10 14:43:23,145 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.576060714286 | Take profit: 2122.4437839285715 +2025-03-10 14:43:23,179 - INFO - CLOSED long at 2091.05 | PnL: 0.00% | $-0.17 +2025-03-10 14:43:23,179 - INFO - OPENED SHORT at 2091.05 | Stop loss: 2101.5239392857147 | Take profit: 2059.656216071429 +2025-03-10 14:43:23,205 - INFO - CLOSED short at 2091.95 | PnL: -0.04% | $-0.24 +2025-03-10 14:43:23,205 - INFO - OPENED LONG at 2091.95 | Stop loss: 2081.4715607142853 | Take profit: 2123.357283928571 +2025-03-10 14:43:23,253 - INFO - CLOSED long at 2097.8 | PnL: 0.28% | $0.30 +2025-03-10 14:43:23,253 - INFO - OPENED SHORT at 2097.8 | Stop loss: 2108.3076892857143 | Take profit: 2066.3049660714287 +2025-03-10 14:43:23,300 - INFO - CLOSED short at 2101.64 | PnL: -0.18% | $-0.47 +2025-03-10 14:43:23,300 - INFO - OPENED LONG at 2101.64 | Stop loss: 2091.1131107142855 | Take profit: 2133.1926339285715 +2025-03-10 14:43:23,460 - INFO - CLOSED long at 2099.73 | PnL: -0.09% | $-0.32 +2025-03-10 14:43:23,461 - INFO - OPENED SHORT at 2099.73 | Stop loss: 2110.2473392857146 | Take profit: 2068.2060160714286 +2025-03-10 14:43:23,506 - INFO - CLOSED short at 2106.15 | PnL: -0.31% | $-0.67 +2025-03-10 14:43:23,506 - INFO - OPENED LONG at 2106.15 | Stop loss: 2095.6005607142856 | Take profit: 2137.7702839285716 +2025-03-10 14:43:23,554 - INFO - CLOSED long at 2103.48 | PnL: -0.13% | $-0.37 +2025-03-10 14:43:23,554 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.0160892857143 | Take profit: 2071.8997660714285 +2025-03-10 14:43:23,585 - INFO - CLOSED short at 2104.93 | PnL: -0.07% | $-0.27 +2025-03-10 14:43:23,585 - INFO - OPENED LONG at 2104.93 | Stop loss: 2094.3866607142854 | Take profit: 2136.531983928571 +2025-03-10 14:43:23,642 - INFO - CLOSED long at 2103.07 | PnL: -0.09% | $-0.31 +2025-03-10 14:43:23,643 - INFO - OPENED SHORT at 2103.07 | Stop loss: 2113.6040392857144 | Take profit: 2071.495916071429 +2025-03-10 14:43:23,667 - INFO - CLOSED short at 2101.5 | PnL: 0.07% | $-0.04 +2025-03-10 14:43:23,668 - INFO - OPENED LONG at 2101.5 | Stop loss: 2090.9738107142857 | Take profit: 2133.0505339285714 +2025-03-10 14:43:23,907 - INFO - CLOSED long at 2102.7 | PnL: 0.06% | $-0.07 +2025-03-10 14:43:23,907 - INFO - OPENED SHORT at 2102.7 | Stop loss: 2113.232189285714 | Take profit: 2071.1314660714283 +2025-03-10 14:43:23,982 - INFO - CLOSED short at 2103.41 | PnL: -0.03% | $-0.22 +2025-03-10 14:43:23,982 - INFO - OPENED LONG at 2103.41 | Stop loss: 2092.874260714286 | Take profit: 2134.9891839285715 +2025-03-10 14:43:24,013 - INFO - CLOSED long at 2104.73 | PnL: 0.06% | $-0.06 +2025-03-10 14:43:24,013 - INFO - OPENED SHORT at 2104.73 | Stop loss: 2115.272339285714 | Take profit: 2073.1310160714283 +2025-03-10 14:43:24,063 - INFO - CLOSED short at 2106.28 | PnL: -0.07% | $-0.28 +2025-03-10 14:43:24,064 - INFO - OPENED LONG at 2106.28 | Stop loss: 2095.729910714286 | Take profit: 2137.9022339285716 +2025-03-10 14:43:24,085 - INFO - CLOSED long at 2108.0 | PnL: 0.08% | $-0.03 +2025-03-10 14:43:24,085 - INFO - OPENED SHORT at 2108.0 | Stop loss: 2118.5586892857145 | Take profit: 2076.3519660714287 +2025-03-10 14:43:24,163 - INFO - CLOSED short at 2110.4 | PnL: -0.11% | $-0.34 +2025-03-10 14:43:24,164 - INFO - OPENED LONG at 2110.4 | Stop loss: 2099.829310714286 | Take profit: 2142.084033928572 +2025-03-10 14:43:24,205 - INFO - CLOSED long at 2113.7 | PnL: 0.16% | $0.09 +2025-03-10 14:43:24,206 - INFO - OPENED SHORT at 2113.7 | Stop loss: 2124.2871892857142 | Take profit: 2081.9664660714284 +2025-03-10 14:43:24,291 - INFO - CLOSED short at 2115.26 | PnL: -0.07% | $-0.28 +2025-03-10 14:43:24,291 - INFO - OPENED LONG at 2115.26 | Stop loss: 2104.665010714286 | Take profit: 2147.0169339285717 +2025-03-10 14:43:24,470 - INFO - CLOSED long at 2110.99 | PnL: -0.20% | $-0.48 +2025-03-10 14:43:24,471 - INFO - OPENED SHORT at 2110.99 | Stop loss: 2121.563639285714 | Take profit: 2079.2971160714283 +2025-03-10 14:43:24,518 - INFO - CLOSED short at 2111.19 | PnL: -0.01% | $-0.17 +2025-03-10 14:43:24,518 - INFO - OPENED LONG at 2111.19 | Stop loss: 2100.6153607142855 | Take profit: 2142.8858839285717 +2025-03-10 14:43:24,541 - INFO - CLOSED long at 2112.61 | PnL: 0.07% | $-0.05 +2025-03-10 14:43:24,541 - INFO - OPENED SHORT at 2112.61 | Stop loss: 2123.1917392857144 | Take profit: 2080.8928160714286 +2025-03-10 14:43:24,640 - INFO - CLOSED short at 2115.3 | PnL: -0.13% | $-0.36 +2025-03-10 14:43:24,641 - INFO - OPENED LONG at 2115.3 | Stop loss: 2104.704810714286 | Take profit: 2147.0575339285715 +2025-03-10 14:43:24,725 - INFO - CLOSED long at 2116.81 | PnL: 0.07% | $-0.04 +2025-03-10 14:43:24,726 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.412739285714 | Take profit: 2085.0298160714283 +2025-03-10 14:43:24,819 - INFO - CLOSED short at 2117.6 | PnL: -0.04% | $-0.22 +2025-03-10 14:43:24,819 - INFO - OPENED LONG at 2117.6 | Stop loss: 2106.9933107142856 | Take profit: 2149.3920339285714 +2025-03-10 14:43:25,176 - INFO - CLOSED long at 2135.86 | PnL: 0.86% | $1.19 +2025-03-10 14:43:25,201 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.9599892857145 | Take profit: 2104.1880660714287 +2025-03-10 14:43:25,224 - INFO - CLOSED short at 2135.51 | PnL: 0.04% | $-0.10 +2025-03-10 14:43:25,225 - INFO - OPENED LONG at 2135.51 | Stop loss: 2124.8137607142858 | Take profit: 2167.5706839285717 +2025-03-10 14:43:25,338 - INFO - CLOSED long at 2124.38 | PnL: -0.52% | $-0.99 +2025-03-10 14:43:25,338 - INFO - OPENED SHORT at 2124.38 | Stop loss: 2135.0205892857143 | Take profit: 2092.4862660714284 +2025-03-10 14:43:25,454 - INFO - CLOSED short at 2129.51 | PnL: -0.24% | $-0.54 +2025-03-10 14:43:25,455 - INFO - OPENED LONG at 2129.51 | Stop loss: 2118.843760714286 | Take profit: 2161.4806839285716 +2025-03-10 14:43:25,691 - INFO - CLOSED long at 2120.0 | PnL: -0.45% | $-0.85 +2025-03-10 14:43:25,692 - INFO - OPENED SHORT at 2120.0 | Stop loss: 2130.618689285714 | Take profit: 2088.1719660714284 +2025-03-10 14:43:25,739 - INFO - CLOSED short at 2118.8 | PnL: 0.06% | $-0.07 +2025-03-10 14:43:25,740 - INFO - OPENED LONG at 2118.8 | Stop loss: 2108.187310714286 | Take profit: 2150.6100339285717 +2025-03-10 14:43:26,085 - INFO - CLOSED long at 2120.84 | PnL: 0.10% | $-0.01 +2025-03-10 14:43:26,085 - INFO - OPENED SHORT at 2120.84 | Stop loss: 2131.462889285714 | Take profit: 2088.9993660714285 +2025-03-10 14:43:26,117 - INFO - CLOSED short at 2114.41 | PnL: 0.30% | $0.31 +2025-03-10 14:43:26,118 - INFO - OPENED LONG at 2114.41 | Stop loss: 2103.8192607142855 | Take profit: 2146.1541839285715 +2025-03-10 14:43:26,573 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.26, Avg Loss=$-0.34 +2025-03-10 14:43:26,574 - INFO - Episode 6: Reward=-176.71, Balance=$77.89, Win Rate=24.8%, Trades=117, Episode PnL=$-11.05, Total PnL=$-56.63, Max Drawdown=19.9%, Pred Accuracy=97.0% +2025-03-10 14:43:26,997 - INFO - OPENED SHORT at 2071.4 | Stop loss: 2081.7756892857146 | Take profit: 2040.3009660714288 +2025-03-10 14:43:27,398 - INFO - CLOSED short at 2068.32 | PnL: 0.15% | $0.10 +2025-03-10 14:43:27,399 - INFO - OPENED LONG at 2068.32 | Stop loss: 2057.959710714286 | Take profit: 2099.3728339285713 +2025-03-10 14:43:27,938 - INFO - CLOSED long at 2068.5 | PnL: 0.01% | $-0.18 +2025-03-10 14:43:28,055 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.4642392857145 | Take profit: 2036.075316071429 +2025-03-10 14:43:29,889 - INFO - CLOSED short at 2057.4 | PnL: 0.47% | $0.73 +2025-03-10 14:43:30,311 - INFO - OPENED SHORT at 2063.4 | Stop loss: 2073.7356892857147 | Take profit: 2032.4209660714287 +2025-03-10 14:43:30,670 - INFO - STOP LOSS hit for short at 2073.7356892857147 | PnL: -0.50% | $-1.20 +2025-03-10 14:43:30,935 - INFO - OPENED SHORT at 2068.15 | Stop loss: 2078.509439285714 | Take profit: 2037.0997160714287 +2025-03-10 14:43:33,295 - INFO - CLOSED short at 2049.21 | PnL: 0.92% | $1.61 +2025-03-10 14:43:33,506 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.162839285714 | Take profit: 2031.8595160714285 +2025-03-10 14:43:34,194 - INFO - STOP LOSS hit for short at 2073.162839285714 | PnL: -0.50% | $-1.20 +2025-03-10 14:43:34,334 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.479089285714 | Take profit: 2044.9107660714285 +2025-03-10 14:43:34,382 - INFO - CLOSED short at 2085.56 | PnL: -0.46% | $-1.10 +2025-03-10 14:43:34,382 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.113510714286 | Take profit: 2116.8714339285716 +2025-03-10 14:43:34,431 - INFO - CLOSED long at 2090.49 | PnL: 0.24% | $0.27 +2025-03-10 14:43:34,432 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.961139285714 | Take profit: 2059.104616071428 +2025-03-10 14:43:34,478 - INFO - STOP LOSS hit for short at 2100.961139285714 | PnL: -0.50% | $-1.18 +2025-03-10 14:43:34,995 - INFO - OPENED SHORT at 2120.15 | Stop loss: 2130.7694392857143 | Take profit: 2088.3197160714285 +2025-03-10 14:43:35,512 - INFO - CLOSED short at 2116.48 | PnL: 0.17% | $0.14 +2025-03-10 14:43:35,512 - INFO - OPENED LONG at 2116.48 | Stop loss: 2105.8789107142857 | Take profit: 2148.255233928571 +2025-03-10 14:43:35,705 - INFO - STOP LOSS hit for long at 2105.8789107142857 | PnL: -0.50% | $-1.17 +2025-03-10 14:43:35,787 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.5313107142856 | Take profit: 2121.3780339285718 +2025-03-10 14:43:36,057 - INFO - CLOSED long at 2106.39 | PnL: 0.78% | $1.31 +2025-03-10 14:43:36,057 - INFO - OPENED SHORT at 2106.39 | Stop loss: 2116.940639285714 | Take profit: 2074.7661160714283 +2025-03-10 14:43:38,040 - INFO - CLOSED short at 2102.0 | PnL: 0.21% | $0.21 +2025-03-10 14:43:38,041 - INFO - OPENED LONG at 2102.0 | Stop loss: 2091.4713107142857 | Take profit: 2133.558033928571 +2025-03-10 14:43:38,084 - INFO - CLOSED long at 2103.41 | PnL: 0.07% | $-0.06 +2025-03-10 14:43:39,198 - INFO - OPENED SHORT at 2135.86 | Stop loss: 2146.5579892857145 | Take profit: 2103.794066071429 +2025-03-10 14:43:39,491 - INFO - CLOSED short at 2129.51 | PnL: 0.30% | $0.38 +2025-03-10 14:43:39,657 - INFO - OPENED SHORT at 2123.37 | Stop loss: 2134.0055392857143 | Take profit: 2091.4914160714284 +2025-03-10 14:43:39,828 - INFO - CLOSED short at 2116.53 | PnL: 0.32% | $0.43 +2025-03-10 14:43:39,828 - INFO - OPENED LONG at 2116.53 | Stop loss: 2105.928660714286 | Take profit: 2148.3059839285715 +2025-03-10 14:43:40,626 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.58, Avg Loss=$-0.87 +2025-03-10 14:43:40,627 - INFO - Episode 7: Reward=-89.27, Balance=$99.09, Win Rate=56.2%, Trades=16, Episode PnL=$-2.49, Total PnL=$-57.54, Max Drawdown=4.2%, Pred Accuracy=97.1% +2025-03-10 14:43:40,763 - INFO - Model saved to models/trading_agent_best_winrate.pt +2025-03-10 14:43:40,764 - INFO - New best win rate model saved: 56.2% +2025-03-10 14:43:42,113 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.750689285714 | Take profit: 2035.3759660714286 +2025-03-10 14:43:42,282 - INFO - CLOSED short at 2068.18 | PnL: -0.09% | $-0.37 +2025-03-10 14:43:42,283 - INFO - OPENED LONG at 2068.18 | Stop loss: 2057.8204107142856 | Take profit: 2099.230733928571 +2025-03-10 14:43:43,020 - INFO - CLOSED long at 2060.9 | PnL: -0.35% | $-0.89 +2025-03-10 14:43:43,020 - INFO - OPENED SHORT at 2060.9 | Stop loss: 2071.2231892857144 | Take profit: 2029.9584660714286 +2025-03-10 14:43:44,601 - INFO - CLOSED short at 2069.79 | PnL: -0.43% | $-1.04 +2025-03-10 14:43:44,601 - INFO - OPENED LONG at 2069.79 | Stop loss: 2059.422360714286 | Take profit: 2100.8648839285715 +2025-03-10 14:43:44,673 - INFO - CLOSED long at 2078.01 | PnL: 0.40% | $0.58 +2025-03-10 14:43:44,673 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.4187392857148 | Take profit: 2046.811816071429 +2025-03-10 14:43:47,673 - INFO - CLOSED short at 2057.11 | PnL: 1.01% | $1.76 +2025-03-10 14:43:48,462 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2088.0167392857143 | Take profit: 2046.4178160714287 +2025-03-10 14:43:48,482 - INFO - CLOSED short at 2085.56 | PnL: -0.38% | $-0.96 +2025-03-10 14:43:48,753 - INFO - OPENED LONG at 2134.78 | Stop loss: 2124.087410714286 | Take profit: 2166.8297339285714 +2025-03-10 14:43:48,858 - INFO - STOP LOSS hit for long at 2124.087410714286 | PnL: -0.50% | $-1.18 +2025-03-10 14:43:49,037 - INFO - OPENED SHORT at 2115.28 | Stop loss: 2125.8750892857147 | Take profit: 2083.5227660714286 +2025-03-10 14:43:49,501 - INFO - CLOSED short at 2090.0 | PnL: 1.20% | $2.13 +2025-03-10 14:43:49,844 - INFO - OPENED SHORT at 2104.68 | Stop loss: 2115.222089285714 | Take profit: 2073.0817660714283 +2025-03-10 14:43:51,385 - INFO - CLOSED short at 2100.89 | PnL: 0.18% | $0.16 +2025-03-10 14:43:51,562 - INFO - OPENED LONG at 2101.5 | Stop loss: 2090.9738107142857 | Take profit: 2133.0505339285714 +2025-03-10 14:43:52,318 - INFO - CLOSED long at 2112.28 | PnL: 0.51% | $0.82 +2025-03-10 14:43:52,319 - INFO - OPENED SHORT at 2112.28 | Stop loss: 2122.8600892857144 | Take profit: 2080.5677660714287 +2025-03-10 14:43:52,741 - INFO - CLOSED short at 2117.6 | PnL: -0.25% | $-0.70 +2025-03-10 14:43:52,765 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.8047392857143 | Take profit: 2083.4538160714287 +2025-03-10 14:43:53,039 - INFO - STOP LOSS hit for short at 2125.8047392857143 | PnL: -0.50% | $-1.19 +2025-03-10 14:43:53,115 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.9599892857145 | Take profit: 2104.1880660714287 +2025-03-10 14:43:53,492 - INFO - CLOSED short at 2126.43 | PnL: 0.46% | $0.71 +2025-03-10 14:43:53,948 - INFO - OPENED SHORT at 2120.84 | Stop loss: 2131.462889285714 | Take profit: 2088.9993660714285 +2025-03-10 14:43:54,188 - INFO - CLOSED short at 2113.04 | PnL: 0.37% | $0.53 +2025-03-10 14:43:54,388 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.95, Avg Loss=$-0.91 +2025-03-10 14:43:54,389 - INFO - Episode 8: Reward=-95.62, Balance=$100.34, Win Rate=50.0%, Trades=14, Episode PnL=$-0.16, Total PnL=$-57.20, Max Drawdown=2.1%, Pred Accuracy=97.2% +2025-03-10 14:43:55,081 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.646310714286 | Take profit: 2098.033033928571 +2025-03-10 14:43:55,277 - INFO - CLOSED long at 2068.58 | PnL: 0.08% | $-0.05 +2025-03-10 14:43:55,278 - INFO - OPENED SHORT at 2068.58 | Stop loss: 2078.941589285714 | Take profit: 2037.5232660714287 +2025-03-10 14:43:55,642 - INFO - CLOSED short at 2067.11 | PnL: 0.07% | $-0.06 +2025-03-10 14:43:56,293 - INFO - OPENED SHORT at 2065.54 | Stop loss: 2075.886389285714 | Take profit: 2034.5288660714286 +2025-03-10 14:43:56,810 - INFO - CLOSED short at 2060.3 | PnL: 0.25% | $0.30 +2025-03-10 14:43:56,811 - INFO - OPENED LONG at 2060.3 | Stop loss: 2049.979810714286 | Take profit: 2091.2325339285717 +2025-03-10 14:43:57,389 - INFO - CLOSED long at 2059.46 | PnL: -0.04% | $-0.28 +2025-03-10 14:43:57,708 - INFO - OPENED SHORT at 2062.69 | Stop loss: 2073.0221392857143 | Take profit: 2031.7216160714286 +2025-03-10 14:43:58,074 - INFO - CLOSED short at 2069.79 | PnL: -0.34% | $-0.88 +2025-03-10 14:43:58,543 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.9746607142856 | Take profit: 2098.3679839285714 +2025-03-10 14:43:58,746 - INFO - CLOSED long at 2065.5 | PnL: -0.09% | $-0.37 +2025-03-10 14:43:58,747 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8461892857144 | Take profit: 2034.4894660714285 +2025-03-10 14:43:59,327 - INFO - STOP LOSS hit for short at 2075.8461892857144 | PnL: -0.50% | $-1.18 +2025-03-10 14:43:59,468 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2581892857143 | Take profit: 2036.8534660714286 +2025-03-10 14:44:00,828 - INFO - STOP LOSS hit for short at 2078.2581892857143 | PnL: -0.50% | $-1.16 +2025-03-10 14:44:00,893 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.372189285714 | Take profit: 2098.7114660714283 +2025-03-10 14:44:00,974 - INFO - CLOSED short at 2137.59 | PnL: -0.32% | $-0.81 +2025-03-10 14:44:01,000 - INFO - OPENED SHORT at 2141.41 | Stop loss: 2152.1357392857144 | Take profit: 2109.2608160714285 +2025-03-10 14:44:01,107 - INFO - CLOSED short at 2126.99 | PnL: 0.67% | $1.09 +2025-03-10 14:44:01,152 - INFO - OPENED SHORT at 2128.69 | Stop loss: 2139.352139285714 | Take profit: 2096.7316160714286 +2025-03-10 14:44:01,791 - INFO - TAKE PROFIT hit for short at 2096.7316160714286 | PnL: 1.50% | $2.68 +2025-03-10 14:44:01,841 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.0463392857146 | Take profit: 2068.009016071429 +2025-03-10 14:44:04,124 - INFO - CLOSED short at 2108.0 | PnL: -0.40% | $-0.99 +2025-03-10 14:44:04,154 - INFO - OPENED SHORT at 2112.28 | Stop loss: 2122.8600892857144 | Take profit: 2080.5677660714287 +2025-03-10 14:44:05,074 - INFO - STOP LOSS hit for short at 2122.8600892857144 | PnL: -0.50% | $-1.17 +2025-03-10 14:44:05,102 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.447639285714 | Take profit: 2095.8451160714285 +2025-03-10 14:44:06,460 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.36, Avg Loss=$-0.69 +2025-03-10 14:44:06,461 - INFO - Episode 9: Reward=-104.05, Balance=$97.13, Win Rate=23.1%, Trades=13, Episode PnL=$-2.45, Total PnL=$-60.06, Max Drawdown=4.5%, Pred Accuracy=97.4% +2025-03-10 14:44:07,479 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7706892857145 | Take profit: 2039.3159660714286 +2025-03-10 14:44:08,156 - INFO - CLOSED short at 2067.46 | PnL: 0.14% | $0.08 +2025-03-10 14:44:08,157 - INFO - OPENED LONG at 2067.46 | Stop loss: 2057.104010714286 | Take profit: 2098.4999339285714 +2025-03-10 14:44:08,430 - INFO - CLOSED long at 2067.59 | PnL: 0.01% | $-0.19 +2025-03-10 14:44:08,430 - INFO - OPENED SHORT at 2067.59 | Stop loss: 2077.9466392857144 | Take profit: 2036.5481160714287 +2025-03-10 14:44:08,595 - INFO - CLOSED short at 2070.7 | PnL: -0.15% | $-0.50 +2025-03-10 14:44:08,647 - INFO - OPENED SHORT at 2070.73 | Stop loss: 2081.102339285714 | Take profit: 2039.6410160714286 +2025-03-10 14:44:10,480 - INFO - CLOSED short at 2065.89 | PnL: 0.23% | $0.26 +2025-03-10 14:44:11,543 - INFO - OPENED SHORT at 2063.4 | Stop loss: 2073.7356892857147 | Take profit: 2032.4209660714287 +2025-03-10 14:44:12,064 - INFO - STOP LOSS hit for short at 2073.7356892857147 | PnL: -0.50% | $-1.19 +2025-03-10 14:44:12,231 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.413889285714 | Take profit: 2039.9463660714284 +2025-03-10 14:44:12,606 - INFO - CLOSED short at 2068.79 | PnL: 0.11% | $0.02 +2025-03-10 14:44:12,907 - INFO - OPENED SHORT at 2063.97 | Stop loss: 2074.3085392857142 | Take profit: 2032.9824160714284 +2025-03-10 14:44:13,833 - INFO - STOP LOSS hit for short at 2074.3085392857142 | PnL: -0.50% | $-1.17 +2025-03-10 14:44:13,889 - INFO - OPENED SHORT at 2074.35 | Stop loss: 2084.7404392857143 | Take profit: 2043.2067160714284 +2025-03-10 14:44:14,229 - INFO - CLOSED short at 2069.97 | PnL: 0.21% | $0.21 +2025-03-10 14:44:14,229 - INFO - OPENED LONG at 2069.97 | Stop loss: 2059.6014607142856 | Take profit: 2101.0475839285714 +2025-03-10 14:44:14,258 - INFO - CLOSED long at 2067.7 | PnL: -0.11% | $-0.41 +2025-03-10 14:44:14,258 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.057189285714 | Take profit: 2036.6564660714282 +2025-03-10 14:44:14,282 - INFO - CLOSED short at 2067.0 | PnL: 0.03% | $-0.13 +2025-03-10 14:44:14,306 - INFO - OPENED SHORT at 2067.9 | Stop loss: 2078.2581892857143 | Take profit: 2036.8534660714286 +2025-03-10 14:44:15,089 - INFO - CLOSED short at 2058.09 | PnL: 0.47% | $0.72 +2025-03-10 14:44:15,090 - INFO - OPENED LONG at 2058.09 | Stop loss: 2047.7808607142858 | Take profit: 2088.989383928572 +2025-03-10 14:44:15,181 - INFO - CLOSED long at 2053.01 | PnL: -0.25% | $-0.67 +2025-03-10 14:44:15,181 - INFO - OPENED SHORT at 2053.01 | Stop loss: 2063.2937392857143 | Take profit: 2022.1868160714287 +2025-03-10 14:44:15,305 - INFO - CLOSED short at 2056.85 | PnL: -0.19% | $-0.55 +2025-03-10 14:44:15,306 - INFO - OPENED LONG at 2056.85 | Stop loss: 2046.5470607142856 | Take profit: 2087.7307839285713 +2025-03-10 14:44:15,399 - INFO - CLOSED long at 2063.9 | PnL: 0.34% | $0.46 +2025-03-10 14:44:15,399 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.2381892857143 | Take profit: 2032.9134660714287 +2025-03-10 14:44:16,014 - INFO - STOP LOSS hit for short at 2074.2381892857143 | PnL: -0.50% | $-1.15 +2025-03-10 14:44:16,043 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.479089285714 | Take profit: 2044.9107660714285 +2025-03-10 14:44:16,124 - INFO - STOP LOSS hit for short at 2086.479089285714 | PnL: -0.50% | $-1.14 +2025-03-10 14:44:16,175 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.372189285714 | Take profit: 2098.7114660714283 +2025-03-10 14:44:16,313 - INFO - STOP LOSS hit for short at 2141.372189285714 | PnL: -0.50% | $-1.13 +2025-03-10 14:44:16,366 - INFO - OPENED SHORT at 2142.68 | Stop loss: 2153.412089285714 | Take profit: 2110.5117660714286 +2025-03-10 14:44:16,788 - INFO - TAKE PROFIT hit for short at 2110.5117660714286 | PnL: 1.50% | $2.60 +2025-03-10 14:44:16,816 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1716892857144 | Take profit: 2078.9129660714284 +2025-03-10 14:44:19,592 - INFO - CLOSED short at 2104.93 | PnL: 0.27% | $0.32 +2025-03-10 14:44:19,678 - INFO - OPENED SHORT at 2103.81 | Stop loss: 2114.347739285714 | Take profit: 2072.2248160714284 +2025-03-10 14:44:20,725 - INFO - STOP LOSS hit for short at 2114.347739285714 | PnL: -0.50% | $-1.15 +2025-03-10 14:44:20,751 - INFO - OPENED SHORT at 2113.61 | Stop loss: 2124.1967392857146 | Take profit: 2081.8778160714287 +2025-03-10 14:44:21,233 - INFO - CLOSED short at 2117.6 | PnL: -0.19% | $-0.55 +2025-03-10 14:44:21,234 - INFO - OPENED LONG at 2117.6 | Stop loss: 2106.9933107142856 | Take profit: 2149.3920339285714 +2025-03-10 14:44:21,540 - INFO - CLOSED long at 2121.2 | PnL: 0.17% | $0.13 +2025-03-10 14:44:22,762 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.6387392857146 | Take profit: 2090.151816071429 +2025-03-10 14:44:22,915 - INFO - CLOSED short at 2121.17 | PnL: 0.04% | $-0.11 +2025-03-10 14:44:23,457 - INFO - OPENED LONG at 2117.92 | Stop loss: 2107.3117107142857 | Take profit: 2149.7168339285713 +2025-03-10 14:44:23,559 - INFO - CLOSED long at 2120.56 | PnL: 0.12% | $0.05 +2025-03-10 14:44:23,559 - INFO - OPENED SHORT at 2120.56 | Stop loss: 2131.181489285714 | Take profit: 2088.7235660714286 +2025-03-10 14:44:23,582 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.49, Avg Loss=$-0.72 +2025-03-10 14:44:23,583 - INFO - Episode 10: Reward=-96.40, Balance=$94.83, Win Rate=41.7%, Trades=24, Episode PnL=$-4.42, Total PnL=$-65.23, Max Drawdown=6.5%, Pred Accuracy=97.7% +2025-03-10 14:44:23,728 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 14:44:23,730 - INFO - Checkpoint saved at episode 10 +2025-03-10 14:44:23,810 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 14:44:23,811 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2506, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 14:44:24,752 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 14:44:24,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2506, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 14:44:25,071 - INFO - OPENED SHORT at 2072.75 | Stop loss: 2083.132439285714 | Take profit: 2041.6307160714287 +2025-03-10 14:44:27,450 - INFO - CLOSED short at 2059.3 | PnL: 0.65% | $1.09 +2025-03-10 14:44:28,698 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.3330107142856 | Take profit: 2092.6129339285712 +2025-03-10 14:44:30,392 - INFO - CLOSED long at 2068.59 | PnL: 0.34% | $0.47 +2025-03-10 14:44:30,488 - INFO - OPENED SHORT at 2071.59 | Stop loss: 2081.966639285715 | Take profit: 2040.4881160714287 +2025-03-10 14:44:32,626 - INFO - CLOSED short at 2067.49 | PnL: 0.20% | $0.20 +2025-03-10 14:44:33,052 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4389392857147 | Take profit: 2042.9112160714287 +2025-03-10 14:44:33,317 - INFO - STOP LOSS hit for short at 2084.4389392857147 | PnL: -0.50% | $-1.21 +2025-03-10 14:44:33,433 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2563892857142 | Take profit: 2107.4188660714285 +2025-03-10 14:44:34,463 - INFO - TAKE PROFIT hit for short at 2107.4188660714285 | PnL: 1.50% | $2.79 +2025-03-10 14:44:34,647 - INFO - OPENED SHORT at 2098.1 | Stop loss: 2108.6091892857144 | Take profit: 2066.6004660714284 +2025-03-10 14:44:36,666 - INFO - CLOSED short at 2106.15 | PnL: -0.38% | $-0.99 +2025-03-10 14:44:36,667 - INFO - OPENED LONG at 2106.15 | Stop loss: 2095.6005607142856 | Take profit: 2137.7702839285716 +2025-03-10 14:44:36,864 - INFO - CLOSED long at 2105.83 | PnL: -0.02% | $-0.23 +2025-03-10 14:44:36,864 - INFO - OPENED SHORT at 2105.83 | Stop loss: 2116.377839285714 | Take profit: 2074.2145160714285 +2025-03-10 14:44:36,983 - INFO - CLOSED short at 2103.52 | PnL: 0.11% | $0.02 +2025-03-10 14:44:38,733 - INFO - OPENED LONG at 2121.73 | Stop loss: 2111.102660714286 | Take profit: 2153.5839839285713 +2025-03-10 14:44:39,267 - INFO - STOP LOSS hit for long at 2111.102660714286 | PnL: -0.50% | $-1.22 +2025-03-10 14:44:39,586 - INFO - OPENED LONG at 2120.56 | Stop loss: 2109.9385107142857 | Take profit: 2152.3964339285712 +2025-03-10 14:44:39,625 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.91, Avg Loss=$-0.91 +2025-03-10 14:44:39,626 - INFO - Episode 11: Reward=-2.34, Balance=$100.92, Win Rate=55.6%, Trades=9, Episode PnL=$1.15, Total PnL=$-64.31, Max Drawdown=2.3%, Pred Accuracy=98.0% +2025-03-10 14:44:39,761 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 14:44:39,761 - INFO - New best PnL model saved: $1.15 +2025-03-10 14:44:40,638 - INFO - OPENED SHORT at 2067.46 | Stop loss: 2077.8159892857143 | Take profit: 2036.4200660714287 +2025-03-10 14:44:40,826 - INFO - CLOSED short at 2068.8 | PnL: -0.06% | $-0.33 +2025-03-10 14:44:40,869 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.7053892857143 | Take profit: 2038.2718660714286 +2025-03-10 14:44:42,595 - INFO - CLOSED short at 2064.33 | PnL: 0.24% | $0.28 +2025-03-10 14:44:42,675 - INFO - OPENED SHORT at 2065.89 | Stop loss: 2076.238139285714 | Take profit: 2034.8736160714284 +2025-03-10 14:44:43,358 - INFO - CLOSED short at 2059.8 | PnL: 0.29% | $0.39 +2025-03-10 14:44:43,386 - INFO - OPENED SHORT at 2061.66 | Stop loss: 2071.986989285714 | Take profit: 2030.7070660714282 +2025-03-10 14:44:43,811 - INFO - STOP LOSS hit for short at 2071.986989285714 | PnL: -0.50% | $-1.20 +2025-03-10 14:44:43,896 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.4037392857144 | Take profit: 2043.8568160714287 +2025-03-10 14:44:45,285 - INFO - CLOSED short at 2074.37 | PnL: 0.03% | $-0.14 +2025-03-10 14:44:45,286 - INFO - OPENED LONG at 2074.37 | Stop loss: 2063.979460714286 | Take profit: 2105.5135839285713 +2025-03-10 14:44:45,878 - INFO - CLOSED long at 2070.19 | PnL: -0.20% | $-0.59 +2025-03-10 14:44:45,880 - INFO - OPENED SHORT at 2070.19 | Stop loss: 2080.5596392857146 | Take profit: 2039.1091160714286 +2025-03-10 14:44:47,692 - INFO - STOP LOSS hit for short at 2080.5596392857146 | PnL: -0.50% | $-1.17 +2025-03-10 14:44:47,910 - INFO - OPENED SHORT at 2137.59 | Stop loss: 2148.2966392857143 | Take profit: 2105.4981160714287 +2025-03-10 14:44:48,934 - INFO - TAKE PROFIT hit for short at 2105.4981160714287 | PnL: 1.50% | $2.70 +2025-03-10 14:44:50,780 - INFO - OPENED SHORT at 2100.89 | Stop loss: 2111.4131392857144 | Take profit: 2069.3486160714283 +2025-03-10 14:44:51,411 - INFO - STOP LOSS hit for short at 2111.4131392857144 | PnL: -0.50% | $-1.19 +2025-03-10 14:44:51,949 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.412739285714 | Take profit: 2085.0298160714283 +2025-03-10 14:44:52,031 - INFO - CLOSED short at 2117.6 | PnL: -0.04% | $-0.27 +2025-03-10 14:44:53,547 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.12, Avg Loss=$-0.70 +2025-03-10 14:44:53,548 - INFO - Episode 12: Reward=-6.26, Balance=$98.49, Win Rate=30.0%, Trades=10, Episode PnL=$-0.92, Total PnL=$-65.83, Max Drawdown=3.1%, Pred Accuracy=98.5% +2025-03-10 14:44:54,184 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7706892857145 | Take profit: 2039.3159660714286 +2025-03-10 14:44:54,236 - INFO - CLOSED short at 2071.11 | PnL: -0.03% | $-0.27 +2025-03-10 14:44:54,236 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.735760714286 | Take profit: 2102.2046839285713 +2025-03-10 14:44:54,507 - INFO - CLOSED long at 2063.61 | PnL: -0.36% | $-0.91 +2025-03-10 14:44:54,507 - INFO - OPENED SHORT at 2063.61 | Stop loss: 2073.9467392857146 | Take profit: 2032.6278160714287 +2025-03-10 14:44:54,534 - INFO - CLOSED short at 2065.26 | PnL: -0.08% | $-0.35 +2025-03-10 14:44:54,535 - INFO - OPENED LONG at 2065.26 | Stop loss: 2054.915010714286 | Take profit: 2096.2669339285717 +2025-03-10 14:44:56,941 - INFO - STOP LOSS hit for long at 2054.915010714286 | PnL: -0.50% | $-1.17 +2025-03-10 14:44:58,642 - INFO - OPENED LONG at 2070.2 | Stop loss: 2059.8303107142856 | Take profit: 2101.281033928571 +2025-03-10 14:44:59,702 - INFO - CLOSED long at 2065.7 | PnL: -0.22% | $-0.61 +2025-03-10 14:44:59,702 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.047189285714 | Take profit: 2034.6864660714284 +2025-03-10 14:44:59,728 - INFO - CLOSED short at 2065.8 | PnL: -0.00% | $-0.20 +2025-03-10 14:44:59,729 - INFO - OPENED LONG at 2065.8 | Stop loss: 2055.452310714286 | Take profit: 2096.8150339285717 +2025-03-10 14:45:00,285 - INFO - STOP LOSS hit for long at 2055.452310714286 | PnL: -0.50% | $-1.15 +2025-03-10 14:45:01,376 - INFO - OPENED LONG at 2085.56 | Stop loss: 2075.113510714286 | Take profit: 2116.8714339285716 +2025-03-10 14:45:01,507 - INFO - TAKE PROFIT hit for long at 2116.8714339285716 | PnL: 1.50% | $2.65 +2025-03-10 14:45:04,051 - INFO - OPENED LONG at 2089.79 | Stop loss: 2079.3223607142854 | Take profit: 2121.1648839285717 +2025-03-10 14:45:04,780 - INFO - CLOSED long at 2103.52 | PnL: 0.66% | $1.08 +2025-03-10 14:45:04,780 - INFO - OPENED SHORT at 2103.52 | Stop loss: 2114.0562892857142 | Take profit: 2071.9391660714286 +2025-03-10 14:45:04,973 - INFO - CLOSED short at 2102.7 | PnL: 0.04% | $-0.12 +2025-03-10 14:45:04,974 - INFO - OPENED LONG at 2102.7 | Stop loss: 2092.167810714285 | Take profit: 2134.2685339285713 +2025-03-10 14:45:05,930 - INFO - CLOSED long at 2118.88 | PnL: 0.77% | $1.31 +2025-03-10 14:45:06,552 - INFO - OPENED LONG at 2131.23 | Stop loss: 2120.5551607142856 | Take profit: 2163.2264839285713 +2025-03-10 14:45:06,700 - INFO - STOP LOSS hit for long at 2120.5551607142856 | PnL: -0.50% | $-1.19 +2025-03-10 14:45:07,673 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.68, Avg Loss=$-0.66 +2025-03-10 14:45:07,674 - INFO - Episode 13: Reward=-9.92, Balance=$99.06, Win Rate=25.0%, Trades=12, Episode PnL=$-0.49, Total PnL=$-66.76, Max Drawdown=4.7%, Pred Accuracy=99.0% +2025-03-10 14:45:10,773 - INFO - OPENED LONG at 2059.02 | Stop loss: 2048.7062107142856 | Take profit: 2089.9333339285713 +2025-03-10 14:45:11,855 - INFO - CLOSED long at 2072.6 | PnL: 0.66% | $1.11 +2025-03-10 14:45:13,173 - INFO - OPENED LONG at 2075.07 | Stop loss: 2064.675960714286 | Take profit: 2106.2240839285714 +2025-03-10 14:45:13,355 - INFO - CLOSED long at 2075.29 | PnL: 0.01% | $-0.18 +2025-03-10 14:45:13,355 - INFO - OPENED SHORT at 2075.29 | Stop loss: 2085.6851392857143 | Take profit: 2044.1326160714284 +2025-03-10 14:45:14,540 - INFO - CLOSED short at 2049.21 | PnL: 1.26% | $2.31 +2025-03-10 14:45:14,541 - INFO - OPENED LONG at 2049.21 | Stop loss: 2038.9452607142857 | Take profit: 2079.9761839285716 +2025-03-10 14:45:15,436 - INFO - TAKE PROFIT hit for long at 2079.9761839285716 | PnL: 1.50% | $2.87 +2025-03-10 14:45:16,771 - INFO - OPENED SHORT at 2102.29 | Stop loss: 2112.8201392857145 | Take profit: 2070.7276160714287 +2025-03-10 14:45:17,319 - INFO - CLOSED short at 2094.72 | PnL: 0.36% | $0.55 +2025-03-10 14:45:17,320 - INFO - OPENED LONG at 2094.72 | Stop loss: 2084.2277107142854 | Take profit: 2126.168833928571 +2025-03-10 14:45:17,399 - INFO - STOP LOSS hit for long at 2084.2277107142854 | PnL: -0.50% | $-1.27 +2025-03-10 14:45:17,654 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.6749392857146 | Take profit: 2050.0032160714286 +2025-03-10 14:45:18,300 - INFO - STOP LOSS hit for short at 2091.6749392857146 | PnL: -0.50% | $-1.26 +2025-03-10 14:45:19,250 - INFO - OPENED SHORT at 2112.28 | Stop loss: 2122.8600892857144 | Take profit: 2080.5677660714287 +2025-03-10 14:45:20,069 - INFO - STOP LOSS hit for short at 2122.8600892857144 | PnL: -0.50% | $-1.24 +2025-03-10 14:45:21,537 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.71, Avg Loss=$-0.99 +2025-03-10 14:45:21,538 - INFO - Episode 14: Reward=0.19, Balance=$102.89, Win Rate=50.0%, Trades=8, Episode PnL=$3.07, Total PnL=$-63.87, Max Drawdown=3.0%, Pred Accuracy=98.8% +2025-03-10 14:45:21,664 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 14:45:21,665 - INFO - New best PnL model saved: $3.07 +2025-03-10 14:45:23,008 - INFO - OPENED SHORT at 2073.9 | Stop loss: 2084.2881892857145 | Take profit: 2042.7634660714286 +2025-03-10 14:45:24,216 - INFO - CLOSED short at 2065.83 | PnL: 0.39% | $0.57 +2025-03-10 14:45:25,394 - INFO - OPENED LONG at 2063.0 | Stop loss: 2052.666310714286 | Take profit: 2093.9730339285716 +2025-03-10 14:45:27,501 - INFO - CLOSED long at 2071.59 | PnL: 0.42% | $0.63 +2025-03-10 14:45:30,177 - INFO - OPENED SHORT at 2071.89 | Stop loss: 2082.268139285714 | Take profit: 2040.7836160714285 +2025-03-10 14:45:30,286 - INFO - STOP LOSS hit for short at 2082.268139285714 | PnL: -0.50% | $-1.21 +2025-03-10 14:45:30,329 - INFO - OPENED LONG at 2103.02 | Stop loss: 2092.486210714286 | Take profit: 2134.593333928571 +2025-03-10 14:45:30,390 - INFO - TAKE PROFIT hit for long at 2134.593333928571 | PnL: 1.50% | $2.78 +2025-03-10 14:45:31,763 - INFO - OPENED LONG at 2104.83 | Stop loss: 2094.2871607142856 | Take profit: 2136.4304839285714 +2025-03-10 14:45:32,003 - INFO - STOP LOSS hit for long at 2094.2871607142856 | PnL: -0.50% | $-1.22 +2025-03-10 14:45:32,813 - INFO - OPENED SHORT at 2087.47 | Stop loss: 2097.926039285714 | Take profit: 2056.1299160714284 +2025-03-10 14:45:33,002 - INFO - CLOSED short at 2091.95 | PnL: -0.21% | $-0.63 +2025-03-10 14:45:36,348 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.33, Avg Loss=$-1.02 +2025-03-10 14:45:36,349 - INFO - Episode 15: Reward=-3.64, Balance=$100.92, Win Rate=50.0%, Trades=6, Episode PnL=$0.92, Total PnL=$-62.95, Max Drawdown=1.8%, Pred Accuracy=98.6% +2025-03-10 14:45:36,681 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7706892857145 | Take profit: 2039.3159660714286 +2025-03-10 14:45:36,994 - INFO - CLOSED short at 2070.4 | PnL: 0.00% | $-0.20 +2025-03-10 14:45:36,994 - INFO - OPENED LONG at 2070.4 | Stop loss: 2060.0293107142857 | Take profit: 2101.4840339285715 +2025-03-10 14:45:37,608 - INFO - CLOSED long at 2070.7 | PnL: 0.01% | $-0.17 +2025-03-10 14:45:37,609 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.072189285714 | Take profit: 2039.6114660714284 +2025-03-10 14:45:37,801 - INFO - CLOSED short at 2067.11 | PnL: 0.17% | $0.14 +2025-03-10 14:45:40,408 - INFO - OPENED LONG at 2068.39 | Stop loss: 2058.0293607142858 | Take profit: 2099.4438839285717 +2025-03-10 14:45:42,303 - INFO - CLOSED long at 2063.01 | PnL: -0.26% | $-0.71 +2025-03-10 14:45:42,303 - INFO - OPENED SHORT at 2063.01 | Stop loss: 2073.3437392857145 | Take profit: 2032.0368160714288 +2025-03-10 14:45:42,564 - INFO - CLOSED short at 2049.5 | PnL: 0.65% | $1.09 +2025-03-10 14:45:44,992 - INFO - OPENED SHORT at 2102.29 | Stop loss: 2112.8201392857145 | Take profit: 2070.7276160714287 +2025-03-10 14:45:45,306 - INFO - CLOSED short at 2098.39 | PnL: 0.19% | $0.17 +2025-03-10 14:45:45,307 - INFO - OPENED LONG at 2098.39 | Stop loss: 2087.8793607142857 | Take profit: 2129.893883928571 +2025-03-10 14:45:45,508 - INFO - STOP LOSS hit for long at 2087.8793607142857 | PnL: -0.50% | $-1.20 +2025-03-10 14:45:46,960 - INFO - OPENED SHORT at 2106.28 | Stop loss: 2116.8300892857146 | Take profit: 2074.657766071429 +2025-03-10 14:45:47,355 - INFO - CLOSED short at 2111.19 | PnL: -0.23% | $-0.65 +2025-03-10 14:45:47,355 - INFO - OPENED LONG at 2111.19 | Stop loss: 2100.6153607142855 | Take profit: 2142.8858839285717 +2025-03-10 14:45:49,256 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.47, Avg Loss=$-0.59 +2025-03-10 14:45:49,257 - INFO - Episode 16: Reward=-6.35, Balance=$98.47, Win Rate=37.5%, Trades=8, Episode PnL=$-0.64, Total PnL=$-64.48, Max Drawdown=1.0%, Pred Accuracy=98.5% +2025-03-10 14:45:49,735 - INFO - OPENED LONG at 2074.29 | Stop loss: 2063.8998607142858 | Take profit: 2105.4323839285717 +2025-03-10 14:45:50,069 - INFO - STOP LOSS hit for long at 2063.8998607142858 | PnL: -0.50% | $-1.19 +2025-03-10 14:45:51,056 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.6165107142856 | Take profit: 2095.9624339285715 +2025-03-10 14:45:51,288 - INFO - CLOSED long at 2063.5 | PnL: -0.07% | $-0.33 +2025-03-10 14:45:52,031 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.2031392857143 | Take profit: 2027.9786160714284 +2025-03-10 14:45:52,764 - INFO - STOP LOSS hit for short at 2069.2031392857143 | PnL: -0.50% | $-1.17 +2025-03-10 14:45:55,532 - INFO - OPENED LONG at 2062.55 | Stop loss: 2052.218560714286 | Take profit: 2093.5162839285717 +2025-03-10 14:45:56,053 - INFO - CLOSED long at 2074.9 | PnL: 0.60% | $0.96 +2025-03-10 14:45:56,092 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2088.0167392857143 | Take profit: 2046.4178160714287 +2025-03-10 14:45:56,139 - INFO - STOP LOSS hit for short at 2088.0167392857143 | PnL: -0.50% | $-1.17 +2025-03-10 14:45:56,597 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3116607142856 | Take profit: 2151.756983928571 +2025-03-10 14:45:56,730 - INFO - CLOSED long at 2119.07 | PnL: -0.04% | $-0.27 +2025-03-10 14:45:56,962 - INFO - OPENED LONG at 2116.48 | Stop loss: 2105.8789107142857 | Take profit: 2148.255233928571 +2025-03-10 14:45:57,151 - INFO - STOP LOSS hit for long at 2105.8789107142857 | PnL: -0.50% | $-1.15 +2025-03-10 14:45:58,135 - INFO - OPENED SHORT at 2085.83 | Stop loss: 2096.2778392857144 | Take profit: 2054.5145160714287 +2025-03-10 14:45:58,572 - INFO - STOP LOSS hit for short at 2096.2778392857144 | PnL: -0.50% | $-1.14 +2025-03-10 14:45:59,160 - INFO - OPENED SHORT at 2102.0 | Stop loss: 2112.5286892857143 | Take profit: 2070.4419660714284 +2025-03-10 14:45:59,376 - INFO - STOP LOSS hit for short at 2112.5286892857143 | PnL: -0.50% | $-1.13 +2025-03-10 14:46:01,333 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.96, Avg Loss=$-0.94 +2025-03-10 14:46:01,334 - INFO - Episode 17: Reward=-5.70, Balance=$93.40, Win Rate=11.1%, Trades=9, Episode PnL=$-6.60, Total PnL=$-71.08, Max Drawdown=6.6%, Pred Accuracy=98.6% +2025-03-10 14:46:01,879 - INFO - OPENED SHORT at 2071.92 | Stop loss: 2082.2982892857144 | Take profit: 2040.8131660714284 +2025-03-10 14:46:04,153 - INFO - CLOSED short at 2059.16 | PnL: 0.62% | $1.02 +2025-03-10 14:46:04,797 - INFO - OPENED LONG at 2066.34 | Stop loss: 2055.989610714286 | Take profit: 2097.3631339285716 +2025-03-10 14:46:04,933 - INFO - CLOSED long at 2065.69 | PnL: -0.03% | $-0.26 +2025-03-10 14:46:04,934 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.037139285714 | Take profit: 2034.6766160714287 +2025-03-10 14:46:05,033 - INFO - STOP LOSS hit for short at 2076.037139285714 | PnL: -0.50% | $-1.20 +2025-03-10 14:46:05,817 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.152689285714 | Take profit: 2035.7699660714288 +2025-03-10 14:46:05,859 - INFO - CLOSED short at 2068.59 | PnL: -0.09% | $-0.37 +2025-03-10 14:46:06,427 - INFO - OPENED LONG at 2075.29 | Stop loss: 2064.8948607142856 | Take profit: 2106.447383928571 +2025-03-10 14:46:06,780 - INFO - CLOSED long at 2069.0 | PnL: -0.30% | $-0.79 +2025-03-10 14:46:08,216 - INFO - OPENED SHORT at 2071.8 | Stop loss: 2082.177689285714 | Take profit: 2040.6949660714288 +2025-03-10 14:46:08,302 - INFO - STOP LOSS hit for short at 2082.177689285714 | PnL: -0.50% | $-1.17 +2025-03-10 14:46:11,975 - INFO - OPENED LONG at 2118.72 | Stop loss: 2108.1077107142855 | Take profit: 2150.528833928571 +2025-03-10 14:46:12,518 - INFO - CLOSED long at 2132.83 | PnL: 0.67% | $1.09 +2025-03-10 14:46:12,518 - INFO - OPENED SHORT at 2132.83 | Stop loss: 2143.512839285714 | Take profit: 2100.8095160714283 +2025-03-10 14:46:12,535 - INFO - CLOSED short at 2127.79 | PnL: 0.24% | $0.27 +2025-03-10 14:46:12,535 - INFO - OPENED LONG at 2127.79 | Stop loss: 2117.1323607142854 | Take profit: 2159.7348839285714 +2025-03-10 14:46:12,921 - INFO - STOP LOSS hit for long at 2117.1323607142854 | PnL: -0.50% | $-1.17 +2025-03-10 14:46:13,641 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.79, Avg Loss=$-0.83 +2025-03-10 14:46:13,641 - INFO - Episode 18: Reward=-4.41, Balance=$97.41, Win Rate=33.3%, Trades=9, Episode PnL=$-3.42, Total PnL=$-73.67, Max Drawdown=3.8%, Pred Accuracy=98.8% +2025-03-10 14:46:14,591 - INFO - OPENED LONG at 2067.86 | Stop loss: 2057.502010714286 | Take profit: 2098.9059339285714 +2025-03-10 14:46:14,724 - INFO - CLOSED long at 2071.59 | PnL: 0.18% | $0.16 +2025-03-10 14:46:14,765 - INFO - OPENED SHORT at 2070.4 | Stop loss: 2080.7706892857145 | Take profit: 2039.3159660714286 +2025-03-10 14:46:14,844 - INFO - CLOSED short at 2067.84 | PnL: 0.12% | $0.05 +2025-03-10 14:46:16,204 - INFO - OPENED SHORT at 2062.6 | Stop loss: 2072.931689285714 | Take profit: 2031.6329660714287 +2025-03-10 14:46:16,535 - INFO - CLOSED short at 2055.6 | PnL: 0.34% | $0.48 +2025-03-10 14:46:16,535 - INFO - OPENED LONG at 2055.6 | Stop loss: 2045.3033107142855 | Take profit: 2086.4620339285716 +2025-03-10 14:46:18,239 - INFO - CLOSED long at 2071.99 | PnL: 0.80% | $1.39 +2025-03-10 14:46:19,132 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.4391392857146 | Take profit: 2035.0706160714287 +2025-03-10 14:46:19,877 - INFO - CLOSED short at 2065.12 | PnL: 0.05% | $-0.11 +2025-03-10 14:46:19,877 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.7757107142857 | Take profit: 2096.124833928571 +2025-03-10 14:46:20,514 - INFO - TAKE PROFIT hit for long at 2096.124833928571 | PnL: 1.50% | $2.83 +2025-03-10 14:46:21,470 - INFO - OPENED LONG at 2108.06 | Stop loss: 2097.5010107142857 | Take profit: 2139.7089339285712 +2025-03-10 14:46:21,551 - INFO - STOP LOSS hit for long at 2097.5010107142857 | PnL: -0.50% | $-1.25 +2025-03-10 14:46:21,676 - INFO - OPENED SHORT at 2098.9 | Stop loss: 2109.4131892857145 | Take profit: 2067.388466071429 +2025-03-10 14:46:21,933 - INFO - CLOSED short at 2100.02 | PnL: -0.05% | $-0.31 +2025-03-10 14:46:22,933 - INFO - OPENED LONG at 2099.99 | Stop loss: 2089.4713607142853 | Take profit: 2131.5178839285713 +2025-03-10 14:46:23,725 - INFO - CLOSED long at 2113.0 | PnL: 0.62% | $1.06 +2025-03-10 14:46:24,310 - INFO - OPENED LONG at 2118.88 | Stop loss: 2108.266910714286 | Take profit: 2150.691233928572 +2025-03-10 14:46:24,462 - INFO - CLOSED long at 2135.86 | PnL: 0.80% | $1.45 +2025-03-10 14:46:24,462 - INFO - OPENED SHORT at 2135.86 | Stop loss: 2146.5579892857145 | Take profit: 2103.794066071429 +2025-03-10 14:46:24,872 - INFO - CLOSED short at 2120.0 | PnL: 0.74% | $1.35 +2025-03-10 14:46:24,873 - INFO - OPENED LONG at 2120.0 | Stop loss: 2109.381310714286 | Take profit: 2151.8280339285716 +2025-03-10 14:46:25,402 - INFO - STOP LOSS hit for long at 2109.381310714286 | PnL: -0.50% | $-1.28 +2025-03-10 14:46:25,652 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.10, Avg Loss=$-0.74 +2025-03-10 14:46:25,652 - INFO - Episode 19: Reward=4.00, Balance=$105.82, Win Rate=66.7%, Trades=12, Episode PnL=$4.37, Total PnL=$-67.85, Max Drawdown=1.5%, Pred Accuracy=98.8% +2025-03-10 14:46:25,788 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 14:46:25,789 - INFO - New best PnL model saved: $4.37 +2025-03-10 14:46:25,917 - INFO - Model saved to models/trading_agent_best_winrate.pt +2025-03-10 14:46:25,917 - INFO - New best win rate model saved: 66.7% +2025-03-10 14:46:29,068 - INFO - OPENED SHORT at 2060.91 | Stop loss: 2071.2332392857143 | Take profit: 2029.9683160714283 +2025-03-10 14:46:30,285 - INFO - STOP LOSS hit for short at 2071.2332392857143 | PnL: -0.50% | $-1.19 +2025-03-10 14:46:31,828 - INFO - OPENED LONG at 2072.09 | Stop loss: 2061.710860714286 | Take profit: 2103.1993839285715 +2025-03-10 14:46:32,551 - INFO - STOP LOSS hit for long at 2061.710860714286 | PnL: -0.50% | $-1.18 +2025-03-10 14:46:32,611 - INFO - OPENED LONG at 2058.09 | Stop loss: 2047.7808607142858 | Take profit: 2088.989383928572 +2025-03-10 14:46:33,639 - INFO - TAKE PROFIT hit for long at 2088.989383928572 | PnL: 1.50% | $2.71 +2025-03-10 14:46:35,788 - INFO - OPENED SHORT at 2088.32 | Stop loss: 2098.7802892857144 | Take profit: 2056.9671660714284 +2025-03-10 14:46:35,896 - INFO - CLOSED short at 2087.78 | PnL: 0.03% | $-0.15 +2025-03-10 14:46:38,943 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$2.71, Avg Loss=$-0.84 +2025-03-10 14:46:38,943 - INFO - Episode 20: Reward=-5.87, Balance=$100.20, Win Rate=25.0%, Trades=4, Episode PnL=$0.20, Total PnL=$-67.65, Max Drawdown=2.4%, Pred Accuracy=98.9% +2025-03-10 14:46:39,078 - INFO - Model saved to checkpoints/trading_agent_episode_20.pt +2025-03-10 14:46:39,079 - INFO - Checkpoint saved at episode 20 +2025-03-10 14:46:39,079 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:46:39,145 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 14:46:39,145 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2506, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 14:46:39,897 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 14:46:39,897 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2506, in visualize_training_results + from mplfinance.original_flavor import candlestick_ohlc +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 14:46:40,121 - INFO - OPENED SHORT at 2071.4 | Stop loss: 2081.7756892857146 | Take profit: 2040.3009660714288 +2025-03-10 14:46:41,821 - INFO - CLOSED short at 2064.5 | PnL: 0.33% | $0.46 +2025-03-10 14:46:47,453 - INFO - OPENED SHORT at 2112.99 | Stop loss: 2123.5736392857143 | Take profit: 2081.2671160714285 +2025-03-10 14:46:47,875 - INFO - CLOSED short at 2100.69 | PnL: 0.58% | $0.96 +2025-03-10 14:46:47,876 - INFO - OPENED LONG at 2100.69 | Stop loss: 2090.167860714286 | Take profit: 2132.2283839285715 +2025-03-10 14:46:48,303 - INFO - STOP LOSS hit for long at 2090.167860714286 | PnL: -0.50% | $-1.21 +2025-03-10 14:46:48,428 - INFO - OPENED SHORT at 2085.3 | Stop loss: 2095.745189285715 | Take profit: 2053.9924660714287 +2025-03-10 14:46:49,116 - INFO - STOP LOSS hit for short at 2095.745189285715 | PnL: -0.50% | $-1.19 +2025-03-10 14:46:49,276 - INFO - OPENED SHORT at 2098.49 | Stop loss: 2109.001139285714 | Take profit: 2066.9846160714283 +2025-03-10 14:46:49,902 - INFO - STOP LOSS hit for short at 2109.001139285714 | PnL: -0.50% | $-1.18 +2025-03-10 14:46:50,270 - INFO - OPENED SHORT at 2112.61 | Stop loss: 2123.1917392857144 | Take profit: 2080.8928160714286 +2025-03-10 14:46:50,666 - INFO - STOP LOSS hit for short at 2123.1917392857144 | PnL: -0.50% | $-1.17 +2025-03-10 14:46:50,940 - INFO - OPENED SHORT at 2123.23 | Stop loss: 2133.864839285714 | Take profit: 2091.3535160714287 +2025-03-10 14:46:51,003 - INFO - STOP LOSS hit for short at 2133.864839285714 | PnL: -0.50% | $-1.15 +2025-03-10 14:46:51,138 - INFO - OPENED LONG at 2121.73 | Stop loss: 2111.102660714286 | Take profit: 2153.5839839285713 +2025-03-10 14:46:51,249 - INFO - CLOSED long at 2118.8 | PnL: -0.14% | $-0.45 +2025-03-10 14:46:51,249 - INFO - OPENED SHORT at 2118.8 | Stop loss: 2129.4126892857144 | Take profit: 2086.9899660714286 +2025-03-10 14:46:51,289 - INFO - CLOSED short at 2116.53 | PnL: 0.11% | $0.01 +2025-03-10 14:46:51,911 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.48, Avg Loss=$-1.06 +2025-03-10 14:46:51,912 - INFO - Episode 21: Reward=-1.29, Balance=$95.09, Win Rate=33.3%, Trades=9, Episode PnL=$-4.46, Total PnL=$-72.56, Max Drawdown=5.4%, Pred Accuracy=98.9% +2025-03-10 14:46:51,913 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:46:52,789 - INFO - OPENED LONG at 2067.89 | Stop loss: 2057.5318607142854 | Take profit: 2098.9363839285716 +2025-03-10 14:46:52,887 - INFO - CLOSED long at 2069.34 | PnL: 0.07% | $-0.06 +2025-03-10 14:46:53,981 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.273310714286 | Take profit: 2092.5520339285713 +2025-03-10 14:46:56,231 - INFO - CLOSED long at 2065.29 | PnL: 0.18% | $0.16 +2025-03-10 14:47:00,384 - INFO - OPENED LONG at 2091.1 | Stop loss: 2080.6258107142858 | Take profit: 2122.4945339285714 +2025-03-10 14:47:00,640 - INFO - STOP LOSS hit for long at 2080.6258107142858 | PnL: -0.50% | $-1.19 +2025-03-10 14:47:01,520 - INFO - OPENED LONG at 2104.93 | Stop loss: 2094.3866607142854 | Take profit: 2136.531983928571 +2025-03-10 14:47:02,780 - INFO - CLOSED long at 2129.3 | PnL: 1.16% | $2.07 +2025-03-10 14:47:02,781 - INFO - OPENED SHORT at 2129.3 | Stop loss: 2139.9651892857146 | Take profit: 2097.332466071429 +2025-03-10 14:47:03,250 - INFO - CLOSED short at 2120.0 | PnL: 0.44% | $0.67 +2025-03-10 14:47:03,250 - INFO - OPENED LONG at 2120.0 | Stop loss: 2109.381310714286 | Take profit: 2151.8280339285716 +2025-03-10 14:47:03,765 - INFO - STOP LOSS hit for long at 2109.381310714286 | PnL: -0.50% | $-1.21 +2025-03-10 14:47:03,939 - INFO - OPENED LONG at 2114.71 | Stop loss: 2104.117760714286 | Take profit: 2146.458683928571 +2025-03-10 14:47:04,024 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.97, Avg Loss=$-0.82 +2025-03-10 14:47:04,025 - INFO - Episode 22: Reward=-1.46, Balance=$100.44, Win Rate=50.0%, Trades=6, Episode PnL=$-1.63, Total PnL=$-72.12, Max Drawdown=1.2%, Pred Accuracy=99.0% +2025-03-10 14:47:04,025 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:47:06,525 - INFO - OPENED SHORT at 2064.33 | Stop loss: 2074.6703392857144 | Take profit: 2033.3370160714285 +2025-03-10 14:47:06,744 - INFO - CLOSED short at 2061.89 | PnL: 0.12% | $0.04 +2025-03-10 14:47:06,744 - INFO - OPENED LONG at 2061.89 | Stop loss: 2051.5618607142856 | Take profit: 2092.8463839285714 +2025-03-10 14:47:07,170 - INFO - CLOSED long at 2058.15 | PnL: -0.18% | $-0.56 +2025-03-10 14:47:07,272 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.273310714286 | Take profit: 2092.5520339285713 +2025-03-10 14:47:08,250 - INFO - CLOSED long at 2063.95 | PnL: 0.11% | $0.03 +2025-03-10 14:47:10,758 - INFO - OPENED LONG at 2073.49 | Stop loss: 2063.1038607142855 | Take profit: 2104.6203839285713 +2025-03-10 14:47:11,047 - INFO - TAKE PROFIT hit for long at 2104.6203839285713 | PnL: 1.50% | $2.76 +2025-03-10 14:47:11,458 - INFO - OPENED SHORT at 2119.93 | Stop loss: 2130.548339285714 | Take profit: 2088.103016071428 +2025-03-10 14:47:11,713 - INFO - CLOSED short at 2112.95 | PnL: 0.33% | $0.46 +2025-03-10 14:47:13,540 - INFO - OPENED LONG at 2089.79 | Stop loss: 2079.3223607142854 | Take profit: 2121.1648839285717 +2025-03-10 14:47:13,745 - INFO - CLOSED long at 2099.99 | PnL: 0.49% | $0.79 +2025-03-10 14:47:14,458 - INFO - OPENED SHORT at 2107.25 | Stop loss: 2117.804939285714 | Take profit: 2075.6132160714287 +2025-03-10 14:47:14,911 - INFO - STOP LOSS hit for short at 2117.804939285714 | PnL: -0.50% | $-1.23 +2025-03-10 14:47:15,572 - INFO - OPENED SHORT at 2123.23 | Stop loss: 2133.864839285714 | Take profit: 2091.3535160714287 +2025-03-10 14:47:15,634 - INFO - STOP LOSS hit for short at 2133.864839285714 | PnL: -0.50% | $-1.22 +2025-03-10 14:47:16,080 - INFO - OPENED LONG at 2121.17 | Stop loss: 2110.545460714286 | Take profit: 2153.0155839285717 +2025-03-10 14:47:16,276 - INFO - STOP LOSS hit for long at 2110.545460714286 | PnL: -0.50% | $-1.20 +2025-03-10 14:47:16,350 - INFO - OPENED LONG at 2113.04 | Stop loss: 2102.456110714286 | Take profit: 2144.7636339285714 +2025-03-10 14:47:16,392 - INFO - CLOSED long at 2107.42 | PnL: -0.27% | $-0.72 +2025-03-10 14:47:16,563 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.82, Avg Loss=$-0.99 +2025-03-10 14:47:16,564 - INFO - Episode 23: Reward=-3.11, Balance=$99.14, Win Rate=50.0%, Trades=10, Episode PnL=$-0.86, Total PnL=$-72.98, Max Drawdown=4.2%, Pred Accuracy=99.1% +2025-03-10 14:47:16,564 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:47:17,107 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.735760714286 | Take profit: 2102.2046839285713 +2025-03-10 14:47:17,171 - INFO - CLOSED long at 2069.35 | PnL: -0.08% | $-0.37 +2025-03-10 14:47:17,753 - INFO - OPENED LONG at 2067.84 | Stop loss: 2057.4821107142857 | Take profit: 2098.8856339285717 +2025-03-10 14:47:17,916 - INFO - CLOSED long at 2064.47 | PnL: -0.16% | $-0.52 +2025-03-10 14:47:17,916 - INFO - OPENED SHORT at 2064.47 | Stop loss: 2074.8110392857143 | Take profit: 2033.4749160714284 +2025-03-10 14:47:20,228 - INFO - STOP LOSS hit for short at 2074.8110392857143 | PnL: -0.50% | $-1.18 +2025-03-10 14:47:21,451 - INFO - OPENED SHORT at 2074.37 | Stop loss: 2084.760539285714 | Take profit: 2043.2264160714283 +2025-03-10 14:47:21,497 - INFO - CLOSED short at 2074.35 | PnL: 0.00% | $-0.19 +2025-03-10 14:47:22,164 - INFO - OPENED LONG at 2065.07 | Stop loss: 2054.725960714286 | Take profit: 2096.0740839285713 +2025-03-10 14:47:22,655 - INFO - STOP LOSS hit for long at 2054.725960714286 | PnL: -0.50% | $-1.16 +2025-03-10 14:47:23,982 - INFO - OPENED SHORT at 2140.01 | Stop loss: 2150.7287392857143 | Take profit: 2107.8818160714286 +2025-03-10 14:47:24,334 - INFO - TAKE PROFIT hit for short at 2107.8818160714286 | PnL: 1.50% | $2.68 +2025-03-10 14:47:25,308 - INFO - OPENED SHORT at 2093.46 | Stop loss: 2103.945989285714 | Take profit: 2062.0300660714283 +2025-03-10 14:47:26,428 - INFO - CLOSED short at 2100.89 | PnL: -0.35% | $-0.90 +2025-03-10 14:47:28,407 - INFO - OPENED LONG at 2118.1 | Stop loss: 2107.4908107142855 | Take profit: 2149.899533928571 +2025-03-10 14:47:28,689 - INFO - CLOSED long at 2115.45 | PnL: -0.13% | $-0.44 +2025-03-10 14:47:28,690 - INFO - OPENED SHORT at 2115.45 | Stop loss: 2126.045939285714 | Take profit: 2083.6902160714285 +2025-03-10 14:47:28,766 - INFO - CLOSED short at 2110.66 | PnL: 0.23% | $0.25 +2025-03-10 14:47:29,097 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.46, Avg Loss=$-0.68 +2025-03-10 14:47:29,099 - INFO - Episode 24: Reward=-10.90, Balance=$98.17, Win Rate=22.2%, Trades=9, Episode PnL=$-0.87, Total PnL=$-74.81, Max Drawdown=3.4%, Pred Accuracy=99.2% +2025-03-10 14:47:29,099 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:47:30,505 - INFO - OPENED SHORT at 2072.15 | Stop loss: 2082.5294392857145 | Take profit: 2041.0397160714285 +2025-03-10 14:47:31,312 - INFO - CLOSED short at 2067.84 | PnL: 0.21% | $0.21 +2025-03-10 14:47:31,363 - INFO - OPENED SHORT at 2067.86 | Stop loss: 2078.217989285715 | Take profit: 2036.8140660714287 +2025-03-10 14:47:31,630 - INFO - CLOSED short at 2068.18 | PnL: -0.02% | $-0.23 +2025-03-10 14:47:35,009 - INFO - OPENED SHORT at 2069.87 | Stop loss: 2080.238039285714 | Take profit: 2038.7939160714284 +2025-03-10 14:47:35,096 - INFO - CLOSED short at 2065.7 | PnL: 0.20% | $0.20 +2025-03-10 14:47:35,887 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3278107142855 | Take profit: 2101.7885339285713 +2025-03-10 14:47:35,976 - INFO - CLOSED long at 2070.35 | PnL: -0.02% | $-0.23 +2025-03-10 14:47:39,351 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.372189285714 | Take profit: 2098.7114660714283 +2025-03-10 14:47:39,404 - INFO - CLOSED short at 2131.78 | PnL: -0.05% | $-0.30 +2025-03-10 14:47:39,404 - INFO - OPENED LONG at 2131.78 | Stop loss: 2121.1024107142857 | Take profit: 2163.7847339285718 +2025-03-10 14:47:39,791 - INFO - STOP LOSS hit for long at 2121.1024107142857 | PnL: -0.50% | $-1.19 +2025-03-10 14:47:39,966 - INFO - OPENED SHORT at 2118.52 | Stop loss: 2129.1312892857145 | Take profit: 2086.7141660714287 +2025-03-10 14:47:40,402 - INFO - CLOSED short at 2120.81 | PnL: -0.11% | $-0.41 +2025-03-10 14:47:40,524 - INFO - OPENED LONG at 2110.9 | Stop loss: 2100.326810714286 | Take profit: 2142.5915339285716 +2025-03-10 14:47:40,678 - INFO - STOP LOSS hit for long at 2100.326810714286 | PnL: -0.50% | $-1.17 +2025-03-10 14:47:40,791 - INFO - OPENED LONG at 2098.1 | Stop loss: 2087.5908107142855 | Take profit: 2129.5995339285714 +2025-03-10 14:47:40,908 - INFO - CLOSED long at 2102.29 | PnL: 0.20% | $0.19 +2025-03-10 14:47:41,870 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.6749392857146 | Take profit: 2050.0032160714286 +2025-03-10 14:47:42,159 - INFO - CLOSED short at 2085.85 | PnL: -0.22% | $-0.62 +2025-03-10 14:47:42,159 - INFO - OPENED LONG at 2085.85 | Stop loss: 2075.4020607142857 | Take profit: 2117.1657839285717 +2025-03-10 14:47:42,419 - INFO - CLOSED long at 2089.79 | PnL: 0.19% | $0.17 +2025-03-10 14:47:43,549 - INFO - OPENED SHORT at 2107.25 | Stop loss: 2117.804939285714 | Take profit: 2075.6132160714287 +2025-03-10 14:47:43,733 - INFO - CLOSED short at 2110.87 | PnL: -0.17% | $-0.52 +2025-03-10 14:47:43,755 - INFO - OPENED LONG at 2110.4 | Stop loss: 2099.829310714286 | Take profit: 2142.084033928572 +2025-03-10 14:47:44,535 - INFO - CLOSED long at 2119.58 | PnL: 0.43% | $0.64 +2025-03-10 14:47:45,311 - INFO - OPENED SHORT at 2118.8 | Stop loss: 2129.4126892857144 | Take profit: 2086.9899660714286 +2025-03-10 14:47:45,576 - INFO - CLOSED short at 2124.44 | PnL: -0.27% | $-0.70 +2025-03-10 14:47:46,160 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.28, Avg Loss=$-0.60 +2025-03-10 14:47:46,162 - INFO - Episode 25: Reward=-8.24, Balance=$96.05, Win Rate=35.7%, Trades=14, Episode PnL=$-3.95, Total PnL=$-78.75, Max Drawdown=4.2%, Pred Accuracy=99.3% +2025-03-10 14:47:46,163 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:47:46,533 - INFO - OPENED SHORT at 2071.39 | Stop loss: 2081.7656392857143 | Take profit: 2040.2911160714286 +2025-03-10 14:47:46,645 - INFO - CLOSED short at 2072.15 | PnL: -0.04% | $-0.27 +2025-03-10 14:47:47,829 - INFO - OPENED LONG at 2065.83 | Stop loss: 2055.482160714286 | Take profit: 2096.845483928571 +2025-03-10 14:47:48,702 - INFO - CLOSED long at 2064.1 | PnL: -0.08% | $-0.36 +2025-03-10 14:47:49,003 - INFO - OPENED LONG at 2061.7 | Stop loss: 2051.3728107142856 | Take profit: 2092.653533928571 +2025-03-10 14:47:49,333 - INFO - CLOSED long at 2056.28 | PnL: -0.26% | $-0.71 +2025-03-10 14:47:49,596 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6251892857144 | Take profit: 2030.3524660714288 +2025-03-10 14:47:49,955 - INFO - STOP LOSS hit for short at 2071.6251892857144 | PnL: -0.50% | $-1.17 +2025-03-10 14:47:50,064 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.4037392857144 | Take profit: 2043.8568160714287 +2025-03-10 14:47:50,187 - INFO - CLOSED short at 2073.23 | PnL: 0.09% | $-0.03 +2025-03-10 14:47:50,231 - INFO - OPENED SHORT at 2068.15 | Stop loss: 2078.509439285714 | Take profit: 2037.0997160714287 +2025-03-10 14:47:51,541 - INFO - CLOSED short at 2074.37 | PnL: -0.30% | $-0.77 +2025-03-10 14:47:51,721 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2086.0067392857145 | Take profit: 2044.4478160714286 +2025-03-10 14:47:51,828 - INFO - CLOSED short at 2069.97 | PnL: 0.27% | $0.33 +2025-03-10 14:47:52,952 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9898107142858 | Take profit: 2089.2025339285715 +2025-03-10 14:47:53,045 - INFO - CLOSED long at 2057.11 | PnL: -0.06% | $-0.30 +2025-03-10 14:47:53,323 - INFO - OPENED LONG at 2066.59 | Stop loss: 2056.238360714286 | Take profit: 2097.6168839285715 +2025-03-10 14:47:53,488 - INFO - CLOSED long at 2060.7 | PnL: -0.29% | $-0.74 +2025-03-10 14:47:53,689 - INFO - OPENED LONG at 2070.41 | Stop loss: 2060.039260714286 | Take profit: 2101.4941839285716 +2025-03-10 14:47:53,940 - INFO - CLOSED long at 2076.08 | PnL: 0.27% | $0.33 +2025-03-10 14:47:55,158 - INFO - OPENED SHORT at 2100.5 | Stop loss: 2111.0211892857146 | Take profit: 2068.9644660714284 +2025-03-10 14:47:55,179 - INFO - CLOSED short at 2090.0 | PnL: 0.50% | $0.76 +2025-03-10 14:47:55,461 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.2176107142855 | Take profit: 2132.2791339285714 +2025-03-10 14:47:55,518 - INFO - CLOSED long at 2104.68 | PnL: 0.19% | $0.17 +2025-03-10 14:47:56,846 - INFO - OPENED LONG at 2091.95 | Stop loss: 2081.4715607142853 | Take profit: 2123.357283928571 +2025-03-10 14:47:56,942 - INFO - CLOSED long at 2099.99 | PnL: 0.38% | $0.55 +2025-03-10 14:47:57,901 - INFO - OPENED LONG at 2112.28 | Stop loss: 2101.699910714286 | Take profit: 2143.9922339285717 +2025-03-10 14:47:57,956 - INFO - CLOSED long at 2110.4 | PnL: -0.09% | $-0.37 +2025-03-10 14:47:59,097 - INFO - OPENED LONG at 2132.83 | Stop loss: 2122.1471607142857 | Take profit: 2164.850483928571 +2025-03-10 14:47:59,130 - INFO - CLOSED long at 2127.79 | PnL: -0.24% | $-0.65 +2025-03-10 14:47:59,890 - INFO - OPENED LONG at 2114.41 | Stop loss: 2103.8192607142855 | Take profit: 2146.1541839285715 +2025-03-10 14:47:59,912 - INFO - CLOSED long at 2115.45 | PnL: 0.05% | $-0.10 +2025-03-10 14:48:00,331 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.43, Avg Loss=$-0.50 +2025-03-10 14:48:00,332 - INFO - Episode 26: Reward=-12.22, Balance=$96.66, Win Rate=31.2%, Trades=16, Episode PnL=$-3.34, Total PnL=$-82.09, Max Drawdown=4.0%, Pred Accuracy=99.5% +2025-03-10 14:48:00,333 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:48:02,048 - INFO - OPENED SHORT at 2064.99 | Stop loss: 2075.333639285714 | Take profit: 2033.9871160714283 +2025-03-10 14:48:02,097 - INFO - CLOSED short at 2065.83 | PnL: -0.04% | $-0.28 +2025-03-10 14:48:04,051 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.561810714286 | Take profit: 2094.886533928571 +2025-03-10 14:48:04,095 - INFO - CLOSED long at 2064.49 | PnL: 0.03% | $-0.14 +2025-03-10 14:48:04,786 - INFO - OPENED SHORT at 2067.44 | Stop loss: 2077.795889285714 | Take profit: 2036.4003660714286 +2025-03-10 14:48:04,838 - INFO - CLOSED short at 2068.79 | PnL: -0.07% | $-0.33 +2025-03-10 14:48:05,789 - INFO - OPENED SHORT at 2071.99 | Stop loss: 2082.368639285714 | Take profit: 2040.8821160714283 +2025-03-10 14:48:05,818 - INFO - CLOSED short at 2068.19 | PnL: 0.18% | $0.16 +2025-03-10 14:48:06,761 - INFO - OPENED LONG at 2065.8 | Stop loss: 2055.452310714286 | Take profit: 2096.8150339285717 +2025-03-10 14:48:06,803 - INFO - CLOSED long at 2065.07 | PnL: -0.04% | $-0.27 +2025-03-10 14:48:07,363 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9898107142858 | Take profit: 2089.2025339285715 +2025-03-10 14:48:07,385 - INFO - CLOSED long at 2056.85 | PnL: -0.07% | $-0.33 +2025-03-10 14:48:07,737 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.5347392857143 | Take profit: 2030.2638160714287 +2025-03-10 14:48:07,759 - INFO - CLOSED short at 2059.9 | PnL: 0.06% | $-0.07 +2025-03-10 14:48:08,335 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.372189285714 | Take profit: 2098.7114660714283 +2025-03-10 14:48:08,376 - INFO - CLOSED short at 2139.54 | PnL: -0.41% | $-1.01 +2025-03-10 14:48:08,708 - INFO - OPENED LONG at 2121.09 | Stop loss: 2110.465860714286 | Take profit: 2152.9343839285716 +2025-03-10 14:48:08,790 - INFO - CLOSED long at 2117.24 | PnL: -0.18% | $-0.55 +2025-03-10 14:48:09,320 - INFO - OPENED SHORT at 2106.49 | Stop loss: 2117.041139285714 | Take profit: 2074.8646160714284 +2025-03-10 14:48:09,342 - INFO - CLOSED short at 2108.06 | PnL: -0.07% | $-0.34 +2025-03-10 14:48:12,242 - INFO - OPENED LONG at 2117.39 | Stop loss: 2106.784360714286 | Take profit: 2149.178883928571 +2025-03-10 14:48:12,287 - INFO - CLOSED long at 2115.3 | PnL: -0.10% | $-0.38 +2025-03-10 14:48:12,541 - INFO - OPENED SHORT at 2119.58 | Stop loss: 2130.1965892857143 | Take profit: 2087.758266071429 +2025-03-10 14:48:12,579 - INFO - CLOSED short at 2121.77 | PnL: -0.10% | $-0.39 +2025-03-10 14:48:12,847 - INFO - OPENED LONG at 2136.09 | Stop loss: 2125.3908607142857 | Take profit: 2168.1593839285715 +2025-03-10 14:48:12,916 - INFO - CLOSED long at 2127.79 | PnL: -0.39% | $-0.93 +2025-03-10 14:48:14,066 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.16, Avg Loss=$-0.42 +2025-03-10 14:48:14,068 - INFO - Episode 27: Reward=-16.25, Balance=$95.15, Win Rate=7.7%, Trades=13, Episode PnL=$-4.85, Total PnL=$-86.94, Max Drawdown=4.8%, Pred Accuracy=99.5% +2025-03-10 14:48:14,068 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:48:15,718 - INFO - OPENED SHORT at 2070.04 | Stop loss: 2080.408889285714 | Take profit: 2038.9613660714285 +2025-03-10 14:48:15,736 - INFO - CLOSED short at 2067.8 | PnL: 0.11% | $0.02 +2025-03-10 14:48:15,737 - INFO - OPENED LONG at 2067.8 | Stop loss: 2057.442310714286 | Take profit: 2098.8450339285714 +2025-03-10 14:48:15,762 - INFO - CLOSED long at 2068.18 | PnL: 0.02% | $-0.16 +2025-03-10 14:48:16,011 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.4524107142856 | Take profit: 2092.7347339285716 +2025-03-10 14:48:16,069 - INFO - CLOSED long at 2059.59 | PnL: -0.11% | $-0.41 +2025-03-10 14:48:20,005 - INFO - OPENED SHORT at 2067.88 | Stop loss: 2078.2380892857145 | Take profit: 2036.8337660714287 +2025-03-10 14:48:20,032 - INFO - CLOSED short at 2065.45 | PnL: 0.12% | $0.03 +2025-03-10 14:48:22,268 - INFO - OPENED SHORT at 2126.99 | Stop loss: 2137.643639285714 | Take profit: 2095.057116071428 +2025-03-10 14:48:22,445 - INFO - CLOSED short at 2121.09 | PnL: 0.28% | $0.35 +2025-03-10 14:48:22,533 - INFO - OPENED LONG at 2119.93 | Stop loss: 2109.3116607142856 | Take profit: 2151.756983928571 +2025-03-10 14:48:22,556 - INFO - CLOSED long at 2121.4 | PnL: 0.07% | $-0.06 +2025-03-10 14:48:23,112 - INFO - OPENED LONG at 2106.49 | Stop loss: 2095.9388607142855 | Take profit: 2138.115383928571 +2025-03-10 14:48:23,251 - INFO - CLOSED long at 2103.33 | PnL: -0.15% | $-0.49 +2025-03-10 14:48:23,886 - INFO - OPENED LONG at 2091.1 | Stop loss: 2080.6258107142858 | Take profit: 2122.4945339285714 +2025-03-10 14:48:23,928 - INFO - CLOSED long at 2094.72 | PnL: 0.17% | $0.14 +2025-03-10 14:48:25,121 - INFO - OPENED SHORT at 2106.15 | Stop loss: 2116.6994392857146 | Take profit: 2074.5297160714285 +2025-03-10 14:48:25,160 - INFO - CLOSED short at 2103.48 | PnL: 0.13% | $0.05 +2025-03-10 14:48:26,210 - INFO - OPENED SHORT at 2117.39 | Stop loss: 2127.9956392857143 | Take profit: 2085.6011160714284 +2025-03-10 14:48:26,240 - INFO - CLOSED short at 2115.3 | PnL: 0.10% | $-0.00 +2025-03-10 14:48:27,144 - INFO - OPENED LONG at 2118.1 | Stop loss: 2107.4908107142855 | Take profit: 2149.899533928571 +2025-03-10 14:48:27,171 - INFO - CLOSED long at 2119.48 | PnL: 0.07% | $-0.07 +2025-03-10 14:48:27,358 - INFO - OPENED LONG at 2120.84 | Stop loss: 2110.217110714286 | Take profit: 2152.6806339285718 +2025-03-10 14:48:27,383 - INFO - CLOSED long at 2114.41 | PnL: -0.30% | $-0.79 +2025-03-10 14:48:27,427 - INFO - OPENED LONG at 2112.11 | Stop loss: 2101.530760714286 | Take profit: 2143.8196839285715 +2025-03-10 14:48:27,450 - INFO - CLOSED long at 2110.66 | PnL: -0.07% | $-0.33 +2025-03-10 14:48:27,711 - INFO - OPENED SHORT at 2118.35 | Stop loss: 2128.960439285714 | Take profit: 2086.5467160714284 +2025-03-10 14:48:27,735 - INFO - CLOSED short at 2120.56 | PnL: -0.10% | $-0.40 +2025-03-10 14:48:27,758 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.12, Avg Loss=$-0.30 +2025-03-10 14:48:27,759 - INFO - Episode 28: Reward=-6.76, Balance=$97.88, Win Rate=35.7%, Trades=14, Episode PnL=$-2.12, Total PnL=$-89.06, Max Drawdown=2.1%, Pred Accuracy=99.6% +2025-03-10 14:48:27,760 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:48:31,184 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.3330107142856 | Take profit: 2092.6129339285712 +2025-03-10 14:48:31,234 - INFO - CLOSED long at 2061.5 | PnL: -0.01% | $-0.21 +2025-03-10 14:48:31,635 - INFO - OPENED LONG at 2066.79 | Stop loss: 2056.4373607142857 | Take profit: 2097.8198839285715 +2025-03-10 14:48:31,684 - INFO - CLOSED long at 2067.33 | PnL: 0.03% | $-0.15 +2025-03-10 14:48:33,385 - INFO - OPENED LONG at 2071.61 | Stop loss: 2061.2332607142857 | Take profit: 2102.7121839285714 +2025-03-10 14:48:33,415 - INFO - CLOSED long at 2074.37 | PnL: 0.13% | $0.07 +2025-03-10 14:48:33,601 - INFO - OPENED LONG at 2075.32 | Stop loss: 2064.924710714286 | Take profit: 2106.4778339285717 +2025-03-10 14:48:33,653 - INFO - CLOSED long at 2075.29 | PnL: -0.00% | $-0.20 +2025-03-10 14:48:34,143 - INFO - OPENED SHORT at 2065.45 | Stop loss: 2075.795939285714 | Take profit: 2034.4402160714283 +2025-03-10 14:48:34,170 - INFO - CLOSED short at 2068.1 | PnL: -0.13% | $-0.45 +2025-03-10 14:48:35,697 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.974610714286 | Take profit: 2100.4081339285717 +2025-03-10 14:48:35,726 - INFO - CLOSED long at 2069.81 | PnL: 0.02% | $-0.15 +2025-03-10 14:48:38,303 - INFO - OPENED SHORT at 2087.47 | Stop loss: 2097.926039285714 | Take profit: 2056.1299160714284 +2025-03-10 14:48:38,379 - INFO - CLOSED short at 2086.81 | PnL: 0.03% | $-0.13 +2025-03-10 14:48:38,526 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.576060714286 | Take profit: 2122.4437839285715 +2025-03-10 14:48:38,549 - INFO - CLOSED long at 2091.95 | PnL: 0.04% | $-0.11 +2025-03-10 14:48:39,321 - INFO - OPENED SHORT at 2102.0 | Stop loss: 2112.5286892857143 | Take profit: 2070.4419660714284 +2025-03-10 14:48:39,343 - INFO - CLOSED short at 2103.41 | PnL: -0.07% | $-0.33 +2025-03-10 14:48:39,705 - INFO - OPENED LONG at 2112.28 | Stop loss: 2101.699910714286 | Take profit: 2143.9922339285717 +2025-03-10 14:48:39,728 - INFO - CLOSED long at 2112.11 | PnL: -0.01% | $-0.21 +2025-03-10 14:48:41,556 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.07, Avg Loss=$-0.22 +2025-03-10 14:48:41,557 - INFO - Episode 29: Reward=-11.45, Balance=$98.12, Win Rate=10.0%, Trades=10, Episode PnL=$-1.88, Total PnL=$-90.94, Max Drawdown=1.9%, Pred Accuracy=99.7% +2025-03-10 14:48:41,557 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:48:43,988 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.4524107142856 | Take profit: 2092.7347339285716 +2025-03-10 14:48:44,020 - INFO - CLOSED long at 2059.59 | PnL: -0.11% | $-0.41 +2025-03-10 14:48:45,018 - INFO - OPENED SHORT at 2062.6 | Stop loss: 2072.931689285714 | Take profit: 2031.6329660714287 +2025-03-10 14:48:45,063 - INFO - CLOSED short at 2061.89 | PnL: 0.03% | $-0.13 +2025-03-10 14:48:45,922 - INFO - OPENED LONG at 2067.01 | Stop loss: 2056.656260714286 | Take profit: 2098.0431839285716 +2025-03-10 14:48:45,946 - INFO - CLOSED long at 2065.69 | PnL: -0.06% | $-0.32 +2025-03-10 14:48:47,116 - INFO - OPENED SHORT at 2070.35 | Stop loss: 2080.7204392857143 | Take profit: 2039.2667160714284 +2025-03-10 14:48:47,140 - INFO - CLOSED short at 2070.61 | PnL: -0.01% | $-0.22 +2025-03-10 14:48:47,947 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1538107142856 | Take profit: 2096.5105339285715 +2025-03-10 14:48:47,973 - INFO - CLOSED long at 2065.7 | PnL: 0.01% | $-0.18 +2025-03-10 14:48:48,788 - INFO - OPENED SHORT at 2065.12 | Stop loss: 2075.464289285714 | Take profit: 2034.1151660714283 +2025-03-10 14:48:48,809 - INFO - CLOSED short at 2068.33 | PnL: -0.16% | $-0.50 +2025-03-10 14:48:49,298 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.6063607142855 | Take profit: 2104.112883928571 +2025-03-10 14:48:49,341 - INFO - CLOSED long at 2071.89 | PnL: -0.05% | $-0.30 +2025-03-10 14:48:49,665 - INFO - OPENED SHORT at 2133.95 | Stop loss: 2144.6384392857144 | Take profit: 2101.9127160714283 +2025-03-10 14:48:49,714 - INFO - CLOSED short at 2137.59 | PnL: -0.17% | $-0.53 +2025-03-10 14:48:49,793 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0251892857145 | Take profit: 2109.1524660714285 +2025-03-10 14:48:49,831 - INFO - CLOSED short at 2142.68 | PnL: -0.06% | $-0.32 +2025-03-10 14:48:52,417 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.0160892857143 | Take profit: 2071.8997660714285 +2025-03-10 14:48:52,443 - INFO - CLOSED short at 2104.93 | PnL: -0.07% | $-0.33 +2025-03-10 14:48:52,605 - INFO - OPENED LONG at 2103.64 | Stop loss: 2093.103110714286 | Take profit: 2135.222633928571 +2025-03-10 14:48:52,676 - INFO - CLOSED long at 2103.52 | PnL: -0.01% | $-0.20 +2025-03-10 14:48:53,944 - INFO - OPENED LONG at 2135.51 | Stop loss: 2124.8137607142858 | Take profit: 2167.5706839285717 +2025-03-10 14:48:53,968 - INFO - CLOSED long at 2136.09 | PnL: 0.03% | $-0.14 +2025-03-10 14:48:55,190 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.00, Avg Loss=$-0.30 +2025-03-10 14:48:55,191 - INFO - Episode 30: Reward=-16.18, Balance=$96.43, Win Rate=0.0%, Trades=12, Episode PnL=$-3.57, Total PnL=$-94.51, Max Drawdown=3.6%, Pred Accuracy=99.6% +2025-03-10 14:48:55,317 - INFO - Model saved to checkpoints/trading_agent_episode_30.pt +2025-03-10 14:48:55,318 - INFO - Checkpoint saved at episode 30 +2025-03-10 14:48:55,318 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:48:55,382 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 14:48:55,383 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2506, in visualize_training_results + ax1.set_title(f'Training Visualization - Episode {episode_num}') + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 14:48:56,344 - ERROR - Error creating visualization: No module named 'mplfinance' +2025-03-10 14:48:56,345 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2506, in visualize_training_results + ax1.set_title(f'Training Visualization - Episode {episode_num}') + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +ModuleNotFoundError: No module named 'mplfinance' + +2025-03-10 14:48:56,807 - INFO - OPENED LONG at 2071.92 | Stop loss: 2061.5417107142857 | Take profit: 2103.0268339285717 +2025-03-10 14:48:56,832 - INFO - CLOSED long at 2070.4 | PnL: -0.07% | $-0.34 +2025-03-10 14:48:56,852 - INFO - OPENED LONG at 2071.11 | Stop loss: 2060.735760714286 | Take profit: 2102.2046839285713 +2025-03-10 14:48:56,877 - INFO - CLOSED long at 2069.46 | PnL: -0.08% | $-0.35 +2025-03-10 14:48:58,076 - INFO - OPENED LONG at 2061.78 | Stop loss: 2051.4524107142856 | Take profit: 2092.7347339285716 +2025-03-10 14:48:58,113 - INFO - CLOSED long at 2059.59 | PnL: -0.11% | $-0.41 +2025-03-10 14:48:59,581 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.3330107142856 | Take profit: 2092.6129339285712 +2025-03-10 14:48:59,612 - INFO - CLOSED long at 2061.5 | PnL: -0.01% | $-0.21 +2025-03-10 14:49:02,293 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.4391392857146 | Take profit: 2035.0706160714287 +2025-03-10 14:49:02,345 - INFO - CLOSED short at 2062.34 | PnL: 0.18% | $0.16 +2025-03-10 14:49:03,984 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0251892857145 | Take profit: 2109.1524660714285 +2025-03-10 14:49:04,009 - INFO - CLOSED short at 2142.68 | PnL: -0.06% | $-0.32 +2025-03-10 14:49:08,416 - INFO - OPENED LONG at 2129.3 | Stop loss: 2118.634810714286 | Take profit: 2161.2675339285715 +2025-03-10 14:49:08,460 - INFO - CLOSED long at 2136.26 | PnL: 0.33% | $0.44 +2025-03-10 14:49:08,703 - INFO - OPENED SHORT at 2127.47 | Stop loss: 2138.126039285714 | Take profit: 2095.5299160714285 +2025-03-10 14:49:08,743 - INFO - CLOSED short at 2135.55 | PnL: -0.38% | $-0.94 +2025-03-10 14:49:09,581 - INFO - OPENED LONG at 2114.71 | Stop loss: 2104.117760714286 | Take profit: 2146.458683928571 +2025-03-10 14:49:09,605 - INFO - CLOSED long at 2117.92 | PnL: 0.15% | $0.10 +2025-03-10 14:49:09,667 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.23, Avg Loss=$-0.43 +2025-03-10 14:49:09,668 - INFO - Episode 31: Reward=-6.17, Balance=$98.12, Win Rate=33.3%, Trades=9, Episode PnL=$-1.88, Total PnL=$-96.38, Max Drawdown=2.0%, Pred Accuracy=99.6% +2025-03-10 14:49:09,668 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:49:10,059 - INFO - OPENED SHORT at 2071.39 | Stop loss: 2081.7656392857143 | Take profit: 2040.2911160714286 +2025-03-10 14:49:10,082 - INFO - CLOSED short at 2071.36 | PnL: 0.00% | $-0.20 +2025-03-10 14:49:10,691 - INFO - OPENED SHORT at 2068.8 | Stop loss: 2079.162689285715 | Take profit: 2037.7399660714289 +2025-03-10 14:49:10,730 - INFO - CLOSED short at 2069.34 | PnL: -0.03% | $-0.25 +2025-03-10 14:49:11,194 - INFO - OPENED LONG at 2064.47 | Stop loss: 2054.1289607142853 | Take profit: 2095.4650839285714 +2025-03-10 14:49:11,238 - INFO - CLOSED long at 2070.04 | PnL: 0.27% | $0.34 +2025-03-10 14:49:11,918 - INFO - OPENED SHORT at 2063.5 | Stop loss: 2073.836189285714 | Take profit: 2032.5194660714285 +2025-03-10 14:49:11,955 - INFO - CLOSED short at 2061.6 | PnL: 0.09% | $-0.02 +2025-03-10 14:49:12,040 - INFO - OPENED SHORT at 2060.65 | Stop loss: 2070.9719392857146 | Take profit: 2029.7122160714287 +2025-03-10 14:49:12,076 - INFO - CLOSED short at 2058.89 | PnL: 0.09% | $-0.03 +2025-03-10 14:49:15,702 - INFO - OPENED LONG at 2068.1 | Stop loss: 2057.7408107142855 | Take profit: 2099.149533928571 +2025-03-10 14:49:15,734 - INFO - CLOSED long at 2069.0 | PnL: 0.04% | $-0.11 +2025-03-10 14:49:16,266 - INFO - OPENED LONG at 2063.01 | Stop loss: 2052.676260714286 | Take profit: 2093.9831839285716 +2025-03-10 14:49:16,312 - INFO - CLOSED long at 2060.7 | PnL: -0.11% | $-0.42 +2025-03-10 14:49:16,312 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0221892857144 | Take profit: 2029.7614660714282 +2025-03-10 14:49:16,363 - INFO - CLOSED short at 2060.2 | PnL: 0.02% | $-0.15 +2025-03-10 14:49:16,404 - INFO - OPENED LONG at 2059.2 | Stop loss: 2048.8853107142854 | Take profit: 2090.116033928571 +2025-03-10 14:49:16,446 - INFO - CLOSED long at 2058.09 | PnL: -0.05% | $-0.30 +2025-03-10 14:49:17,304 - INFO - OPENED LONG at 2070.31 | Stop loss: 2059.9397607142855 | Take profit: 2101.3926839285714 +2025-03-10 14:49:17,326 - INFO - CLOSED long at 2070.24 | PnL: -0.00% | $-0.20 +2025-03-10 14:49:20,381 - INFO - OPENED LONG at 2091.95 | Stop loss: 2081.4715607142853 | Take profit: 2123.357283928571 +2025-03-10 14:49:20,406 - INFO - CLOSED long at 2094.7 | PnL: 0.13% | $0.06 +2025-03-10 14:49:20,903 - INFO - OPENED LONG at 2105.21 | Stop loss: 2094.665260714286 | Take profit: 2136.8161839285713 +2025-03-10 14:49:20,928 - INFO - CLOSED long at 2103.9 | PnL: -0.06% | $-0.32 +2025-03-10 14:49:22,106 - INFO - OPENED LONG at 2126.43 | Stop loss: 2115.779160714286 | Take profit: 2158.3544839285714 +2025-03-10 14:49:22,127 - INFO - CLOSED long at 2124.49 | PnL: -0.09% | $-0.37 +2025-03-10 14:49:22,540 - INFO - OPENED LONG at 2115.45 | Stop loss: 2104.8540607142854 | Take profit: 2147.2097839285716 +2025-03-10 14:49:22,562 - INFO - CLOSED long at 2112.11 | PnL: -0.16% | $-0.50 +2025-03-10 14:49:22,877 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.20, Avg Loss=$-0.24 +2025-03-10 14:49:22,878 - INFO - Episode 32: Reward=-14.36, Balance=$97.53, Win Rate=14.3%, Trades=14, Episode PnL=$-2.05, Total PnL=$-98.85, Max Drawdown=2.5%, Pred Accuracy=99.7% +2025-03-10 14:49:22,878 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:49:23,392 - INFO - OPENED SHORT at 2069.35 | Stop loss: 2079.715439285714 | Take profit: 2038.2817160714285 +2025-03-10 14:49:23,426 - INFO - CLOSED short at 2068.32 | PnL: 0.05% | $-0.10 +2025-03-10 14:49:23,471 - INFO - OPENED SHORT at 2067.0 | Stop loss: 2077.353689285714 | Take profit: 2035.9669660714285 +2025-03-10 14:49:23,520 - INFO - CLOSED short at 2067.79 | PnL: -0.04% | $-0.27 +2025-03-10 14:49:23,594 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.152689285714 | Take profit: 2035.7699660714288 +2025-03-10 14:49:23,668 - INFO - CLOSED short at 2063.61 | PnL: 0.15% | $0.11 +2025-03-10 14:49:27,179 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.047189285714 | Take profit: 2034.6864660714284 +2025-03-10 14:49:27,216 - INFO - CLOSED short at 2065.66 | PnL: 0.00% | $-0.19 +2025-03-10 14:49:27,965 - INFO - OPENED SHORT at 2074.37 | Stop loss: 2084.760539285714 | Take profit: 2043.2264160714283 +2025-03-10 14:49:28,007 - INFO - CLOSED short at 2075.07 | PnL: -0.03% | $-0.26 +2025-03-10 14:49:29,874 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4389392857147 | Take profit: 2042.9112160714287 +2025-03-10 14:49:29,967 - INFO - CLOSED short at 2071.8 | PnL: 0.11% | $0.02 +2025-03-10 14:49:30,691 - INFO - OPENED SHORT at 2119.07 | Stop loss: 2129.6840392857143 | Take profit: 2087.2559160714286 +2025-03-10 14:49:30,726 - INFO - CLOSED short at 2115.28 | PnL: 0.18% | $0.16 +2025-03-10 14:49:31,204 - INFO - OPENED SHORT at 2090.0 | Stop loss: 2100.4686892857144 | Take profit: 2058.6219660714287 +2025-03-10 14:49:31,269 - INFO - CLOSED short at 2098.1 | PnL: -0.39% | $-0.96 +2025-03-10 14:49:31,345 - INFO - OPENED SHORT at 2099.25 | Stop loss: 2109.7649392857143 | Take profit: 2067.7332160714286 +2025-03-10 14:49:31,371 - INFO - CLOSED short at 2098.9 | PnL: 0.02% | $-0.16 +2025-03-10 14:49:32,287 - INFO - OPENED SHORT at 2088.66 | Stop loss: 2099.1219892857143 | Take profit: 2057.3020660714287 +2025-03-10 14:49:32,324 - INFO - CLOSED short at 2088.32 | PnL: 0.02% | $-0.16 +2025-03-10 14:49:32,903 - INFO - OPENED LONG at 2106.15 | Stop loss: 2095.6005607142856 | Take profit: 2137.7702839285716 +2025-03-10 14:49:32,928 - INFO - CLOSED long at 2103.48 | PnL: -0.13% | $-0.44 +2025-03-10 14:49:33,109 - INFO - OPENED LONG at 2103.52 | Stop loss: 2092.9837107142857 | Take profit: 2135.100833928572 +2025-03-10 14:49:33,143 - INFO - CLOSED long at 2104.4 | PnL: 0.04% | $-0.11 +2025-03-10 14:49:35,543 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.09, Avg Loss=$-0.30 +2025-03-10 14:49:35,544 - INFO - Episode 33: Reward=-9.59, Balance=$97.61, Win Rate=25.0%, Trades=12, Episode PnL=$-2.39, Total PnL=$-101.25, Max Drawdown=2.4%, Pred Accuracy=99.5% +2025-03-10 14:49:35,545 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:49:40,311 - INFO - OPENED LONG at 2070.8 | Stop loss: 2060.427310714286 | Take profit: 2101.890033928572 +2025-03-10 14:49:40,333 - INFO - CLOSED long at 2070.35 | PnL: -0.02% | $-0.24 +2025-03-10 14:49:40,910 - INFO - OPENED SHORT at 2066.4 | Stop loss: 2076.750689285714 | Take profit: 2035.3759660714286 +2025-03-10 14:49:40,957 - INFO - CLOSED short at 2066.89 | PnL: -0.02% | $-0.24 +2025-03-10 14:49:41,561 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0221892857144 | Take profit: 2029.7614660714282 +2025-03-10 14:49:41,583 - INFO - CLOSED short at 2060.2 | PnL: 0.02% | $-0.15 +2025-03-10 14:49:42,354 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.609889285714 | Take profit: 2039.1583660714282 +2025-03-10 14:49:42,399 - INFO - CLOSED short at 2069.81 | PnL: 0.02% | $-0.16 +2025-03-10 14:49:48,022 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.00, Avg Loss=$-0.20 +2025-03-10 14:49:48,023 - INFO - Episode 34: Reward=-5.69, Balance=$99.21, Win Rate=0.0%, Trades=4, Episode PnL=$-0.79, Total PnL=$-102.04, Max Drawdown=0.8%, Pred Accuracy=99.7% +2025-03-10 14:49:48,023 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:49:50,581 - INFO - OPENED LONG at 2062.65 | Stop loss: 2052.318060714286 | Take profit: 2093.6177839285715 +2025-03-10 14:49:50,624 - INFO - CLOSED long at 2059.59 | PnL: -0.15% | $-0.49 +2025-03-10 14:49:50,901 - INFO - OPENED SHORT at 2062.71 | Stop loss: 2073.0422392857145 | Take profit: 2031.7413160714286 +2025-03-10 14:49:50,925 - INFO - CLOSED short at 2062.89 | PnL: -0.01% | $-0.21 +2025-03-10 14:49:51,102 - INFO - OPENED SHORT at 2060.31 | Stop loss: 2070.630239285714 | Take profit: 2029.3773160714286 +2025-03-10 14:49:51,134 - INFO - CLOSED short at 2061.8 | PnL: -0.07% | $-0.34 +2025-03-10 14:49:51,723 - INFO - OPENED SHORT at 2059.02 | Stop loss: 2069.3337892857144 | Take profit: 2028.1066660714284 +2025-03-10 14:49:51,764 - INFO - CLOSED short at 2059.96 | PnL: -0.05% | $-0.29 +2025-03-10 14:49:53,318 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.6314607142854 | Take profit: 2094.9575839285712 +2025-03-10 14:49:53,347 - INFO - CLOSED long at 2064.5 | PnL: 0.03% | $-0.15 +2025-03-10 14:49:53,411 - INFO - OPENED SHORT at 2064.31 | Stop loss: 2074.650239285714 | Take profit: 2033.3173160714286 +2025-03-10 14:49:53,436 - INFO - CLOSED short at 2065.5 | PnL: -0.06% | $-0.31 +2025-03-10 14:49:53,718 - INFO - OPENED LONG at 2071.35 | Stop loss: 2060.974560714286 | Take profit: 2102.4482839285715 +2025-03-10 14:49:53,743 - INFO - CLOSED long at 2070.9 | PnL: -0.02% | $-0.24 +2025-03-10 14:49:55,289 - INFO - OPENED LONG at 2060.2 | Stop loss: 2049.8803107142853 | Take profit: 2091.1310339285715 +2025-03-10 14:49:55,313 - INFO - CLOSED long at 2059.2 | PnL: -0.05% | $-0.29 +2025-03-10 14:49:55,850 - INFO - OPENED SHORT at 2066.59 | Stop loss: 2076.9416392857142 | Take profit: 2035.5631160714286 +2025-03-10 14:49:55,888 - INFO - CLOSED short at 2064.08 | PnL: 0.12% | $0.04 +2025-03-10 14:49:56,853 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.3363607142855 | Take profit: 2158.922883928571 +2025-03-10 14:49:56,873 - INFO - CLOSED long at 2127.3 | PnL: 0.01% | $-0.17 +2025-03-10 14:49:56,874 - INFO - OPENED SHORT at 2127.3 | Stop loss: 2137.9551892857144 | Take profit: 2095.362466071429 +2025-03-10 14:49:56,894 - INFO - CLOSED short at 2128.69 | PnL: -0.07% | $-0.32 +2025-03-10 14:49:57,639 - INFO - OPENED LONG at 2098.1 | Stop loss: 2087.5908107142855 | Take profit: 2129.5995339285714 +2025-03-10 14:49:57,663 - INFO - CLOSED long at 2102.19 | PnL: 0.19% | $0.18 +2025-03-10 14:50:00,716 - INFO - OPENED LONG at 2135.55 | Stop loss: 2124.853560714286 | Take profit: 2167.6112839285715 +2025-03-10 14:50:00,744 - INFO - CLOSED long at 2131.23 | PnL: -0.20% | $-0.58 +2025-03-10 14:50:01,444 - INFO - OPENED LONG at 2107.42 | Stop loss: 2096.864210714286 | Take profit: 2139.0593339285715 +2025-03-10 14:50:01,476 - INFO - CLOSED long at 2110.34 | PnL: 0.14% | $0.07 +2025-03-10 14:50:01,666 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.10, Avg Loss=$-0.31 +2025-03-10 14:50:01,667 - INFO - Episode 35: Reward=-12.56, Balance=$96.92, Win Rate=21.4%, Trades=14, Episode PnL=$-2.92, Total PnL=$-105.12, Max Drawdown=3.2%, Pred Accuracy=99.5% +2025-03-10 14:50:01,667 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:50:02,291 - INFO - OPENED LONG at 2067.0 | Stop loss: 2056.646310714286 | Take profit: 2098.033033928571 +2025-03-10 14:50:02,313 - INFO - CLOSED long at 2067.79 | PnL: 0.04% | $-0.12 +2025-03-10 14:50:03,102 - INFO - OPENED LONG at 2067.8 | Stop loss: 2057.442310714286 | Take profit: 2098.8450339285714 +2025-03-10 14:50:03,123 - INFO - CLOSED long at 2068.18 | PnL: 0.02% | $-0.16 +2025-03-10 14:50:03,260 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.6049892857145 | Take profit: 2034.2530660714287 +2025-03-10 14:50:03,305 - INFO - CLOSED short at 2062.89 | PnL: 0.11% | $0.03 +2025-03-10 14:50:04,609 - INFO - OPENED LONG at 2059.46 | Stop loss: 2049.1440107142857 | Take profit: 2090.379933928571 +2025-03-10 14:50:04,647 - INFO - CLOSED long at 2057.4 | PnL: -0.10% | $-0.40 +2025-03-10 14:50:04,900 - INFO - OPENED SHORT at 2061.6 | Stop loss: 2071.926689285714 | Take profit: 2030.6479660714285 +2025-03-10 14:50:04,934 - INFO - CLOSED short at 2061.3 | PnL: 0.01% | $-0.17 +2025-03-10 14:50:04,966 - INFO - OPENED SHORT at 2062.69 | Stop loss: 2073.0221392857143 | Take profit: 2031.7216160714286 +2025-03-10 14:50:05,002 - INFO - CLOSED short at 2063.4 | PnL: -0.03% | $-0.26 +2025-03-10 14:50:09,423 - INFO - OPENED LONG at 2141.3 | Stop loss: 2130.574810714286 | Take profit: 2173.447533928572 +2025-03-10 14:50:09,444 - INFO - CLOSED long at 2142.68 | PnL: 0.06% | $-0.07 +2025-03-10 14:50:09,543 - INFO - OPENED SHORT at 2126.99 | Stop loss: 2137.643639285714 | Take profit: 2095.057116071428 +2025-03-10 14:50:09,638 - INFO - CLOSED short at 2128.69 | PnL: -0.08% | $-0.35 +2025-03-10 14:50:10,654 - INFO - OPENED LONG at 2091.1 | Stop loss: 2080.6258107142858 | Take profit: 2122.4945339285714 +2025-03-10 14:50:10,737 - INFO - CLOSED long at 2083.28 | PnL: -0.37% | $-0.93 +2025-03-10 14:50:10,911 - INFO - OPENED LONG at 2085.09 | Stop loss: 2074.645860714286 | Take profit: 2116.3943839285716 +2025-03-10 14:50:10,932 - INFO - CLOSED long at 2083.59 | PnL: -0.07% | $-0.33 +2025-03-10 14:50:13,968 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.03, Avg Loss=$-0.31 +2025-03-10 14:50:13,968 - INFO - Episode 36: Reward=-11.96, Balance=$97.24, Win Rate=10.0%, Trades=10, Episode PnL=$-2.76, Total PnL=$-107.88, Max Drawdown=2.8%, Pred Accuracy=99.5% +2025-03-10 14:50:13,970 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:50:17,413 - INFO - OPENED SHORT at 2063.4 | Stop loss: 2073.7356892857147 | Take profit: 2032.4209660714287 +2025-03-10 14:50:17,446 - INFO - CLOSED short at 2066.36 | PnL: -0.14% | $-0.48 +2025-03-10 14:50:17,857 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.413889285714 | Take profit: 2039.9463660714284 +2025-03-10 14:50:17,882 - INFO - CLOSED short at 2070.01 | PnL: 0.05% | $-0.10 +2025-03-10 14:50:18,400 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8411892857143 | Take profit: 2033.5044660714286 +2025-03-10 14:50:18,430 - INFO - CLOSED short at 2065.3 | PnL: -0.04% | $-0.27 +2025-03-10 14:50:18,760 - INFO - OPENED SHORT at 2071.35 | Stop loss: 2081.725439285714 | Take profit: 2040.2517160714285 +2025-03-10 14:50:18,780 - INFO - CLOSED short at 2070.9 | PnL: 0.02% | $-0.15 +2025-03-10 14:50:22,303 - INFO - OPENED SHORT at 2113.24 | Stop loss: 2123.824889285714 | Take profit: 2081.513366071428 +2025-03-10 14:50:22,326 - INFO - CLOSED short at 2112.99 | PnL: 0.01% | $-0.17 +2025-03-10 14:50:23,098 - INFO - OPENED SHORT at 2095.29 | Stop loss: 2105.7851392857146 | Take profit: 2063.8326160714287 +2025-03-10 14:50:23,120 - INFO - CLOSED short at 2093.46 | PnL: 0.09% | $-0.02 +2025-03-10 14:50:23,142 - INFO - OPENED LONG at 2093.33 | Stop loss: 2082.8446607142855 | Take profit: 2124.7579839285713 +2025-03-10 14:50:23,196 - INFO - CLOSED long at 2091.1 | PnL: -0.11% | $-0.40 +2025-03-10 14:50:23,343 - INFO - OPENED LONG at 2088.44 | Stop loss: 2077.979110714286 | Take profit: 2119.794633928572 +2025-03-10 14:50:23,379 - INFO - CLOSED long at 2083.97 | PnL: -0.21% | $-0.61 +2025-03-10 14:50:24,737 - INFO - OPENED LONG at 2104.73 | Stop loss: 2094.187660714286 | Take profit: 2136.3289839285717 +2025-03-10 14:50:24,761 - INFO - CLOSED long at 2107.25 | PnL: 0.12% | $0.04 +2025-03-10 14:50:26,094 - INFO - OPENED LONG at 2126.43 | Stop loss: 2115.779160714286 | Take profit: 2158.3544839285714 +2025-03-10 14:50:26,129 - INFO - CLOSED long at 2124.49 | PnL: -0.09% | $-0.37 +2025-03-10 14:50:27,035 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.04, Avg Loss=$-0.29 +2025-03-10 14:50:27,035 - INFO - Episode 37: Reward=-10.92, Balance=$97.44, Win Rate=10.0%, Trades=10, Episode PnL=$-2.56, Total PnL=$-110.44, Max Drawdown=2.6%, Pred Accuracy=99.6% +2025-03-10 14:50:27,035 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:50:28,853 - INFO - OPENED LONG at 2066.24 | Stop loss: 2055.8901107142856 | Take profit: 2097.2616339285714 +2025-03-10 14:50:28,877 - INFO - CLOSED long at 2067.1 | PnL: 0.04% | $-0.12 +2025-03-10 14:50:29,115 - INFO - OPENED LONG at 2060.9 | Stop loss: 2050.576810714286 | Take profit: 2091.8415339285716 +2025-03-10 14:50:29,151 - INFO - CLOSED long at 2060.65 | PnL: -0.01% | $-0.22 +2025-03-10 14:50:30,996 - INFO - OPENED SHORT at 2074.3 | Stop loss: 2084.690189285714 | Take profit: 2043.1574660714286 +2025-03-10 14:50:31,054 - INFO - CLOSED short at 2075.01 | PnL: -0.03% | $-0.27 +2025-03-10 14:50:31,741 - INFO - OPENED SHORT at 2065.3 | Stop loss: 2075.645189285715 | Take profit: 2034.2924660714286 +2025-03-10 14:50:31,784 - INFO - CLOSED short at 2064.31 | PnL: 0.05% | $-0.10 +2025-03-10 14:50:32,230 - INFO - OPENED LONG at 2068.19 | Stop loss: 2057.8303607142857 | Take profit: 2099.2408839285717 +2025-03-10 14:50:32,292 - INFO - CLOSED long at 2070.67 | PnL: 0.12% | $0.04 +2025-03-10 14:50:33,444 - INFO - OPENED LONG at 2058.09 | Stop loss: 2047.7808607142858 | Take profit: 2088.989383928572 +2025-03-10 14:50:33,495 - INFO - CLOSED long at 2056.77 | PnL: -0.06% | $-0.32 +2025-03-10 14:50:34,223 - INFO - OPENED SHORT at 2069.81 | Stop loss: 2080.1777392857143 | Take profit: 2038.7348160714284 +2025-03-10 14:50:34,251 - INFO - CLOSED short at 2070.41 | PnL: -0.03% | $-0.25 +2025-03-10 14:50:35,199 - INFO - OPENED LONG at 2119.14 | Stop loss: 2108.5256107142854 | Take profit: 2150.9551339285717 +2025-03-10 14:50:35,263 - INFO - STOP LOSS hit for long at 2108.5256107142854 | PnL: -0.50% | $-1.18 +2025-03-10 14:50:36,814 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.576060714286 | Take profit: 2122.4437839285715 +2025-03-10 14:50:36,836 - INFO - CLOSED long at 2091.95 | PnL: 0.04% | $-0.11 +2025-03-10 14:50:37,052 - INFO - OPENED LONG at 2099.89 | Stop loss: 2089.3718607142855 | Take profit: 2131.416383928571 +2025-03-10 14:50:37,077 - INFO - CLOSED long at 2100.89 | PnL: 0.05% | $-0.10 +2025-03-10 14:50:38,243 - INFO - OPENED SHORT at 2117.6 | Stop loss: 2128.206689285714 | Take profit: 2085.8079660714284 +2025-03-10 14:50:38,270 - INFO - CLOSED short at 2115.21 | PnL: 0.11% | $0.02 +2025-03-10 14:50:39,195 - INFO - OPENED LONG at 2121.19 | Stop loss: 2110.565360714286 | Take profit: 2153.035883928572 +2025-03-10 14:50:39,223 - INFO - CLOSED long at 2124.14 | PnL: 0.14% | $0.08 +2025-03-10 14:50:39,556 - INFO - OPENED LONG at 2113.04 | Stop loss: 2102.456110714286 | Take profit: 2144.7636339285714 +2025-03-10 14:50:39,578 - INFO - CLOSED long at 2108.73 | PnL: -0.20% | $-0.59 +2025-03-10 14:50:39,818 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.05, Avg Loss=$-0.33 +2025-03-10 14:50:39,819 - INFO - Episode 38: Reward=-9.56, Balance=$96.88, Win Rate=23.1%, Trades=13, Episode PnL=$-3.12, Total PnL=$-113.56, Max Drawdown=3.1%, Pred Accuracy=99.6% +2025-03-10 14:50:39,820 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:50:42,415 - INFO - OPENED LONG at 2060.9 | Stop loss: 2050.576810714286 | Take profit: 2091.8415339285716 +2025-03-10 14:50:42,451 - INFO - CLOSED long at 2060.65 | PnL: -0.01% | $-0.22 +2025-03-10 14:50:43,660 - INFO - OPENED LONG at 2058.15 | Stop loss: 2047.8405607142859 | Take profit: 2089.0502839285714 +2025-03-10 14:50:43,685 - INFO - CLOSED long at 2059.8 | PnL: 0.08% | $-0.04 +2025-03-10 14:50:43,704 - INFO - OPENED LONG at 2061.66 | Stop loss: 2051.3330107142856 | Take profit: 2092.6129339285712 +2025-03-10 14:50:43,729 - INFO - CLOSED long at 2061.5 | PnL: -0.01% | $-0.21 +2025-03-10 14:50:48,841 - INFO - OPENED SHORT at 2103.33 | Stop loss: 2113.865339285714 | Take profit: 2071.7520160714284 +2025-03-10 14:50:48,865 - INFO - CLOSED short at 2100.5 | PnL: 0.13% | $0.07 +2025-03-10 14:50:48,946 - INFO - OPENED LONG at 2102.19 | Stop loss: 2091.6603607142856 | Take profit: 2133.7508839285715 +2025-03-10 14:50:48,988 - INFO - CLOSED long at 2099.25 | PnL: -0.14% | $-0.47 +2025-03-10 14:50:49,028 - INFO - OPENED LONG at 2100.69 | Stop loss: 2090.167860714286 | Take profit: 2132.2283839285715 +2025-03-10 14:50:49,062 - INFO - CLOSED long at 2104.83 | PnL: 0.20% | $0.19 +2025-03-10 14:50:50,942 - INFO - OPENED LONG at 2102.0 | Stop loss: 2091.4713107142857 | Take profit: 2133.558033928571 +2025-03-10 14:50:50,963 - INFO - CLOSED long at 2103.41 | PnL: 0.07% | $-0.06 +2025-03-10 14:50:53,491 - INFO - OPENED LONG at 2113.34 | Stop loss: 2102.7546107142857 | Take profit: 2145.0681339285716 +2025-03-10 14:50:53,515 - INFO - CLOSED long at 2114.71 | PnL: 0.06% | $-0.07 +2025-03-10 14:50:53,596 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.13, Avg Loss=$-0.18 +2025-03-10 14:50:53,597 - INFO - Episode 39: Reward=-6.80, Balance=$99.18, Win Rate=25.0%, Trades=8, Episode PnL=$-0.82, Total PnL=$-114.38, Max Drawdown=0.9%, Pred Accuracy=99.7% +2025-03-10 14:50:53,597 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:50:56,853 - INFO - OPENED LONG at 2059.02 | Stop loss: 2048.7062107142856 | Take profit: 2089.9333339285713 +2025-03-10 14:50:56,875 - INFO - CLOSED long at 2058.89 | PnL: -0.01% | $-0.21 +2025-03-10 14:50:57,419 - INFO - OPENED LONG at 2067.01 | Stop loss: 2056.656260714286 | Take profit: 2098.0431839285716 +2025-03-10 14:50:57,439 - INFO - CLOSED long at 2065.69 | PnL: -0.06% | $-0.32 +2025-03-10 14:50:57,843 - INFO - OPENED SHORT at 2069.87 | Stop loss: 2080.238039285714 | Take profit: 2038.7939160714284 +2025-03-10 14:50:57,864 - INFO - CLOSED short at 2067.33 | PnL: 0.12% | $0.04 +2025-03-10 14:50:58,396 - INFO - OPENED SHORT at 2070.35 | Stop loss: 2080.7204392857143 | Take profit: 2039.2667160714284 +2025-03-10 14:50:58,427 - INFO - CLOSED short at 2070.61 | PnL: -0.01% | $-0.22 +2025-03-10 14:50:59,463 - INFO - OPENED LONG at 2065.7 | Stop loss: 2055.3528107142856 | Take profit: 2096.7135339285715 +2025-03-10 14:50:59,499 - INFO - CLOSED long at 2065.8 | PnL: 0.00% | $-0.19 +2025-03-10 14:51:00,518 - INFO - OPENED LONG at 2062.55 | Stop loss: 2052.218560714286 | Take profit: 2093.5162839285717 +2025-03-10 14:51:00,554 - INFO - CLOSED long at 2065.12 | PnL: 0.12% | $0.05 +2025-03-10 14:51:02,699 - INFO - OPENED SHORT at 2090.0 | Stop loss: 2100.4686892857144 | Take profit: 2058.6219660714287 +2025-03-10 14:51:02,736 - INFO - CLOSED short at 2099.53 | PnL: -0.46% | $-1.09 +2025-03-10 14:51:03,824 - INFO - OPENED SHORT at 2085.8 | Stop loss: 2096.247689285715 | Take profit: 2054.484966071429 +2025-03-10 14:51:03,864 - INFO - CLOSED short at 2084.72 | PnL: 0.05% | $-0.09 +2025-03-10 14:51:04,995 - INFO - OPENED LONG at 2103.52 | Stop loss: 2092.9837107142857 | Take profit: 2135.100833928572 +2025-03-10 14:51:05,019 - INFO - CLOSED long at 2104.4 | PnL: 0.04% | $-0.11 +2025-03-10 14:51:05,638 - INFO - OPENED LONG at 2113.1 | Stop loss: 2102.5158107142856 | Take profit: 2144.8245339285713 +2025-03-10 14:51:05,687 - INFO - CLOSED long at 2112.11 | PnL: -0.05% | $-0.28 +2025-03-10 14:51:06,074 - INFO - OPENED LONG at 2114.71 | Stop loss: 2104.117760714286 | Take profit: 2146.458683928571 +2025-03-10 14:51:06,100 - INFO - CLOSED long at 2117.6 | PnL: 0.14% | $0.07 +2025-03-10 14:51:08,097 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.05, Avg Loss=$-0.32 +2025-03-10 14:51:08,099 - INFO - Episode 40: Reward=-9.02, Balance=$97.64, Win Rate=27.3%, Trades=11, Episode PnL=$-2.36, Total PnL=$-116.74, Max Drawdown=2.4%, Pred Accuracy=99.7% +2025-03-10 14:51:08,255 - INFO - Model saved to checkpoints/trading_agent_episode_40.pt +2025-03-10 14:51:08,256 - INFO - Checkpoint saved at episode 40 +2025-03-10 14:51:08,256 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:51:09,348 - INFO - Visualization saved for episode 40 +2025-03-10 14:51:10,978 - INFO - Visualization saved for episode 40 +2025-03-10 14:51:11,487 - INFO - OPENED LONG at 2071.36 | Stop loss: 2060.9845107142855 | Take profit: 2102.4584339285716 +2025-03-10 14:51:11,513 - INFO - CLOSED long at 2072.75 | PnL: 0.07% | $-0.07 +2025-03-10 14:51:12,385 - INFO - OPENED SHORT at 2067.11 | Stop loss: 2077.4642392857145 | Take profit: 2036.075316071429 +2025-03-10 14:51:12,406 - INFO - CLOSED short at 2067.86 | PnL: -0.04% | $-0.27 +2025-03-10 14:51:12,802 - INFO - OPENED LONG at 2064.99 | Stop loss: 2054.6463607142855 | Take profit: 2095.9928839285712 +2025-03-10 14:51:12,839 - INFO - CLOSED long at 2065.83 | PnL: 0.04% | $-0.12 +2025-03-10 14:51:15,464 - INFO - OPENED LONG at 2073.23 | Stop loss: 2062.8451607142856 | Take profit: 2104.3564839285714 +2025-03-10 14:51:15,492 - INFO - CLOSED long at 2070.0 | PnL: -0.16% | $-0.50 +2025-03-10 14:51:16,280 - INFO - OPENED SHORT at 2071.35 | Stop loss: 2081.725439285714 | Take profit: 2040.2517160714285 +2025-03-10 14:51:16,304 - INFO - CLOSED short at 2070.9 | PnL: 0.02% | $-0.15 +2025-03-10 14:51:16,861 - INFO - OPENED LONG at 2069.97 | Stop loss: 2059.6014607142856 | Take profit: 2101.0475839285714 +2025-03-10 14:51:16,893 - INFO - CLOSED long at 2067.7 | PnL: -0.11% | $-0.41 +2025-03-10 14:51:17,095 - INFO - OPENED SHORT at 2068.1 | Stop loss: 2078.4591892857143 | Take profit: 2037.0504660714284 +2025-03-10 14:51:17,121 - INFO - CLOSED short at 2069.0 | PnL: -0.04% | $-0.28 +2025-03-10 14:51:17,753 - INFO - OPENED LONG at 2058.65 | Stop loss: 2048.338060714286 | Take profit: 2089.5577839285716 +2025-03-10 14:51:17,788 - INFO - CLOSED long at 2056.77 | PnL: -0.09% | $-0.37 +2025-03-10 14:51:17,999 - INFO - OPENED SHORT at 2051.99 | Stop loss: 2062.268639285714 | Take profit: 2021.1821160714283 +2025-03-10 14:51:18,069 - INFO - CLOSED short at 2056.85 | PnL: -0.24% | $-0.65 +2025-03-10 14:51:18,929 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.479089285714 | Take profit: 2044.9107660714285 +2025-03-10 14:51:18,950 - INFO - CLOSED short at 2077.61 | PnL: -0.07% | $-0.33 +2025-03-10 14:51:19,605 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.985839285714 | Take profit: 2075.790516071428 +2025-03-10 14:51:19,632 - INFO - CLOSED short at 2110.6 | PnL: -0.15% | $-0.48 +2025-03-10 14:51:20,933 - INFO - OPENED LONG at 2085.8 | Stop loss: 2075.352310714286 | Take profit: 2117.1150339285714 +2025-03-10 14:51:20,956 - INFO - CLOSED long at 2084.72 | PnL: -0.05% | $-0.29 +2025-03-10 14:51:21,617 - INFO - OPENED SHORT at 2099.73 | Stop loss: 2110.2473392857146 | Take profit: 2068.2060160714286 +2025-03-10 14:51:21,640 - INFO - CLOSED short at 2106.15 | PnL: -0.31% | $-0.77 +2025-03-10 14:51:21,950 - INFO - OPENED LONG at 2100.0 | Stop loss: 2089.481310714286 | Take profit: 2131.5280339285714 +2025-03-10 14:51:22,039 - INFO - CLOSED long at 2103.41 | PnL: 0.16% | $0.12 +2025-03-10 14:51:23,069 - INFO - OPENED SHORT at 2135.51 | Stop loss: 2146.206239285714 | Take profit: 2103.4493160714287 +2025-03-10 14:51:23,105 - INFO - CLOSED short at 2136.09 | PnL: -0.03% | $-0.24 +2025-03-10 14:51:23,253 - INFO - OPENED LONG at 2127.47 | Stop loss: 2116.8139607142853 | Take profit: 2159.410083928571 +2025-03-10 14:51:23,277 - INFO - CLOSED long at 2129.51 | PnL: 0.10% | $-0.01 +2025-03-10 14:51:23,857 - INFO - OPENED SHORT at 2124.44 | Stop loss: 2135.0808892857144 | Take profit: 2092.545366071429 +2025-03-10 14:51:23,884 - INFO - CLOSED short at 2124.94 | PnL: -0.02% | $-0.23 +2025-03-10 14:51:24,374 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.12, Avg Loss=$-0.32 +2025-03-10 14:51:24,375 - INFO - Episode 41: Reward=-21.31, Balance=$94.93, Win Rate=5.9%, Trades=17, Episode PnL=$-5.07, Total PnL=$-121.81, Max Drawdown=5.1%, Pred Accuracy=99.6% +2025-03-10 14:51:24,375 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:51:29,772 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1538107142856 | Take profit: 2096.5105339285715 +2025-03-10 14:51:29,849 - INFO - CLOSED long at 2065.07 | PnL: -0.02% | $-0.24 +2025-03-10 14:51:30,182 - INFO - OPENED LONG at 2058.09 | Stop loss: 2047.7808607142858 | Take profit: 2088.989383928572 +2025-03-10 14:51:30,215 - INFO - CLOSED long at 2058.65 | PnL: 0.03% | $-0.14 +2025-03-10 14:51:34,841 - INFO - OPENED LONG at 2118.19 | Stop loss: 2107.5803607142857 | Take profit: 2149.9908839285717 +2025-03-10 14:51:34,887 - INFO - CLOSED long at 2118.2 | PnL: 0.00% | $-0.20 +2025-03-10 14:51:36,371 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.00, Avg Loss=$-0.19 +2025-03-10 14:51:36,372 - INFO - Episode 42: Reward=-5.20, Balance=$99.42, Win Rate=0.0%, Trades=3, Episode PnL=$-0.58, Total PnL=$-122.39, Max Drawdown=0.6%, Pred Accuracy=99.6% +2025-03-10 14:51:36,372 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:51:37,659 - INFO - OPENED LONG at 2067.84 | Stop loss: 2057.4821107142857 | Take profit: 2098.8856339285717 +2025-03-10 14:51:37,694 - INFO - CLOSED long at 2067.11 | PnL: -0.04% | $-0.27 +2025-03-10 14:51:39,582 - INFO - OPENED LONG at 2058.15 | Stop loss: 2047.8405607142859 | Take profit: 2089.0502839285714 +2025-03-10 14:51:39,664 - INFO - CLOSED long at 2061.5 | PnL: 0.16% | $0.12 +2025-03-10 14:51:43,032 - INFO - OPENED SHORT at 2065.72 | Stop loss: 2076.067289285714 | Take profit: 2034.7061660714282 +2025-03-10 14:51:43,056 - INFO - CLOSED short at 2070.31 | PnL: -0.22% | $-0.64 +2025-03-10 14:51:43,257 - INFO - OPENED SHORT at 2071.8 | Stop loss: 2082.177689285714 | Take profit: 2040.6949660714288 +2025-03-10 14:51:43,289 - INFO - CLOSED short at 2074.9 | PnL: -0.15% | $-0.49 +2025-03-10 14:51:43,623 - INFO - OPENED LONG at 2140.01 | Stop loss: 2129.291260714286 | Take profit: 2172.138183928572 +2025-03-10 14:51:43,655 - INFO - CLOSED long at 2134.78 | PnL: -0.24% | $-0.67 +2025-03-10 14:51:44,000 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.0283107142855 | Take profit: 2142.2870339285714 +2025-03-10 14:51:44,023 - INFO - CLOSED long at 2109.05 | PnL: -0.07% | $-0.34 +2025-03-10 14:51:44,307 - INFO - OPENED SHORT at 2108.71 | Stop loss: 2119.2722392857145 | Take profit: 2077.0513160714286 +2025-03-10 14:51:44,332 - INFO - CLOSED short at 2106.49 | PnL: 0.11% | $0.01 +2025-03-10 14:51:44,665 - INFO - OPENED LONG at 2106.39 | Stop loss: 2095.8393607142857 | Take profit: 2138.013883928571 +2025-03-10 14:51:44,687 - INFO - CLOSED long at 2100.74 | PnL: -0.27% | $-0.71 +2025-03-10 14:51:44,726 - INFO - OPENED LONG at 2104.68 | Stop loss: 2094.1379107142857 | Take profit: 2136.2782339285714 +2025-03-10 14:51:44,748 - INFO - CLOSED long at 2101.51 | PnL: -0.15% | $-0.48 +2025-03-10 14:51:45,013 - INFO - OPENED SHORT at 2094.08 | Stop loss: 2104.569089285714 | Take profit: 2062.6407660714285 +2025-03-10 14:51:45,035 - INFO - CLOSED short at 2088.35 | PnL: 0.27% | $0.33 +2025-03-10 14:51:45,490 - INFO - OPENED SHORT at 2088.1 | Stop loss: 2098.559189285714 | Take profit: 2056.7504660714285 +2025-03-10 14:51:45,512 - INFO - CLOSED short at 2089.96 | PnL: -0.09% | $-0.36 +2025-03-10 14:51:45,979 - INFO - OPENED LONG at 2099.73 | Stop loss: 2089.2126607142854 | Take profit: 2131.253983928572 +2025-03-10 14:51:46,005 - INFO - CLOSED long at 2106.15 | PnL: 0.31% | $0.39 +2025-03-10 14:51:47,709 - INFO - OPENED LONG at 2126.43 | Stop loss: 2115.779160714286 | Take profit: 2158.3544839285714 +2025-03-10 14:51:47,742 - INFO - CLOSED long at 2124.49 | PnL: -0.09% | $-0.37 +2025-03-10 14:51:48,562 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.22, Avg Loss=$-0.48 +2025-03-10 14:51:48,563 - INFO - Episode 43: Reward=-10.32, Balance=$96.53, Win Rate=30.8%, Trades=13, Episode PnL=$-3.47, Total PnL=$-125.87, Max Drawdown=3.5%, Pred Accuracy=99.6% +2025-03-10 14:51:48,564 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:51:49,691 - INFO - OPENED LONG at 2068.69 | Stop loss: 2058.327860714286 | Take profit: 2099.7483839285715 +2025-03-10 14:51:49,713 - INFO - CLOSED long at 2067.84 | PnL: -0.04% | $-0.28 +2025-03-10 14:51:50,099 - INFO - OPENED SHORT at 2066.15 | Stop loss: 2076.4994392857143 | Take profit: 2035.1297160714287 +2025-03-10 14:51:50,120 - INFO - CLOSED short at 2065.26 | PnL: 0.04% | $-0.11 +2025-03-10 14:51:50,983 - INFO - OPENED SHORT at 2063.39 | Stop loss: 2073.7256392857144 | Take profit: 2032.4111160714285 +2025-03-10 14:51:51,009 - INFO - CLOSED short at 2064.79 | PnL: -0.07% | $-0.33 +2025-03-10 14:51:51,353 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.6415107142857 | Take profit: 2090.887433928571 +2025-03-10 14:51:51,375 - INFO - CLOSED long at 2059.46 | PnL: -0.02% | $-0.24 +2025-03-10 14:51:52,695 - INFO - OPENED LONG at 2063.97 | Stop loss: 2053.6314607142854 | Take profit: 2094.9575839285712 +2025-03-10 14:51:52,721 - INFO - CLOSED long at 2064.5 | PnL: 0.03% | $-0.15 +2025-03-10 14:51:53,876 - INFO - OPENED LONG at 2067.19 | Stop loss: 2056.835360714286 | Take profit: 2098.2258839285714 +2025-03-10 14:51:53,902 - INFO - CLOSED long at 2065.5 | PnL: -0.08% | $-0.36 +2025-03-10 14:51:54,415 - INFO - OPENED LONG at 2051.99 | Stop loss: 2041.7113607142855 | Take profit: 2082.797883928571 +2025-03-10 14:51:54,458 - INFO - CLOSED long at 2056.85 | PnL: 0.24% | $0.27 +2025-03-10 14:51:56,363 - INFO - OPENED SHORT at 2100.69 | Stop loss: 2111.2121392857143 | Take profit: 2069.1516160714286 +2025-03-10 14:51:56,388 - INFO - CLOSED short at 2104.83 | PnL: -0.20% | $-0.58 +2025-03-10 14:51:59,118 - INFO - OPENED SHORT at 2113.7 | Stop loss: 2124.2871892857142 | Take profit: 2081.9664660714284 +2025-03-10 14:51:59,140 - INFO - CLOSED short at 2113.0 | PnL: 0.03% | $-0.13 +2025-03-10 14:51:59,162 - INFO - OPENED LONG at 2115.26 | Stop loss: 2104.665010714286 | Take profit: 2147.0169339285717 +2025-03-10 14:51:59,184 - INFO - CLOSED long at 2113.61 | PnL: -0.08% | $-0.35 +2025-03-10 14:51:59,720 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.8047392857143 | Take profit: 2083.4538160714287 +2025-03-10 14:51:59,756 - INFO - CLOSED short at 2118.19 | PnL: -0.14% | $-0.47 +2025-03-10 14:51:59,971 - INFO - OPENED LONG at 2129.3 | Stop loss: 2118.634810714286 | Take profit: 2161.2675339285715 +2025-03-10 14:52:00,023 - INFO - CLOSED long at 2136.26 | PnL: 0.33% | $0.44 +2025-03-10 14:52:01,020 - INFO - OPENED SHORT at 2110.3 | Stop loss: 2120.8701892857143 | Take profit: 2078.6174660714287 +2025-03-10 14:52:01,070 - INFO - CLOSED short at 2108.68 | PnL: 0.08% | $-0.05 +2025-03-10 14:52:01,418 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.35, Avg Loss=$-0.28 +2025-03-10 14:52:01,419 - INFO - Episode 44: Reward=-12.93, Balance=$97.66, Win Rate=15.4%, Trades=13, Episode PnL=$-2.34, Total PnL=$-128.20, Max Drawdown=2.7%, Pred Accuracy=99.7% +2025-03-10 14:52:01,419 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:52:06,239 - INFO - OPENED LONG at 2075.01 | Stop loss: 2064.616260714286 | Take profit: 2106.1631839285715 +2025-03-10 14:52:06,267 - INFO - CLOSED long at 2072.6 | PnL: -0.12% | $-0.43 +2025-03-10 14:52:06,774 - INFO - OPENED SHORT at 2066.38 | Stop loss: 2076.7305892857144 | Take profit: 2035.3562660714288 +2025-03-10 14:52:06,921 - INFO - CLOSED short at 2063.95 | PnL: 0.12% | $0.03 +2025-03-10 14:52:08,666 - INFO - OPENED LONG at 2065.06 | Stop loss: 2054.7160107142854 | Take profit: 2096.0639339285713 +2025-03-10 14:52:08,688 - INFO - CLOSED long at 2064.11 | PnL: -0.05% | $-0.29 +2025-03-10 14:52:10,255 - INFO - OPENED SHORT at 2140.01 | Stop loss: 2150.7287392857143 | Take profit: 2107.8818160714286 +2025-03-10 14:52:10,291 - INFO - CLOSED short at 2134.78 | PnL: 0.24% | $0.28 +2025-03-10 14:52:10,494 - INFO - OPENED SHORT at 2117.24 | Stop loss: 2127.844889285714 | Take profit: 2085.4533660714283 +2025-03-10 14:52:10,524 - INFO - CLOSED short at 2119.93 | PnL: -0.13% | $-0.45 +2025-03-10 14:52:10,723 - INFO - OPENED LONG at 2110.6 | Stop loss: 2100.0283107142855 | Take profit: 2142.2870339285714 +2025-03-10 14:52:10,749 - INFO - CLOSED long at 2109.05 | PnL: -0.07% | $-0.34 +2025-03-10 14:52:10,906 - INFO - OPENED LONG at 2112.99 | Stop loss: 2102.4063607142853 | Take profit: 2144.712883928571 +2025-03-10 14:52:10,950 - INFO - CLOSED long at 2120.81 | PnL: 0.37% | $0.53 +2025-03-10 14:52:11,047 - INFO - OPENED LONG at 2110.9 | Stop loss: 2100.326810714286 | Take profit: 2142.5915339285716 +2025-03-10 14:52:11,075 - INFO - CLOSED long at 2108.71 | PnL: -0.10% | $-0.40 +2025-03-10 14:52:11,529 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.2176107142855 | Take profit: 2132.2791339285714 +2025-03-10 14:52:11,553 - INFO - CLOSED long at 2103.86 | PnL: 0.15% | $0.10 +2025-03-10 14:52:12,303 - INFO - OPENED LONG at 2083.41 | Stop loss: 2072.9742607142857 | Take profit: 2114.6891839285713 +2025-03-10 14:52:12,328 - INFO - CLOSED long at 2085.09 | PnL: 0.08% | $-0.04 +2025-03-10 14:52:13,823 - INFO - OPENED LONG at 2110.87 | Stop loss: 2100.2969607142854 | Take profit: 2142.5610839285714 +2025-03-10 14:52:13,846 - INFO - CLOSED long at 2110.4 | PnL: -0.02% | $-0.24 +2025-03-10 14:52:14,653 - INFO - OPENED LONG at 2121.2 | Stop loss: 2110.5753107142855 | Take profit: 2153.0460339285714 +2025-03-10 14:52:14,678 - INFO - CLOSED long at 2125.11 | PnL: 0.18% | $0.17 +2025-03-10 14:52:16,042 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.22, Avg Loss=$-0.31 +2025-03-10 14:52:16,042 - INFO - Episode 45: Reward=-5.25, Balance=$98.92, Win Rate=41.7%, Trades=12, Episode PnL=$-1.08, Total PnL=$-129.28, Max Drawdown=1.2%, Pred Accuracy=99.7% +2025-03-10 14:52:16,043 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:52:16,928 - INFO - OPENED SHORT at 2065.26 | Stop loss: 2075.6049892857145 | Take profit: 2034.2530660714287 +2025-03-10 14:52:16,949 - INFO - CLOSED short at 2067.89 | PnL: -0.13% | $-0.45 +2025-03-10 14:52:17,488 - INFO - OPENED SHORT at 2066.1 | Stop loss: 2076.4491892857145 | Take profit: 2035.0804660714284 +2025-03-10 14:52:17,531 - INFO - CLOSED short at 2065.28 | PnL: 0.04% | $-0.12 +2025-03-10 14:52:17,708 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.037139285714 | Take profit: 2034.6766160714287 +2025-03-10 14:52:17,731 - INFO - CLOSED short at 2067.88 | PnL: -0.11% | $-0.41 +2025-03-10 14:52:18,038 - INFO - OPENED SHORT at 2063.59 | Stop loss: 2073.9266392857144 | Take profit: 2032.6081160714286 +2025-03-10 14:52:18,061 - INFO - CLOSED short at 2064.96 | PnL: -0.07% | $-0.33 +2025-03-10 14:52:18,600 - INFO - OPENED LONG at 2060.91 | Stop loss: 2050.5867607142854 | Take profit: 2091.851683928571 +2025-03-10 14:52:18,681 - INFO - CLOSED long at 2061.13 | PnL: 0.01% | $-0.17 +2025-03-10 14:52:20,650 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.057139285714 | Take profit: 2038.6166160714286 +2025-03-10 14:52:20,698 - INFO - CLOSED short at 2070.8 | PnL: -0.05% | $-0.30 +2025-03-10 14:52:21,246 - INFO - OPENED LONG at 2066.89 | Stop loss: 2056.5368607142855 | Take profit: 2097.9213839285712 +2025-03-10 14:52:21,272 - INFO - CLOSED long at 2067.88 | PnL: 0.05% | $-0.10 +2025-03-10 14:52:21,681 - INFO - OPENED LONG at 2064.5 | Stop loss: 2054.1588107142857 | Take profit: 2095.4955339285716 +2025-03-10 14:52:21,707 - INFO - CLOSED long at 2066.33 | PnL: 0.09% | $-0.02 +2025-03-10 14:52:24,351 - INFO - OPENED LONG at 2100.02 | Stop loss: 2089.5012107142857 | Take profit: 2131.5483339285715 +2025-03-10 14:52:24,372 - INFO - CLOSED long at 2098.39 | PnL: -0.08% | $-0.35 +2025-03-10 14:52:25,126 - INFO - OPENED LONG at 2088.1 | Stop loss: 2077.6408107142856 | Take profit: 2119.4495339285713 +2025-03-10 14:52:25,148 - INFO - CLOSED long at 2089.96 | PnL: 0.09% | $-0.02 +2025-03-10 14:52:26,318 - INFO - OPENED SHORT at 2110.4 | Stop loss: 2120.9706892857143 | Take profit: 2078.7159660714287 +2025-03-10 14:52:26,363 - INFO - CLOSED short at 2113.0 | PnL: -0.12% | $-0.43 +2025-03-10 14:52:27,809 - INFO - OPENED SHORT at 2119.48 | Stop loss: 2130.0960892857142 | Take profit: 2087.6597660714283 +2025-03-10 14:52:27,840 - INFO - CLOSED short at 2121.53 | PnL: -0.10% | $-0.38 +2025-03-10 14:52:28,051 - INFO - OPENED LONG at 2120.84 | Stop loss: 2110.217110714286 | Take profit: 2152.6806339285718 +2025-03-10 14:52:28,151 - INFO - CLOSED long at 2115.45 | PnL: -0.25% | $-0.68 +2025-03-10 14:52:28,608 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.00, Avg Loss=$-0.29 +2025-03-10 14:52:28,609 - INFO - Episode 46: Reward=76.01, Balance=$96.24, Win Rate=0.0%, Trades=13, Episode PnL=$-3.76, Total PnL=$-133.04, Max Drawdown=3.8%, Pred Accuracy=99.8% +2025-03-10 14:52:28,609 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:52:29,279 - INFO - OPENED SHORT at 2067.79 | Stop loss: 2078.1476392857144 | Take profit: 2036.7451160714286 +2025-03-10 14:52:29,303 - INFO - CLOSED short at 2067.46 | PnL: 0.02% | $-0.17 +2025-03-10 14:52:30,251 - INFO - OPENED SHORT at 2065.83 | Stop loss: 2076.177839285714 | Take profit: 2034.8145160714284 +2025-03-10 14:52:30,306 - INFO - CLOSED short at 2066.15 | PnL: -0.02% | $-0.23 +2025-03-10 14:52:32,359 - INFO - OPENED LONG at 2066.36 | Stop loss: 2056.0095107142856 | Take profit: 2097.383433928572 +2025-03-10 14:52:32,402 - INFO - CLOSED long at 2066.01 | PnL: -0.02% | $-0.23 +2025-03-10 14:52:32,533 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.6853392857142 | Take profit: 2036.2920160714286 +2025-03-10 14:52:32,559 - INFO - CLOSED short at 2067.01 | PnL: 0.02% | $-0.17 +2025-03-10 14:52:33,115 - INFO - OPENED SHORT at 2071.49 | Stop loss: 2081.866139285714 | Take profit: 2040.3896160714282 +2025-03-10 14:52:33,156 - INFO - CLOSED short at 2069.87 | PnL: 0.08% | $-0.04 +2025-03-10 14:52:33,683 - INFO - OPENED SHORT at 2066.5 | Stop loss: 2076.8511892857146 | Take profit: 2035.4744660714287 +2025-03-10 14:52:33,709 - INFO - CLOSED short at 2068.59 | PnL: -0.10% | $-0.40 +2025-03-10 14:52:34,112 - INFO - OPENED LONG at 2070.67 | Stop loss: 2060.2979607142856 | Take profit: 2101.7580839285715 +2025-03-10 14:52:34,141 - INFO - CLOSED long at 2069.78 | PnL: -0.04% | $-0.28 +2025-03-10 14:52:35,989 - INFO - OPENED LONG at 2065.12 | Stop loss: 2054.7757107142857 | Take profit: 2096.124833928571 +2025-03-10 14:52:36,022 - INFO - CLOSED long at 2068.33 | PnL: 0.16% | $0.11 +2025-03-10 14:52:38,140 - INFO - OPENED LONG at 2108.71 | Stop loss: 2098.1477607142856 | Take profit: 2140.3686839285715 +2025-03-10 14:52:38,166 - INFO - CLOSED long at 2106.49 | PnL: -0.11% | $-0.40 +2025-03-10 14:52:38,849 - INFO - OPENED LONG at 2099.59 | Stop loss: 2089.0733607142856 | Take profit: 2131.1118839285714 +2025-03-10 14:52:38,870 - INFO - CLOSED long at 2100.02 | PnL: 0.02% | $-0.15 +2025-03-10 14:52:38,870 - INFO - OPENED SHORT at 2100.02 | Stop loss: 2110.5387892857143 | Take profit: 2068.491666071429 +2025-03-10 14:52:38,894 - INFO - CLOSED short at 2098.39 | PnL: 0.08% | $-0.04 +2025-03-10 14:52:39,338 - INFO - OPENED LONG at 2081.49 | Stop loss: 2071.0638607142855 | Take profit: 2112.740383928571 +2025-03-10 14:52:39,364 - INFO - CLOSED long at 2080.38 | PnL: -0.05% | $-0.30 +2025-03-10 14:52:40,156 - INFO - OPENED LONG at 2094.7 | Stop loss: 2084.2078107142856 | Take profit: 2126.1485339285714 +2025-03-10 14:52:40,187 - INFO - CLOSED long at 2097.8 | PnL: 0.15% | $0.09 +2025-03-10 14:52:41,432 - INFO - OPENED SHORT at 2113.7 | Stop loss: 2124.2871892857142 | Take profit: 2081.9664660714284 +2025-03-10 14:52:41,464 - INFO - CLOSED short at 2113.0 | PnL: 0.03% | $-0.13 +2025-03-10 14:52:41,581 - INFO - OPENED SHORT at 2112.28 | Stop loss: 2122.8600892857144 | Take profit: 2080.5677660714287 +2025-03-10 14:52:41,676 - INFO - CLOSED short at 2112.26 | PnL: 0.00% | $-0.19 +2025-03-10 14:52:41,892 - INFO - OPENED LONG at 2117.39 | Stop loss: 2106.784360714286 | Take profit: 2149.178883928571 +2025-03-10 14:52:41,918 - INFO - CLOSED long at 2115.3 | PnL: -0.10% | $-0.38 +2025-03-10 14:52:43,926 - INFO - OPENED LONG at 2120.56 | Stop loss: 2109.9385107142857 | Take profit: 2152.3964339285712 +2025-03-10 14:52:43,950 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.10, Avg Loss=$-0.22 +2025-03-10 14:52:43,950 - INFO - Episode 47: Reward=78.17, Balance=$97.09, Win Rate=12.5%, Trades=16, Episode PnL=$-2.76, Total PnL=$-135.95, Max Drawdown=2.9%, Pred Accuracy=99.7% +2025-03-10 14:52:43,951 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:52:44,630 - INFO - OPENED LONG at 2073.9 | Stop loss: 2063.5118107142857 | Take profit: 2105.0365339285713 +2025-03-10 14:52:44,665 - INFO - CLOSED long at 2071.92 | PnL: -0.10% | $-0.39 +2025-03-10 14:52:45,629 - INFO - OPENED LONG at 2067.84 | Stop loss: 2057.4821107142857 | Take profit: 2098.8856339285717 +2025-03-10 14:52:45,657 - INFO - CLOSED long at 2067.11 | PnL: -0.04% | $-0.27 +2025-03-10 14:52:45,929 - INFO - OPENED SHORT at 2068.18 | Stop loss: 2078.539589285714 | Take profit: 2037.1292660714282 +2025-03-10 14:52:46,007 - INFO - CLOSED short at 2067.88 | PnL: 0.01% | $-0.17 +2025-03-10 14:52:46,800 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.2031392857143 | Take profit: 2027.9786160714284 +2025-03-10 14:52:46,831 - INFO - CLOSED short at 2059.3 | PnL: -0.02% | $-0.24 +2025-03-10 14:52:50,054 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3278107142855 | Take profit: 2101.7885339285713 +2025-03-10 14:52:50,078 - INFO - CLOSED long at 2070.8 | PnL: 0.00% | $-0.19 +2025-03-10 14:52:50,382 - INFO - OPENED LONG at 2075.07 | Stop loss: 2064.675960714286 | Take profit: 2106.2240839285714 +2025-03-10 14:52:50,409 - INFO - CLOSED long at 2074.35 | PnL: -0.03% | $-0.26 +2025-03-10 14:52:50,524 - INFO - OPENED SHORT at 2076.9 | Stop loss: 2087.3031892857143 | Take profit: 2045.7184660714286 +2025-03-10 14:52:50,547 - INFO - CLOSED short at 2075.61 | PnL: 0.06% | $-0.07 +2025-03-10 14:52:52,151 - INFO - OPENED LONG at 2060.7 | Stop loss: 2050.3778107142857 | Take profit: 2091.638533928571 +2025-03-10 14:52:52,193 - INFO - CLOSED long at 2062.54 | PnL: 0.09% | $-0.02 +2025-03-10 14:52:52,341 - INFO - OPENED LONG at 2069.34 | Stop loss: 2058.974610714286 | Take profit: 2100.4081339285717 +2025-03-10 14:52:52,377 - INFO - CLOSED long at 2069.81 | PnL: 0.02% | $-0.15 +2025-03-10 14:52:52,500 - INFO - OPENED SHORT at 2071.89 | Stop loss: 2082.268139285714 | Take profit: 2040.7836160714285 +2025-03-10 14:52:52,522 - INFO - CLOSED short at 2071.8 | PnL: 0.00% | $-0.19 +2025-03-10 14:52:53,033 - INFO - OPENED SHORT at 2126.99 | Stop loss: 2137.643639285714 | Take profit: 2095.057116071428 +2025-03-10 14:52:53,083 - INFO - CLOSED short at 2127.3 | PnL: -0.01% | $-0.22 +2025-03-10 14:52:55,998 - INFO - OPENED SHORT at 2106.15 | Stop loss: 2116.6994392857146 | Take profit: 2074.5297160714285 +2025-03-10 14:52:56,025 - INFO - CLOSED short at 2103.48 | PnL: 0.13% | $0.05 +2025-03-10 14:52:56,879 - INFO - OPENED LONG at 2112.26 | Stop loss: 2101.680010714286 | Take profit: 2143.9719339285716 +2025-03-10 14:52:56,904 - INFO - CLOSED long at 2110.99 | PnL: -0.06% | $-0.31 +2025-03-10 14:52:56,967 - INFO - OPENED LONG at 2112.61 | Stop loss: 2102.028260714286 | Take profit: 2144.3271839285717 +2025-03-10 14:52:56,989 - INFO - CLOSED long at 2118.72 | PnL: 0.29% | $0.37 +2025-03-10 14:52:57,685 - INFO - OPENED LONG at 2127.79 | Stop loss: 2117.1323607142854 | Take profit: 2159.7348839285714 +2025-03-10 14:52:57,710 - INFO - CLOSED long at 2124.38 | PnL: -0.16% | $-0.51 +2025-03-10 14:52:58,069 - INFO - OPENED SHORT at 2121.73 | Stop loss: 2132.3573392857143 | Take profit: 2089.8760160714287 +2025-03-10 14:52:58,097 - INFO - CLOSED short at 2120.0 | PnL: 0.08% | $-0.04 +2025-03-10 14:52:58,460 - INFO - OPENED SHORT at 2124.94 | Stop loss: 2135.5833892857145 | Take profit: 2093.0378660714287 +2025-03-10 14:52:58,490 - INFO - CLOSED short at 2121.17 | PnL: 0.18% | $0.15 +2025-03-10 14:52:58,938 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.19, Avg Loss=$-0.22 +2025-03-10 14:52:58,939 - INFO - Episode 48: Reward=-14.68, Balance=$97.55, Win Rate=17.6%, Trades=17, Episode PnL=$-2.45, Total PnL=$-138.40, Max Drawdown=2.6%, Pred Accuracy=99.6% +2025-03-10 14:52:58,940 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:53:00,886 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.273310714286 | Take profit: 2092.5520339285713 +2025-03-10 14:53:00,912 - INFO - CLOSED long at 2060.9 | PnL: -0.03% | $-0.27 +2025-03-10 14:53:01,022 - INFO - OPENED LONG at 2061.8 | Stop loss: 2051.472310714286 | Take profit: 2092.7550339285717 +2025-03-10 14:53:01,049 - INFO - CLOSED long at 2064.7 | PnL: 0.14% | $0.08 +2025-03-10 14:53:02,277 - INFO - OPENED SHORT at 2066.36 | Stop loss: 2076.7104892857146 | Take profit: 2035.3365660714287 +2025-03-10 14:53:02,326 - INFO - CLOSED short at 2066.01 | PnL: 0.02% | $-0.16 +2025-03-10 14:53:03,601 - INFO - OPENED SHORT at 2066.8 | Stop loss: 2077.152689285714 | Take profit: 2035.7699660714288 +2025-03-10 14:53:03,626 - INFO - CLOSED short at 2066.5 | PnL: 0.01% | $-0.17 +2025-03-10 14:53:04,133 - INFO - OPENED LONG at 2074.35 | Stop loss: 2063.9595607142855 | Take profit: 2105.4932839285716 +2025-03-10 14:53:04,157 - INFO - CLOSED long at 2073.27 | PnL: -0.05% | $-0.30 +2025-03-10 14:53:04,527 - INFO - OPENED SHORT at 2066.89 | Stop loss: 2077.2431392857143 | Take profit: 2035.8586160714285 +2025-03-10 14:53:04,550 - INFO - CLOSED short at 2067.88 | PnL: -0.05% | $-0.29 +2025-03-10 14:53:06,487 - INFO - OPENED LONG at 2139.54 | Stop loss: 2128.8236107142857 | Take profit: 2171.6611339285714 +2025-03-10 14:53:06,510 - INFO - CLOSED long at 2131.78 | PnL: -0.36% | $-0.91 +2025-03-10 14:53:07,148 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.985839285714 | Take profit: 2075.790516071428 +2025-03-10 14:53:07,191 - INFO - CLOSED short at 2110.6 | PnL: -0.15% | $-0.49 +2025-03-10 14:53:08,752 - INFO - OPENED LONG at 2085.85 | Stop loss: 2075.4020607142857 | Take profit: 2117.1657839285717 +2025-03-10 14:53:08,788 - INFO - CLOSED long at 2088.66 | PnL: 0.13% | $0.07 +2025-03-10 14:53:09,740 - INFO - OPENED SHORT at 2102.0 | Stop loss: 2112.5286892857143 | Take profit: 2070.4419660714284 +2025-03-10 14:53:09,763 - INFO - CLOSED short at 2103.41 | PnL: -0.07% | $-0.32 +2025-03-10 14:53:10,512 - INFO - OPENED LONG at 2117.6 | Stop loss: 2106.9933107142856 | Take profit: 2149.3920339285714 +2025-03-10 14:53:10,535 - INFO - CLOSED long at 2117.6 | PnL: 0.00% | $-0.19 +2025-03-10 14:53:10,950 - INFO - OPENED SHORT at 2132.83 | Stop loss: 2143.512839285714 | Take profit: 2100.8095160714283 +2025-03-10 14:53:10,971 - INFO - CLOSED short at 2127.79 | PnL: 0.24% | $0.26 +2025-03-10 14:53:11,141 - INFO - OPENED SHORT at 2135.55 | Stop loss: 2146.246439285714 | Take profit: 2103.488716071429 +2025-03-10 14:53:11,180 - INFO - CLOSED short at 2131.23 | PnL: 0.20% | $0.20 +2025-03-10 14:53:12,158 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.15, Avg Loss=$-0.34 +2025-03-10 14:53:12,159 - INFO - Episode 49: Reward=-8.08, Balance=$97.51, Win Rate=30.8%, Trades=13, Episode PnL=$-2.49, Total PnL=$-140.89, Max Drawdown=3.0%, Pred Accuracy=99.6% +2025-03-10 14:53:12,160 - INFO - Reducing learning rate to 0.000010 +2025-03-10 14:53:12,160 - INFO - Early stopping triggered after 50 episodes without improvement +2025-03-10 14:53:12,310 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 14:53:13,422 - INFO - Exchange connection closed +2025-03-10 14:54:25,445 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 14:54:25,467 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 14:54:25,467 - INFO - Fetching initial data for ETH/USDT +2025-03-10 14:54:29,324 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 14:54:29,325 - ERROR - Error: TradingEnvironment.__init__() got an unexpected keyword argument 'data' +2025-03-10 14:54:29,325 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2424, in main + env = TradingEnvironment( + ^^^^^^^^^^^^^^^^^^^ +TypeError: TradingEnvironment.__init__() got an unexpected keyword argument 'data' + +2025-03-10 14:54:29,326 - WARNING - Could not properly close exchange connection: 'mexc' object has no attribute 'client' +2025-03-10 15:29:43,247 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 15:29:43,273 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 15:29:43,273 - INFO - Fetching initial data for ETH/USDT +2025-03-10 15:29:43,274 - INFO - Fetching initial data for ETH/USDT +2025-03-10 15:29:46,980 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 15:29:46,997 - INFO - Initialized environment with 500 candles +2025-03-10 15:29:49,408 - INFO - Starting training for 10000 episodes... +2025-03-10 15:29:49,409 - INFO - Starting training on device: cuda +2025-03-10 15:29:49,409 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 15:29:49,410 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 15:29:49,592 - INFO - Model loaded successfully with weights_only=True +2025-03-10 15:29:49,593 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $4.37, Win Rate: 66.7% +2025-03-10 15:29:49,596 - ERROR - Error in episode 0: name 'args' is not defined +2025-03-10 15:29:49,600 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,600 - ERROR - Error in episode 1: name 'args' is not defined +2025-03-10 15:29:49,602 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,603 - ERROR - Error in episode 2: name 'args' is not defined +2025-03-10 15:29:49,606 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,606 - ERROR - Error in episode 3: name 'args' is not defined +2025-03-10 15:29:49,609 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,609 - ERROR - Error in episode 4: name 'args' is not defined +2025-03-10 15:29:49,612 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,612 - ERROR - Error in episode 5: name 'args' is not defined +2025-03-10 15:29:49,615 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,616 - ERROR - Error in episode 6: name 'args' is not defined +2025-03-10 15:29:49,619 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,620 - ERROR - Error in episode 7: name 'args' is not defined +2025-03-10 15:29:49,622 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,623 - ERROR - Error in episode 8: name 'args' is not defined +2025-03-10 15:29:49,626 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,626 - ERROR - Error in episode 9: name 'args' is not defined +2025-03-10 15:29:49,629 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,629 - ERROR - Error in episode 10: name 'args' is not defined +2025-03-10 15:29:49,632 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,633 - ERROR - Error in episode 11: name 'args' is not defined +2025-03-10 15:29:49,636 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,636 - ERROR - Error in episode 12: name 'args' is not defined +2025-03-10 15:29:49,639 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,639 - ERROR - Error in episode 13: name 'args' is not defined +2025-03-10 15:29:49,642 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,642 - ERROR - Error in episode 14: name 'args' is not defined +2025-03-10 15:29:49,645 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,645 - ERROR - Error in episode 15: name 'args' is not defined +2025-03-10 15:29:49,649 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,649 - ERROR - Error in episode 16: name 'args' is not defined +2025-03-10 15:29:49,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,653 - ERROR - Error in episode 17: name 'args' is not defined +2025-03-10 15:29:49,655 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,655 - ERROR - Error in episode 18: name 'args' is not defined +2025-03-10 15:29:49,659 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,659 - ERROR - Error in episode 19: name 'args' is not defined +2025-03-10 15:29:49,662 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,662 - ERROR - Error in episode 20: name 'args' is not defined +2025-03-10 15:29:49,664 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,665 - ERROR - Error in episode 21: name 'args' is not defined +2025-03-10 15:29:49,668 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,668 - ERROR - Error in episode 22: name 'args' is not defined +2025-03-10 15:29:49,670 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,671 - ERROR - Error in episode 23: name 'args' is not defined +2025-03-10 15:29:49,673 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,673 - ERROR - Error in episode 24: name 'args' is not defined +2025-03-10 15:29:49,676 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,676 - ERROR - Error in episode 25: name 'args' is not defined +2025-03-10 15:29:49,679 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,679 - ERROR - Error in episode 26: name 'args' is not defined +2025-03-10 15:29:49,682 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,682 - ERROR - Error in episode 27: name 'args' is not defined +2025-03-10 15:29:49,684 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,685 - ERROR - Error in episode 28: name 'args' is not defined +2025-03-10 15:29:49,687 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,687 - ERROR - Error in episode 29: name 'args' is not defined +2025-03-10 15:29:49,690 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,690 - ERROR - Error in episode 30: name 'args' is not defined +2025-03-10 15:29:49,693 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,694 - ERROR - Error in episode 31: name 'args' is not defined +2025-03-10 15:29:49,696 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,697 - ERROR - Error in episode 32: name 'args' is not defined +2025-03-10 15:29:49,700 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,700 - ERROR - Error in episode 33: name 'args' is not defined +2025-03-10 15:29:49,703 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,703 - ERROR - Error in episode 34: name 'args' is not defined +2025-03-10 15:29:49,705 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,706 - ERROR - Error in episode 35: name 'args' is not defined +2025-03-10 15:29:49,708 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,708 - ERROR - Error in episode 36: name 'args' is not defined +2025-03-10 15:29:49,711 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,712 - ERROR - Error in episode 37: name 'args' is not defined +2025-03-10 15:29:49,715 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,716 - ERROR - Error in episode 38: name 'args' is not defined +2025-03-10 15:29:49,718 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,718 - ERROR - Error in episode 39: name 'args' is not defined +2025-03-10 15:29:49,721 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,721 - ERROR - Error in episode 40: name 'args' is not defined +2025-03-10 15:29:49,724 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,724 - ERROR - Error in episode 41: name 'args' is not defined +2025-03-10 15:29:49,726 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,727 - ERROR - Error in episode 42: name 'args' is not defined +2025-03-10 15:29:49,730 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,730 - ERROR - Error in episode 43: name 'args' is not defined +2025-03-10 15:29:49,733 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,733 - ERROR - Error in episode 44: name 'args' is not defined +2025-03-10 15:29:49,736 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,736 - ERROR - Error in episode 45: name 'args' is not defined +2025-03-10 15:29:49,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,739 - ERROR - Error in episode 46: name 'args' is not defined +2025-03-10 15:29:49,742 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,742 - ERROR - Error in episode 47: name 'args' is not defined +2025-03-10 15:29:49,744 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,745 - ERROR - Error in episode 48: name 'args' is not defined +2025-03-10 15:29:49,747 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,748 - ERROR - Error in episode 49: name 'args' is not defined +2025-03-10 15:29:49,750 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,750 - ERROR - Error in episode 50: name 'args' is not defined +2025-03-10 15:29:49,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,753 - ERROR - Error in episode 51: name 'args' is not defined +2025-03-10 15:29:49,756 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,756 - ERROR - Error in episode 52: name 'args' is not defined +2025-03-10 15:29:49,759 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,759 - ERROR - Error in episode 53: name 'args' is not defined +2025-03-10 15:29:49,762 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,762 - ERROR - Error in episode 54: name 'args' is not defined +2025-03-10 15:29:49,764 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,765 - ERROR - Error in episode 55: name 'args' is not defined +2025-03-10 15:29:49,768 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,768 - ERROR - Error in episode 56: name 'args' is not defined +2025-03-10 15:29:49,771 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,771 - ERROR - Error in episode 57: name 'args' is not defined +2025-03-10 15:29:49,774 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,774 - ERROR - Error in episode 58: name 'args' is not defined +2025-03-10 15:29:49,777 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,777 - ERROR - Error in episode 59: name 'args' is not defined +2025-03-10 15:29:49,780 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,780 - ERROR - Error in episode 60: name 'args' is not defined +2025-03-10 15:29:49,783 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,783 - ERROR - Error in episode 61: name 'args' is not defined +2025-03-10 15:29:49,785 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,786 - ERROR - Error in episode 62: name 'args' is not defined +2025-03-10 15:29:49,789 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,789 - ERROR - Error in episode 63: name 'args' is not defined +2025-03-10 15:29:49,792 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,792 - ERROR - Error in episode 64: name 'args' is not defined +2025-03-10 15:29:49,794 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,795 - ERROR - Error in episode 65: name 'args' is not defined +2025-03-10 15:29:49,797 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,797 - ERROR - Error in episode 66: name 'args' is not defined +2025-03-10 15:29:49,801 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,801 - ERROR - Error in episode 67: name 'args' is not defined +2025-03-10 15:29:49,803 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,804 - ERROR - Error in episode 68: name 'args' is not defined +2025-03-10 15:29:49,806 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,807 - ERROR - Error in episode 69: name 'args' is not defined +2025-03-10 15:29:49,810 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,810 - ERROR - Error in episode 70: name 'args' is not defined +2025-03-10 15:29:49,813 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,813 - ERROR - Error in episode 71: name 'args' is not defined +2025-03-10 15:29:49,815 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,815 - ERROR - Error in episode 72: name 'args' is not defined +2025-03-10 15:29:49,818 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,818 - ERROR - Error in episode 73: name 'args' is not defined +2025-03-10 15:29:49,821 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,821 - ERROR - Error in episode 74: name 'args' is not defined +2025-03-10 15:29:49,824 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,825 - ERROR - Error in episode 75: name 'args' is not defined +2025-03-10 15:29:49,827 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,827 - ERROR - Error in episode 76: name 'args' is not defined +2025-03-10 15:29:49,831 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,831 - ERROR - Error in episode 77: name 'args' is not defined +2025-03-10 15:29:49,835 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,835 - ERROR - Error in episode 78: name 'args' is not defined +2025-03-10 15:29:49,838 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,838 - ERROR - Error in episode 79: name 'args' is not defined +2025-03-10 15:29:49,840 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,840 - ERROR - Error in episode 80: name 'args' is not defined +2025-03-10 15:29:49,843 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,844 - ERROR - Error in episode 81: name 'args' is not defined +2025-03-10 15:29:49,846 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,847 - ERROR - Error in episode 82: name 'args' is not defined +2025-03-10 15:29:49,849 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,850 - ERROR - Error in episode 83: name 'args' is not defined +2025-03-10 15:29:49,852 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,852 - ERROR - Error in episode 84: name 'args' is not defined +2025-03-10 15:29:49,855 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,855 - ERROR - Error in episode 85: name 'args' is not defined +2025-03-10 15:29:49,858 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,858 - ERROR - Error in episode 86: name 'args' is not defined +2025-03-10 15:29:49,861 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,861 - ERROR - Error in episode 87: name 'args' is not defined +2025-03-10 15:29:49,863 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,864 - ERROR - Error in episode 88: name 'args' is not defined +2025-03-10 15:29:49,866 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,867 - ERROR - Error in episode 89: name 'args' is not defined +2025-03-10 15:29:49,869 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,869 - ERROR - Error in episode 90: name 'args' is not defined +2025-03-10 15:29:49,872 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,872 - ERROR - Error in episode 91: name 'args' is not defined +2025-03-10 15:29:49,875 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,876 - ERROR - Error in episode 92: name 'args' is not defined +2025-03-10 15:29:49,878 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,878 - ERROR - Error in episode 93: name 'args' is not defined +2025-03-10 15:29:49,881 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,881 - ERROR - Error in episode 94: name 'args' is not defined +2025-03-10 15:29:49,884 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,885 - ERROR - Error in episode 95: name 'args' is not defined +2025-03-10 15:29:49,887 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,887 - ERROR - Error in episode 96: name 'args' is not defined +2025-03-10 15:29:49,890 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,890 - ERROR - Error in episode 97: name 'args' is not defined +2025-03-10 15:29:49,893 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,893 - ERROR - Error in episode 98: name 'args' is not defined +2025-03-10 15:29:49,896 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,897 - ERROR - Error in episode 99: name 'args' is not defined +2025-03-10 15:29:49,900 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,900 - INFO - Moving to curriculum stage 2: risk_factor=0.75, exploration=0.2 +2025-03-10 15:29:49,900 - ERROR - Error in episode 100: name 'args' is not defined +2025-03-10 15:29:49,903 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,903 - ERROR - Error in episode 101: name 'args' is not defined +2025-03-10 15:29:49,906 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,906 - ERROR - Error in episode 102: name 'args' is not defined +2025-03-10 15:29:49,909 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,909 - ERROR - Error in episode 103: name 'args' is not defined +2025-03-10 15:29:49,912 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,912 - ERROR - Error in episode 104: name 'args' is not defined +2025-03-10 15:29:49,914 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,915 - ERROR - Error in episode 105: name 'args' is not defined +2025-03-10 15:29:49,917 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,917 - ERROR - Error in episode 106: name 'args' is not defined +2025-03-10 15:29:49,920 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,920 - ERROR - Error in episode 107: name 'args' is not defined +2025-03-10 15:29:49,923 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,923 - ERROR - Error in episode 108: name 'args' is not defined +2025-03-10 15:29:49,926 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,926 - ERROR - Error in episode 109: name 'args' is not defined +2025-03-10 15:29:49,928 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,929 - ERROR - Error in episode 110: name 'args' is not defined +2025-03-10 15:29:49,931 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,932 - ERROR - Error in episode 111: name 'args' is not defined +2025-03-10 15:29:49,934 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,935 - ERROR - Error in episode 112: name 'args' is not defined +2025-03-10 15:29:49,937 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,938 - ERROR - Error in episode 113: name 'args' is not defined +2025-03-10 15:29:49,940 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,941 - ERROR - Error in episode 114: name 'args' is not defined +2025-03-10 15:29:49,944 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,944 - ERROR - Error in episode 115: name 'args' is not defined +2025-03-10 15:29:49,946 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,947 - ERROR - Error in episode 116: name 'args' is not defined +2025-03-10 15:29:49,950 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,950 - ERROR - Error in episode 117: name 'args' is not defined +2025-03-10 15:29:49,953 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,953 - ERROR - Error in episode 118: name 'args' is not defined +2025-03-10 15:29:49,955 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,956 - ERROR - Error in episode 119: name 'args' is not defined +2025-03-10 15:29:49,958 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,958 - ERROR - Error in episode 120: name 'args' is not defined +2025-03-10 15:29:49,961 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,961 - ERROR - Error in episode 121: name 'args' is not defined +2025-03-10 15:29:49,964 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,964 - ERROR - Error in episode 122: name 'args' is not defined +2025-03-10 15:29:49,968 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,968 - ERROR - Error in episode 123: name 'args' is not defined +2025-03-10 15:29:49,970 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,970 - ERROR - Error in episode 124: name 'args' is not defined +2025-03-10 15:29:49,973 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,973 - ERROR - Error in episode 125: name 'args' is not defined +2025-03-10 15:29:49,976 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,976 - ERROR - Error in episode 126: name 'args' is not defined +2025-03-10 15:29:49,978 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,979 - ERROR - Error in episode 127: name 'args' is not defined +2025-03-10 15:29:49,982 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,982 - ERROR - Error in episode 128: name 'args' is not defined +2025-03-10 15:29:49,984 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,985 - ERROR - Error in episode 129: name 'args' is not defined +2025-03-10 15:29:49,988 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,988 - ERROR - Error in episode 130: name 'args' is not defined +2025-03-10 15:29:49,991 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,991 - ERROR - Error in episode 131: name 'args' is not defined +2025-03-10 15:29:49,993 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,994 - ERROR - Error in episode 132: name 'args' is not defined +2025-03-10 15:29:49,997 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:49,998 - ERROR - Error in episode 133: name 'args' is not defined +2025-03-10 15:29:50,000 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,000 - ERROR - Error in episode 134: name 'args' is not defined +2025-03-10 15:29:50,003 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,003 - ERROR - Error in episode 135: name 'args' is not defined +2025-03-10 15:29:50,006 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,006 - ERROR - Error in episode 136: name 'args' is not defined +2025-03-10 15:29:50,009 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,009 - ERROR - Error in episode 137: name 'args' is not defined +2025-03-10 15:29:50,011 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,012 - ERROR - Error in episode 138: name 'args' is not defined +2025-03-10 15:29:50,014 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,015 - ERROR - Error in episode 139: name 'args' is not defined +2025-03-10 15:29:50,017 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,018 - ERROR - Error in episode 140: name 'args' is not defined +2025-03-10 15:29:50,021 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,022 - ERROR - Error in episode 141: name 'args' is not defined +2025-03-10 15:29:50,024 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,024 - ERROR - Error in episode 142: name 'args' is not defined +2025-03-10 15:29:50,027 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,027 - ERROR - Error in episode 143: name 'args' is not defined +2025-03-10 15:29:50,030 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,030 - ERROR - Error in episode 144: name 'args' is not defined +2025-03-10 15:29:50,033 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,033 - ERROR - Error in episode 145: name 'args' is not defined +2025-03-10 15:29:50,036 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,036 - ERROR - Error in episode 146: name 'args' is not defined +2025-03-10 15:29:50,039 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,040 - ERROR - Error in episode 147: name 'args' is not defined +2025-03-10 15:29:50,042 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,042 - ERROR - Error in episode 148: name 'args' is not defined +2025-03-10 15:29:50,044 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,044 - ERROR - Error in episode 149: name 'args' is not defined +2025-03-10 15:29:50,047 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,047 - ERROR - Error in episode 150: name 'args' is not defined +2025-03-10 15:29:50,050 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,050 - ERROR - Error in episode 151: name 'args' is not defined +2025-03-10 15:29:50,052 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,053 - ERROR - Error in episode 152: name 'args' is not defined +2025-03-10 15:29:50,055 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,056 - ERROR - Error in episode 153: name 'args' is not defined +2025-03-10 15:29:50,059 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,059 - ERROR - Error in episode 154: name 'args' is not defined +2025-03-10 15:29:50,062 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,062 - ERROR - Error in episode 155: name 'args' is not defined +2025-03-10 15:29:50,065 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,065 - ERROR - Error in episode 156: name 'args' is not defined +2025-03-10 15:29:50,068 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,068 - ERROR - Error in episode 157: name 'args' is not defined +2025-03-10 15:29:50,070 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,071 - ERROR - Error in episode 158: name 'args' is not defined +2025-03-10 15:29:50,073 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,074 - ERROR - Error in episode 159: name 'args' is not defined +2025-03-10 15:29:50,076 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,076 - ERROR - Error in episode 160: name 'args' is not defined +2025-03-10 15:29:50,079 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,079 - ERROR - Error in episode 161: name 'args' is not defined +2025-03-10 15:29:50,082 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,082 - ERROR - Error in episode 162: name 'args' is not defined +2025-03-10 15:29:50,085 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,085 - ERROR - Error in episode 163: name 'args' is not defined +2025-03-10 15:29:50,088 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,088 - ERROR - Error in episode 164: name 'args' is not defined +2025-03-10 15:29:50,090 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,091 - ERROR - Error in episode 165: name 'args' is not defined +2025-03-10 15:29:50,093 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,094 - ERROR - Error in episode 166: name 'args' is not defined +2025-03-10 15:29:50,096 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,097 - ERROR - Error in episode 167: name 'args' is not defined +2025-03-10 15:29:50,099 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,099 - ERROR - Error in episode 168: name 'args' is not defined +2025-03-10 15:29:50,102 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,102 - ERROR - Error in episode 169: name 'args' is not defined +2025-03-10 15:29:50,105 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,105 - ERROR - Error in episode 170: name 'args' is not defined +2025-03-10 15:29:50,107 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,108 - ERROR - Error in episode 171: name 'args' is not defined +2025-03-10 15:29:50,110 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,111 - ERROR - Error in episode 172: name 'args' is not defined +2025-03-10 15:29:50,114 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,114 - ERROR - Error in episode 173: name 'args' is not defined +2025-03-10 15:29:50,116 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,117 - ERROR - Error in episode 174: name 'args' is not defined +2025-03-10 15:29:50,119 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,119 - ERROR - Error in episode 175: name 'args' is not defined +2025-03-10 15:29:50,123 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,123 - ERROR - Error in episode 176: name 'args' is not defined +2025-03-10 15:29:50,126 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,126 - ERROR - Error in episode 177: name 'args' is not defined +2025-03-10 15:29:50,128 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,129 - ERROR - Error in episode 178: name 'args' is not defined +2025-03-10 15:29:50,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,132 - ERROR - Error in episode 179: name 'args' is not defined +2025-03-10 15:29:50,134 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,135 - ERROR - Error in episode 180: name 'args' is not defined +2025-03-10 15:29:50,137 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,138 - ERROR - Error in episode 181: name 'args' is not defined +2025-03-10 15:29:50,140 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,140 - ERROR - Error in episode 182: name 'args' is not defined +2025-03-10 15:29:50,143 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,143 - ERROR - Error in episode 183: name 'args' is not defined +2025-03-10 15:29:50,146 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,146 - ERROR - Error in episode 184: name 'args' is not defined +2025-03-10 15:29:50,149 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,149 - ERROR - Error in episode 185: name 'args' is not defined +2025-03-10 15:29:50,152 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,152 - ERROR - Error in episode 186: name 'args' is not defined +2025-03-10 15:29:50,155 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,155 - ERROR - Error in episode 187: name 'args' is not defined +2025-03-10 15:29:50,158 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,158 - ERROR - Error in episode 188: name 'args' is not defined +2025-03-10 15:29:50,161 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,161 - ERROR - Error in episode 189: name 'args' is not defined +2025-03-10 15:29:50,164 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,164 - ERROR - Error in episode 190: name 'args' is not defined +2025-03-10 15:29:50,167 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,167 - ERROR - Error in episode 191: name 'args' is not defined +2025-03-10 15:29:50,170 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,171 - ERROR - Error in episode 192: name 'args' is not defined +2025-03-10 15:29:50,173 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,174 - ERROR - Error in episode 193: name 'args' is not defined +2025-03-10 15:29:50,176 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,176 - ERROR - Error in episode 194: name 'args' is not defined +2025-03-10 15:29:50,179 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,180 - ERROR - Error in episode 195: name 'args' is not defined +2025-03-10 15:29:50,182 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,183 - ERROR - Error in episode 196: name 'args' is not defined +2025-03-10 15:29:50,186 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,186 - ERROR - Error in episode 197: name 'args' is not defined +2025-03-10 15:29:50,188 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,188 - ERROR - Error in episode 198: name 'args' is not defined +2025-03-10 15:29:50,191 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,191 - ERROR - Error in episode 199: name 'args' is not defined +2025-03-10 15:29:50,194 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,195 - INFO - Moving to curriculum stage 3: risk_factor=1.0, exploration=0.1 +2025-03-10 15:29:50,195 - ERROR - Error in episode 200: name 'args' is not defined +2025-03-10 15:29:50,198 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,198 - ERROR - Error in episode 201: name 'args' is not defined +2025-03-10 15:29:50,201 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,201 - ERROR - Error in episode 202: name 'args' is not defined +2025-03-10 15:29:50,204 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,205 - ERROR - Error in episode 203: name 'args' is not defined +2025-03-10 15:29:50,207 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,208 - ERROR - Error in episode 204: name 'args' is not defined +2025-03-10 15:29:50,211 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,211 - ERROR - Error in episode 205: name 'args' is not defined +2025-03-10 15:29:50,213 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,214 - ERROR - Error in episode 206: name 'args' is not defined +2025-03-10 15:29:50,216 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,217 - ERROR - Error in episode 207: name 'args' is not defined +2025-03-10 15:29:50,219 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,219 - ERROR - Error in episode 208: name 'args' is not defined +2025-03-10 15:29:50,222 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,223 - ERROR - Error in episode 209: name 'args' is not defined +2025-03-10 15:29:50,226 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,226 - ERROR - Error in episode 210: name 'args' is not defined +2025-03-10 15:29:50,230 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,230 - ERROR - Error in episode 211: name 'args' is not defined +2025-03-10 15:29:50,233 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,234 - ERROR - Error in episode 212: name 'args' is not defined +2025-03-10 15:29:50,236 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,236 - ERROR - Error in episode 213: name 'args' is not defined +2025-03-10 15:29:50,239 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,239 - ERROR - Error in episode 214: name 'args' is not defined +2025-03-10 15:29:50,242 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,242 - ERROR - Error in episode 215: name 'args' is not defined +2025-03-10 15:29:50,245 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,246 - ERROR - Error in episode 216: name 'args' is not defined +2025-03-10 15:29:50,248 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,249 - ERROR - Error in episode 217: name 'args' is not defined +2025-03-10 15:29:50,252 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,252 - ERROR - Error in episode 218: name 'args' is not defined +2025-03-10 15:29:50,254 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,255 - ERROR - Error in episode 219: name 'args' is not defined +2025-03-10 15:29:50,257 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,258 - ERROR - Error in episode 220: name 'args' is not defined +2025-03-10 15:29:50,260 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,260 - ERROR - Error in episode 221: name 'args' is not defined +2025-03-10 15:29:50,263 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,263 - ERROR - Error in episode 222: name 'args' is not defined +2025-03-10 15:29:50,266 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,266 - ERROR - Error in episode 223: name 'args' is not defined +2025-03-10 15:29:50,269 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,270 - ERROR - Error in episode 224: name 'args' is not defined +2025-03-10 15:29:50,272 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,272 - ERROR - Error in episode 225: name 'args' is not defined +2025-03-10 15:29:50,275 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,276 - ERROR - Error in episode 226: name 'args' is not defined +2025-03-10 15:29:50,278 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,279 - ERROR - Error in episode 227: name 'args' is not defined +2025-03-10 15:29:50,281 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,281 - ERROR - Error in episode 228: name 'args' is not defined +2025-03-10 15:29:50,284 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,285 - ERROR - Error in episode 229: name 'args' is not defined +2025-03-10 15:29:50,287 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,287 - ERROR - Error in episode 230: name 'args' is not defined +2025-03-10 15:29:50,290 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,290 - ERROR - Error in episode 231: name 'args' is not defined +2025-03-10 15:29:50,293 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,293 - ERROR - Error in episode 232: name 'args' is not defined +2025-03-10 15:29:50,296 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,296 - ERROR - Error in episode 233: name 'args' is not defined +2025-03-10 15:29:50,298 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,299 - ERROR - Error in episode 234: name 'args' is not defined +2025-03-10 15:29:50,302 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,302 - ERROR - Error in episode 235: name 'args' is not defined +2025-03-10 15:29:50,304 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,304 - ERROR - Error in episode 236: name 'args' is not defined +2025-03-10 15:29:50,307 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,307 - ERROR - Error in episode 237: name 'args' is not defined +2025-03-10 15:29:50,310 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,310 - ERROR - Error in episode 238: name 'args' is not defined +2025-03-10 15:29:50,313 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,313 - ERROR - Error in episode 239: name 'args' is not defined +2025-03-10 15:29:50,315 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,316 - ERROR - Error in episode 240: name 'args' is not defined +2025-03-10 15:29:50,318 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,319 - ERROR - Error in episode 241: name 'args' is not defined +2025-03-10 15:29:50,321 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,322 - ERROR - Error in episode 242: name 'args' is not defined +2025-03-10 15:29:50,324 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,325 - ERROR - Error in episode 243: name 'args' is not defined +2025-03-10 15:29:50,327 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,328 - ERROR - Error in episode 244: name 'args' is not defined +2025-03-10 15:29:50,330 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,331 - ERROR - Error in episode 245: name 'args' is not defined +2025-03-10 15:29:50,333 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,333 - ERROR - Error in episode 246: name 'args' is not defined +2025-03-10 15:29:50,336 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,337 - ERROR - Error in episode 247: name 'args' is not defined +2025-03-10 15:29:50,339 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,340 - ERROR - Error in episode 248: name 'args' is not defined +2025-03-10 15:29:50,342 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,342 - ERROR - Error in episode 249: name 'args' is not defined +2025-03-10 15:29:50,345 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,345 - ERROR - Error in episode 250: name 'args' is not defined +2025-03-10 15:29:50,348 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,348 - ERROR - Error in episode 251: name 'args' is not defined +2025-03-10 15:29:50,351 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,351 - ERROR - Error in episode 252: name 'args' is not defined +2025-03-10 15:29:50,353 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,354 - ERROR - Error in episode 253: name 'args' is not defined +2025-03-10 15:29:50,356 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,357 - ERROR - Error in episode 254: name 'args' is not defined +2025-03-10 15:29:50,359 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,359 - ERROR - Error in episode 255: name 'args' is not defined +2025-03-10 15:29:50,362 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,362 - ERROR - Error in episode 256: name 'args' is not defined +2025-03-10 15:29:50,365 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,365 - ERROR - Error in episode 257: name 'args' is not defined +2025-03-10 15:29:50,367 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,368 - ERROR - Error in episode 258: name 'args' is not defined +2025-03-10 15:29:50,371 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,371 - ERROR - Error in episode 259: name 'args' is not defined +2025-03-10 15:29:50,374 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,374 - ERROR - Error in episode 260: name 'args' is not defined +2025-03-10 15:29:50,377 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,377 - ERROR - Error in episode 261: name 'args' is not defined +2025-03-10 15:29:50,380 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,380 - ERROR - Error in episode 262: name 'args' is not defined +2025-03-10 15:29:50,383 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,383 - ERROR - Error in episode 263: name 'args' is not defined +2025-03-10 15:29:50,385 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,385 - ERROR - Error in episode 264: name 'args' is not defined +2025-03-10 15:29:50,388 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,388 - ERROR - Error in episode 265: name 'args' is not defined +2025-03-10 15:29:50,391 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,391 - ERROR - Error in episode 266: name 'args' is not defined +2025-03-10 15:29:50,393 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,394 - ERROR - Error in episode 267: name 'args' is not defined +2025-03-10 15:29:50,396 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,396 - ERROR - Error in episode 268: name 'args' is not defined +2025-03-10 15:29:50,399 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,399 - ERROR - Error in episode 269: name 'args' is not defined +2025-03-10 15:29:50,402 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,402 - ERROR - Error in episode 270: name 'args' is not defined +2025-03-10 15:29:50,405 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,406 - ERROR - Error in episode 271: name 'args' is not defined +2025-03-10 15:29:50,408 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,409 - ERROR - Error in episode 272: name 'args' is not defined +2025-03-10 15:29:50,412 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,413 - ERROR - Error in episode 273: name 'args' is not defined +2025-03-10 15:29:50,416 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,416 - ERROR - Error in episode 274: name 'args' is not defined +2025-03-10 15:29:50,418 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,418 - ERROR - Error in episode 275: name 'args' is not defined +2025-03-10 15:29:50,421 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,421 - ERROR - Error in episode 276: name 'args' is not defined +2025-03-10 15:29:50,424 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,424 - ERROR - Error in episode 277: name 'args' is not defined +2025-03-10 15:29:50,427 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,428 - ERROR - Error in episode 278: name 'args' is not defined +2025-03-10 15:29:50,431 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,431 - ERROR - Error in episode 279: name 'args' is not defined +2025-03-10 15:29:50,434 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,434 - ERROR - Error in episode 280: name 'args' is not defined +2025-03-10 15:29:50,437 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,437 - ERROR - Error in episode 281: name 'args' is not defined +2025-03-10 15:29:50,439 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,440 - ERROR - Error in episode 282: name 'args' is not defined +2025-03-10 15:29:50,442 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,442 - ERROR - Error in episode 283: name 'args' is not defined +2025-03-10 15:29:50,445 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,445 - ERROR - Error in episode 284: name 'args' is not defined +2025-03-10 15:29:50,448 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,448 - ERROR - Error in episode 285: name 'args' is not defined +2025-03-10 15:29:50,450 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,451 - ERROR - Error in episode 286: name 'args' is not defined +2025-03-10 15:29:50,453 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,453 - ERROR - Error in episode 287: name 'args' is not defined +2025-03-10 15:29:50,456 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,457 - ERROR - Error in episode 288: name 'args' is not defined +2025-03-10 15:29:50,459 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,459 - ERROR - Error in episode 289: name 'args' is not defined +2025-03-10 15:29:50,462 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,463 - ERROR - Error in episode 290: name 'args' is not defined +2025-03-10 15:29:50,466 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,466 - ERROR - Error in episode 291: name 'args' is not defined +2025-03-10 15:29:50,468 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,469 - ERROR - Error in episode 292: name 'args' is not defined +2025-03-10 15:29:50,471 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,472 - ERROR - Error in episode 293: name 'args' is not defined +2025-03-10 15:29:50,474 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,474 - ERROR - Error in episode 294: name 'args' is not defined +2025-03-10 15:29:50,476 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,477 - ERROR - Error in episode 295: name 'args' is not defined +2025-03-10 15:29:50,480 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,480 - ERROR - Error in episode 296: name 'args' is not defined +2025-03-10 15:29:50,482 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,483 - ERROR - Error in episode 297: name 'args' is not defined +2025-03-10 15:29:50,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,486 - ERROR - Error in episode 298: name 'args' is not defined +2025-03-10 15:29:50,488 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,488 - ERROR - Error in episode 299: name 'args' is not defined +2025-03-10 15:29:50,491 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,491 - INFO - Moving to curriculum stage 4: risk_factor=1.25, exploration=0.05 +2025-03-10 15:29:50,492 - ERROR - Error in episode 300: name 'args' is not defined +2025-03-10 15:29:50,494 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,494 - ERROR - Error in episode 301: name 'args' is not defined +2025-03-10 15:29:50,497 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,498 - ERROR - Error in episode 302: name 'args' is not defined +2025-03-10 15:29:50,500 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,500 - ERROR - Error in episode 303: name 'args' is not defined +2025-03-10 15:29:50,503 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,503 - ERROR - Error in episode 304: name 'args' is not defined +2025-03-10 15:29:50,505 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,506 - ERROR - Error in episode 305: name 'args' is not defined +2025-03-10 15:29:50,508 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,508 - ERROR - Error in episode 306: name 'args' is not defined +2025-03-10 15:29:50,511 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,511 - ERROR - Error in episode 307: name 'args' is not defined +2025-03-10 15:29:50,514 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,514 - ERROR - Error in episode 308: name 'args' is not defined +2025-03-10 15:29:50,517 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,517 - ERROR - Error in episode 309: name 'args' is not defined +2025-03-10 15:29:50,519 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,519 - ERROR - Error in episode 310: name 'args' is not defined +2025-03-10 15:29:50,522 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,522 - ERROR - Error in episode 311: name 'args' is not defined +2025-03-10 15:29:50,524 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,524 - ERROR - Error in episode 312: name 'args' is not defined +2025-03-10 15:29:50,528 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,528 - ERROR - Error in episode 313: name 'args' is not defined +2025-03-10 15:29:50,531 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,531 - ERROR - Error in episode 314: name 'args' is not defined +2025-03-10 15:29:50,533 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,534 - ERROR - Error in episode 315: name 'args' is not defined +2025-03-10 15:29:50,536 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,536 - ERROR - Error in episode 316: name 'args' is not defined +2025-03-10 15:29:50,540 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,540 - ERROR - Error in episode 317: name 'args' is not defined +2025-03-10 15:29:50,542 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,543 - ERROR - Error in episode 318: name 'args' is not defined +2025-03-10 15:29:50,545 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,545 - ERROR - Error in episode 319: name 'args' is not defined +2025-03-10 15:29:50,548 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,548 - ERROR - Error in episode 320: name 'args' is not defined +2025-03-10 15:29:50,551 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,551 - ERROR - Error in episode 321: name 'args' is not defined +2025-03-10 15:29:50,554 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,554 - ERROR - Error in episode 322: name 'args' is not defined +2025-03-10 15:29:50,557 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,557 - ERROR - Error in episode 323: name 'args' is not defined +2025-03-10 15:29:50,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,560 - ERROR - Error in episode 324: name 'args' is not defined +2025-03-10 15:29:50,562 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,562 - ERROR - Error in episode 325: name 'args' is not defined +2025-03-10 15:29:50,565 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,565 - ERROR - Error in episode 326: name 'args' is not defined +2025-03-10 15:29:50,568 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,568 - ERROR - Error in episode 327: name 'args' is not defined +2025-03-10 15:29:50,571 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,571 - ERROR - Error in episode 328: name 'args' is not defined +2025-03-10 15:29:50,573 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,574 - ERROR - Error in episode 329: name 'args' is not defined +2025-03-10 15:29:50,576 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,576 - ERROR - Error in episode 330: name 'args' is not defined +2025-03-10 15:29:50,579 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,579 - ERROR - Error in episode 331: name 'args' is not defined +2025-03-10 15:29:50,582 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,582 - ERROR - Error in episode 332: name 'args' is not defined +2025-03-10 15:29:50,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,585 - ERROR - Error in episode 333: name 'args' is not defined +2025-03-10 15:29:50,587 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,587 - ERROR - Error in episode 334: name 'args' is not defined +2025-03-10 15:29:50,589 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,590 - ERROR - Error in episode 335: name 'args' is not defined +2025-03-10 15:29:50,593 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,593 - ERROR - Error in episode 336: name 'args' is not defined +2025-03-10 15:29:50,596 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,596 - ERROR - Error in episode 337: name 'args' is not defined +2025-03-10 15:29:50,599 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,599 - ERROR - Error in episode 338: name 'args' is not defined +2025-03-10 15:29:50,602 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,602 - ERROR - Error in episode 339: name 'args' is not defined +2025-03-10 15:29:50,605 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,605 - ERROR - Error in episode 340: name 'args' is not defined +2025-03-10 15:29:50,608 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,608 - ERROR - Error in episode 341: name 'args' is not defined +2025-03-10 15:29:50,611 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,611 - ERROR - Error in episode 342: name 'args' is not defined +2025-03-10 15:29:50,615 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,615 - ERROR - Error in episode 343: name 'args' is not defined +2025-03-10 15:29:50,617 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,617 - ERROR - Error in episode 344: name 'args' is not defined +2025-03-10 15:29:50,620 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,620 - ERROR - Error in episode 345: name 'args' is not defined +2025-03-10 15:29:50,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,623 - ERROR - Error in episode 346: name 'args' is not defined +2025-03-10 15:29:50,626 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,626 - ERROR - Error in episode 347: name 'args' is not defined +2025-03-10 15:29:50,629 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,629 - ERROR - Error in episode 348: name 'args' is not defined +2025-03-10 15:29:50,632 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,632 - ERROR - Error in episode 349: name 'args' is not defined +2025-03-10 15:29:50,634 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,635 - ERROR - Error in episode 350: name 'args' is not defined +2025-03-10 15:29:50,638 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,638 - ERROR - Error in episode 351: name 'args' is not defined +2025-03-10 15:29:50,641 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,641 - ERROR - Error in episode 352: name 'args' is not defined +2025-03-10 15:29:50,644 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,644 - ERROR - Error in episode 353: name 'args' is not defined +2025-03-10 15:29:50,647 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,648 - ERROR - Error in episode 354: name 'args' is not defined +2025-03-10 15:29:50,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,652 - ERROR - Error in episode 355: name 'args' is not defined +2025-03-10 15:29:50,654 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,655 - ERROR - Error in episode 356: name 'args' is not defined +2025-03-10 15:29:50,658 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,658 - ERROR - Error in episode 357: name 'args' is not defined +2025-03-10 15:29:50,660 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,660 - ERROR - Error in episode 358: name 'args' is not defined +2025-03-10 15:29:50,663 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,663 - ERROR - Error in episode 359: name 'args' is not defined +2025-03-10 15:29:50,666 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,666 - ERROR - Error in episode 360: name 'args' is not defined +2025-03-10 15:29:50,669 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,669 - ERROR - Error in episode 361: name 'args' is not defined +2025-03-10 15:29:50,672 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,672 - ERROR - Error in episode 362: name 'args' is not defined +2025-03-10 15:29:50,674 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,675 - ERROR - Error in episode 363: name 'args' is not defined +2025-03-10 15:29:50,677 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,678 - ERROR - Error in episode 364: name 'args' is not defined +2025-03-10 15:29:50,681 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,681 - ERROR - Error in episode 365: name 'args' is not defined +2025-03-10 15:29:50,684 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,685 - ERROR - Error in episode 366: name 'args' is not defined +2025-03-10 15:29:50,687 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,687 - ERROR - Error in episode 367: name 'args' is not defined +2025-03-10 15:29:50,690 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,691 - ERROR - Error in episode 368: name 'args' is not defined +2025-03-10 15:29:50,693 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,693 - ERROR - Error in episode 369: name 'args' is not defined +2025-03-10 15:29:50,696 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,696 - ERROR - Error in episode 370: name 'args' is not defined +2025-03-10 15:29:50,699 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,699 - ERROR - Error in episode 371: name 'args' is not defined +2025-03-10 15:29:50,701 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,702 - ERROR - Error in episode 372: name 'args' is not defined +2025-03-10 15:29:50,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,705 - ERROR - Error in episode 373: name 'args' is not defined +2025-03-10 15:29:50,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,707 - ERROR - Error in episode 374: name 'args' is not defined +2025-03-10 15:29:50,709 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,710 - ERROR - Error in episode 375: name 'args' is not defined +2025-03-10 15:29:50,712 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,713 - ERROR - Error in episode 376: name 'args' is not defined +2025-03-10 15:29:50,716 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,716 - ERROR - Error in episode 377: name 'args' is not defined +2025-03-10 15:29:50,719 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,719 - ERROR - Error in episode 378: name 'args' is not defined +2025-03-10 15:29:50,721 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,722 - ERROR - Error in episode 379: name 'args' is not defined +2025-03-10 15:29:50,724 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,724 - ERROR - Error in episode 380: name 'args' is not defined +2025-03-10 15:29:50,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,727 - ERROR - Error in episode 381: name 'args' is not defined +2025-03-10 15:29:50,730 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,730 - ERROR - Error in episode 382: name 'args' is not defined +2025-03-10 15:29:50,732 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,733 - ERROR - Error in episode 383: name 'args' is not defined +2025-03-10 15:29:50,735 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,736 - ERROR - Error in episode 384: name 'args' is not defined +2025-03-10 15:29:50,738 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,738 - ERROR - Error in episode 385: name 'args' is not defined +2025-03-10 15:29:50,741 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,741 - ERROR - Error in episode 386: name 'args' is not defined +2025-03-10 15:29:50,745 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,745 - ERROR - Error in episode 387: name 'args' is not defined +2025-03-10 15:29:50,748 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,748 - ERROR - Error in episode 388: name 'args' is not defined +2025-03-10 15:29:50,750 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,751 - ERROR - Error in episode 389: name 'args' is not defined +2025-03-10 15:29:50,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,753 - ERROR - Error in episode 390: name 'args' is not defined +2025-03-10 15:29:50,756 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,756 - ERROR - Error in episode 391: name 'args' is not defined +2025-03-10 15:29:50,758 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,759 - ERROR - Error in episode 392: name 'args' is not defined +2025-03-10 15:29:50,761 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,762 - ERROR - Error in episode 393: name 'args' is not defined +2025-03-10 15:29:50,764 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,764 - ERROR - Error in episode 394: name 'args' is not defined +2025-03-10 15:29:50,767 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,768 - ERROR - Error in episode 395: name 'args' is not defined +2025-03-10 15:29:50,770 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,770 - ERROR - Error in episode 396: name 'args' is not defined +2025-03-10 15:29:50,773 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,773 - ERROR - Error in episode 397: name 'args' is not defined +2025-03-10 15:29:50,776 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,776 - ERROR - Error in episode 398: name 'args' is not defined +2025-03-10 15:29:50,779 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,779 - ERROR - Error in episode 399: name 'args' is not defined +2025-03-10 15:29:50,781 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,782 - ERROR - Error in episode 400: name 'args' is not defined +2025-03-10 15:29:50,785 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,785 - ERROR - Error in episode 401: name 'args' is not defined +2025-03-10 15:29:50,787 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,787 - ERROR - Error in episode 402: name 'args' is not defined +2025-03-10 15:29:50,790 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,790 - ERROR - Error in episode 403: name 'args' is not defined +2025-03-10 15:29:50,792 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,793 - ERROR - Error in episode 404: name 'args' is not defined +2025-03-10 15:29:50,795 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,796 - ERROR - Error in episode 405: name 'args' is not defined +2025-03-10 15:29:50,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,798 - ERROR - Error in episode 406: name 'args' is not defined +2025-03-10 15:29:50,801 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,802 - ERROR - Error in episode 407: name 'args' is not defined +2025-03-10 15:29:50,804 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,804 - ERROR - Error in episode 408: name 'args' is not defined +2025-03-10 15:29:50,807 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,807 - ERROR - Error in episode 409: name 'args' is not defined +2025-03-10 15:29:50,809 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,809 - ERROR - Error in episode 410: name 'args' is not defined +2025-03-10 15:29:50,812 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,812 - ERROR - Error in episode 411: name 'args' is not defined +2025-03-10 15:29:50,815 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,815 - ERROR - Error in episode 412: name 'args' is not defined +2025-03-10 15:29:50,818 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,819 - ERROR - Error in episode 413: name 'args' is not defined +2025-03-10 15:29:50,821 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,822 - ERROR - Error in episode 414: name 'args' is not defined +2025-03-10 15:29:50,824 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,824 - ERROR - Error in episode 415: name 'args' is not defined +2025-03-10 15:29:50,827 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,827 - ERROR - Error in episode 416: name 'args' is not defined +2025-03-10 15:29:50,829 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,830 - ERROR - Error in episode 417: name 'args' is not defined +2025-03-10 15:29:50,832 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,833 - ERROR - Error in episode 418: name 'args' is not defined +2025-03-10 15:29:50,835 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,836 - ERROR - Error in episode 419: name 'args' is not defined +2025-03-10 15:29:50,839 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,839 - ERROR - Error in episode 420: name 'args' is not defined +2025-03-10 15:29:50,841 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,842 - ERROR - Error in episode 421: name 'args' is not defined +2025-03-10 15:29:50,844 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,845 - ERROR - Error in episode 422: name 'args' is not defined +2025-03-10 15:29:50,848 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,848 - ERROR - Error in episode 423: name 'args' is not defined +2025-03-10 15:29:50,850 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,851 - ERROR - Error in episode 424: name 'args' is not defined +2025-03-10 15:29:50,853 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,853 - ERROR - Error in episode 425: name 'args' is not defined +2025-03-10 15:29:50,856 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,856 - ERROR - Error in episode 426: name 'args' is not defined +2025-03-10 15:29:50,858 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,859 - ERROR - Error in episode 427: name 'args' is not defined +2025-03-10 15:29:50,861 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,861 - ERROR - Error in episode 428: name 'args' is not defined +2025-03-10 15:29:50,864 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,864 - ERROR - Error in episode 429: name 'args' is not defined +2025-03-10 15:29:50,867 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,867 - ERROR - Error in episode 430: name 'args' is not defined +2025-03-10 15:29:50,869 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,870 - ERROR - Error in episode 431: name 'args' is not defined +2025-03-10 15:29:50,872 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,873 - ERROR - Error in episode 432: name 'args' is not defined +2025-03-10 15:29:50,875 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,875 - ERROR - Error in episode 433: name 'args' is not defined +2025-03-10 15:29:50,878 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,878 - ERROR - Error in episode 434: name 'args' is not defined +2025-03-10 15:29:50,881 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,881 - ERROR - Error in episode 435: name 'args' is not defined +2025-03-10 15:29:50,884 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,885 - ERROR - Error in episode 436: name 'args' is not defined +2025-03-10 15:29:50,887 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,888 - ERROR - Error in episode 437: name 'args' is not defined +2025-03-10 15:29:50,890 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,891 - ERROR - Error in episode 438: name 'args' is not defined +2025-03-10 15:29:50,893 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,893 - ERROR - Error in episode 439: name 'args' is not defined +2025-03-10 15:29:50,896 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,896 - ERROR - Error in episode 440: name 'args' is not defined +2025-03-10 15:29:50,899 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,899 - ERROR - Error in episode 441: name 'args' is not defined +2025-03-10 15:29:50,902 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,902 - ERROR - Error in episode 442: name 'args' is not defined +2025-03-10 15:29:50,905 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,906 - ERROR - Error in episode 443: name 'args' is not defined +2025-03-10 15:29:50,908 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,908 - ERROR - Error in episode 444: name 'args' is not defined +2025-03-10 15:29:50,911 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,911 - ERROR - Error in episode 445: name 'args' is not defined +2025-03-10 15:29:50,913 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,914 - ERROR - Error in episode 446: name 'args' is not defined +2025-03-10 15:29:50,916 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,916 - ERROR - Error in episode 447: name 'args' is not defined +2025-03-10 15:29:50,920 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,920 - ERROR - Error in episode 448: name 'args' is not defined +2025-03-10 15:29:50,923 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,923 - ERROR - Error in episode 449: name 'args' is not defined +2025-03-10 15:29:50,925 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,925 - ERROR - Error in episode 450: name 'args' is not defined +2025-03-10 15:29:50,928 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,929 - ERROR - Error in episode 451: name 'args' is not defined +2025-03-10 15:29:50,932 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,932 - ERROR - Error in episode 452: name 'args' is not defined +2025-03-10 15:29:50,934 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,935 - ERROR - Error in episode 453: name 'args' is not defined +2025-03-10 15:29:50,937 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,938 - ERROR - Error in episode 454: name 'args' is not defined +2025-03-10 15:29:50,941 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,941 - ERROR - Error in episode 455: name 'args' is not defined +2025-03-10 15:29:50,944 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,944 - ERROR - Error in episode 456: name 'args' is not defined +2025-03-10 15:29:50,947 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,947 - ERROR - Error in episode 457: name 'args' is not defined +2025-03-10 15:29:50,950 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,950 - ERROR - Error in episode 458: name 'args' is not defined +2025-03-10 15:29:50,952 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,953 - ERROR - Error in episode 459: name 'args' is not defined +2025-03-10 15:29:50,956 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,956 - ERROR - Error in episode 460: name 'args' is not defined +2025-03-10 15:29:50,958 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,958 - ERROR - Error in episode 461: name 'args' is not defined +2025-03-10 15:29:50,961 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,961 - ERROR - Error in episode 462: name 'args' is not defined +2025-03-10 15:29:50,964 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,964 - ERROR - Error in episode 463: name 'args' is not defined +2025-03-10 15:29:50,966 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,967 - ERROR - Error in episode 464: name 'args' is not defined +2025-03-10 15:29:50,969 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,969 - ERROR - Error in episode 465: name 'args' is not defined +2025-03-10 15:29:50,972 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,972 - ERROR - Error in episode 466: name 'args' is not defined +2025-03-10 15:29:50,975 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,975 - ERROR - Error in episode 467: name 'args' is not defined +2025-03-10 15:29:50,977 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,978 - ERROR - Error in episode 468: name 'args' is not defined +2025-03-10 15:29:50,980 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,980 - ERROR - Error in episode 469: name 'args' is not defined +2025-03-10 15:29:50,983 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,983 - ERROR - Error in episode 470: name 'args' is not defined +2025-03-10 15:29:50,986 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,986 - ERROR - Error in episode 471: name 'args' is not defined +2025-03-10 15:29:50,989 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,989 - ERROR - Error in episode 472: name 'args' is not defined +2025-03-10 15:29:50,992 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,992 - ERROR - Error in episode 473: name 'args' is not defined +2025-03-10 15:29:50,995 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,995 - ERROR - Error in episode 474: name 'args' is not defined +2025-03-10 15:29:50,998 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:50,998 - ERROR - Error in episode 475: name 'args' is not defined +2025-03-10 15:29:51,000 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,001 - ERROR - Error in episode 476: name 'args' is not defined +2025-03-10 15:29:51,003 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,003 - ERROR - Error in episode 477: name 'args' is not defined +2025-03-10 15:29:51,006 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,006 - ERROR - Error in episode 478: name 'args' is not defined +2025-03-10 15:29:51,010 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,010 - ERROR - Error in episode 479: name 'args' is not defined +2025-03-10 15:29:51,012 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,012 - ERROR - Error in episode 480: name 'args' is not defined +2025-03-10 15:29:51,016 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,016 - ERROR - Error in episode 481: name 'args' is not defined +2025-03-10 15:29:51,019 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,019 - ERROR - Error in episode 482: name 'args' is not defined +2025-03-10 15:29:51,022 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,022 - ERROR - Error in episode 483: name 'args' is not defined +2025-03-10 15:29:51,025 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,026 - ERROR - Error in episode 484: name 'args' is not defined +2025-03-10 15:29:51,028 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,028 - ERROR - Error in episode 485: name 'args' is not defined +2025-03-10 15:29:51,031 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,031 - ERROR - Error in episode 486: name 'args' is not defined +2025-03-10 15:29:51,033 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,034 - ERROR - Error in episode 487: name 'args' is not defined +2025-03-10 15:29:51,036 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,037 - ERROR - Error in episode 488: name 'args' is not defined +2025-03-10 15:29:51,040 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,040 - ERROR - Error in episode 489: name 'args' is not defined +2025-03-10 15:29:51,042 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,043 - ERROR - Error in episode 490: name 'args' is not defined +2025-03-10 15:29:51,045 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,046 - ERROR - Error in episode 491: name 'args' is not defined +2025-03-10 15:29:51,048 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,049 - ERROR - Error in episode 492: name 'args' is not defined +2025-03-10 15:29:51,051 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,052 - ERROR - Error in episode 493: name 'args' is not defined +2025-03-10 15:29:51,054 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,055 - ERROR - Error in episode 494: name 'args' is not defined +2025-03-10 15:29:51,058 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,059 - ERROR - Error in episode 495: name 'args' is not defined +2025-03-10 15:29:51,061 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,061 - ERROR - Error in episode 496: name 'args' is not defined +2025-03-10 15:29:51,064 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,064 - ERROR - Error in episode 497: name 'args' is not defined +2025-03-10 15:29:51,067 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,067 - ERROR - Error in episode 498: name 'args' is not defined +2025-03-10 15:29:51,069 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,070 - ERROR - Error in episode 499: name 'args' is not defined +2025-03-10 15:29:51,072 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,073 - ERROR - Error in episode 500: name 'args' is not defined +2025-03-10 15:29:51,075 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,075 - ERROR - Error in episode 501: name 'args' is not defined +2025-03-10 15:29:51,078 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,078 - ERROR - Error in episode 502: name 'args' is not defined +2025-03-10 15:29:51,082 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,082 - ERROR - Error in episode 503: name 'args' is not defined +2025-03-10 15:29:51,084 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,085 - ERROR - Error in episode 504: name 'args' is not defined +2025-03-10 15:29:51,087 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,087 - ERROR - Error in episode 505: name 'args' is not defined +2025-03-10 15:29:51,090 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,090 - ERROR - Error in episode 506: name 'args' is not defined +2025-03-10 15:29:51,092 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,093 - ERROR - Error in episode 507: name 'args' is not defined +2025-03-10 15:29:51,095 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,096 - ERROR - Error in episode 508: name 'args' is not defined +2025-03-10 15:29:51,099 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,099 - ERROR - Error in episode 509: name 'args' is not defined +2025-03-10 15:29:51,101 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,102 - ERROR - Error in episode 510: name 'args' is not defined +2025-03-10 15:29:51,105 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,105 - ERROR - Error in episode 511: name 'args' is not defined +2025-03-10 15:29:51,107 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,108 - ERROR - Error in episode 512: name 'args' is not defined +2025-03-10 15:29:51,110 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,111 - ERROR - Error in episode 513: name 'args' is not defined +2025-03-10 15:29:51,113 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,114 - ERROR - Error in episode 514: name 'args' is not defined +2025-03-10 15:29:51,116 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,116 - ERROR - Error in episode 515: name 'args' is not defined +2025-03-10 15:29:51,118 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,118 - ERROR - Error in episode 516: name 'args' is not defined +2025-03-10 15:29:51,122 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,122 - ERROR - Error in episode 517: name 'args' is not defined +2025-03-10 15:29:51,125 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,125 - ERROR - Error in episode 518: name 'args' is not defined +2025-03-10 15:29:51,128 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,128 - ERROR - Error in episode 519: name 'args' is not defined +2025-03-10 15:29:51,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,131 - ERROR - Error in episode 520: name 'args' is not defined +2025-03-10 15:29:51,134 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,134 - ERROR - Error in episode 521: name 'args' is not defined +2025-03-10 15:29:51,136 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,137 - ERROR - Error in episode 522: name 'args' is not defined +2025-03-10 15:29:51,140 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,140 - ERROR - Error in episode 523: name 'args' is not defined +2025-03-10 15:29:51,142 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,143 - ERROR - Error in episode 524: name 'args' is not defined +2025-03-10 15:29:51,145 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,145 - ERROR - Error in episode 525: name 'args' is not defined +2025-03-10 15:29:51,148 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,149 - ERROR - Error in episode 526: name 'args' is not defined +2025-03-10 15:29:51,151 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,152 - ERROR - Error in episode 527: name 'args' is not defined +2025-03-10 15:29:51,154 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,154 - ERROR - Error in episode 528: name 'args' is not defined +2025-03-10 15:29:51,157 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,157 - ERROR - Error in episode 529: name 'args' is not defined +2025-03-10 15:29:51,160 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,160 - ERROR - Error in episode 530: name 'args' is not defined +2025-03-10 15:29:51,163 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,163 - ERROR - Error in episode 531: name 'args' is not defined +2025-03-10 15:29:51,166 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,166 - ERROR - Error in episode 532: name 'args' is not defined +2025-03-10 15:29:51,168 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,169 - ERROR - Error in episode 533: name 'args' is not defined +2025-03-10 15:29:51,172 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,172 - ERROR - Error in episode 534: name 'args' is not defined +2025-03-10 15:29:51,174 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,175 - ERROR - Error in episode 535: name 'args' is not defined +2025-03-10 15:29:51,177 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,177 - ERROR - Error in episode 536: name 'args' is not defined +2025-03-10 15:29:51,180 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,180 - ERROR - Error in episode 537: name 'args' is not defined +2025-03-10 15:29:51,182 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,183 - ERROR - Error in episode 538: name 'args' is not defined +2025-03-10 15:29:51,185 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,186 - ERROR - Error in episode 539: name 'args' is not defined +2025-03-10 15:29:51,188 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,188 - ERROR - Error in episode 540: name 'args' is not defined +2025-03-10 15:29:51,190 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,191 - ERROR - Error in episode 541: name 'args' is not defined +2025-03-10 15:29:51,193 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,194 - ERROR - Error in episode 542: name 'args' is not defined +2025-03-10 15:29:51,197 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,198 - ERROR - Error in episode 543: name 'args' is not defined +2025-03-10 15:29:51,201 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,201 - ERROR - Error in episode 544: name 'args' is not defined +2025-03-10 15:29:51,204 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,204 - ERROR - Error in episode 545: name 'args' is not defined +2025-03-10 15:29:51,207 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,208 - ERROR - Error in episode 546: name 'args' is not defined +2025-03-10 15:29:51,210 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,211 - ERROR - Error in episode 547: name 'args' is not defined +2025-03-10 15:29:51,214 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,214 - ERROR - Error in episode 548: name 'args' is not defined +2025-03-10 15:29:51,217 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,218 - ERROR - Error in episode 549: name 'args' is not defined +2025-03-10 15:29:51,220 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,220 - ERROR - Error in episode 550: name 'args' is not defined +2025-03-10 15:29:51,223 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,223 - ERROR - Error in episode 551: name 'args' is not defined +2025-03-10 15:29:51,226 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,226 - ERROR - Error in episode 552: name 'args' is not defined +2025-03-10 15:29:51,229 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,229 - ERROR - Error in episode 553: name 'args' is not defined +2025-03-10 15:29:51,232 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,232 - ERROR - Error in episode 554: name 'args' is not defined +2025-03-10 15:29:51,235 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,235 - ERROR - Error in episode 555: name 'args' is not defined +2025-03-10 15:29:51,238 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,238 - ERROR - Error in episode 556: name 'args' is not defined +2025-03-10 15:29:51,241 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,242 - ERROR - Error in episode 557: name 'args' is not defined +2025-03-10 15:29:51,244 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,244 - ERROR - Error in episode 558: name 'args' is not defined +2025-03-10 15:29:51,248 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,248 - ERROR - Error in episode 559: name 'args' is not defined +2025-03-10 15:29:51,250 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,250 - ERROR - Error in episode 560: name 'args' is not defined +2025-03-10 15:29:51,253 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,253 - ERROR - Error in episode 561: name 'args' is not defined +2025-03-10 15:29:51,256 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,256 - ERROR - Error in episode 562: name 'args' is not defined +2025-03-10 15:29:51,259 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,259 - ERROR - Error in episode 563: name 'args' is not defined +2025-03-10 15:29:51,261 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,262 - ERROR - Error in episode 564: name 'args' is not defined +2025-03-10 15:29:51,264 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,264 - ERROR - Error in episode 565: name 'args' is not defined +2025-03-10 15:29:51,267 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,267 - ERROR - Error in episode 566: name 'args' is not defined +2025-03-10 15:29:51,269 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,270 - ERROR - Error in episode 567: name 'args' is not defined +2025-03-10 15:29:51,273 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,274 - ERROR - Error in episode 568: name 'args' is not defined +2025-03-10 15:29:51,276 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,276 - ERROR - Error in episode 569: name 'args' is not defined +2025-03-10 15:29:51,279 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,279 - ERROR - Error in episode 570: name 'args' is not defined +2025-03-10 15:29:51,282 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,282 - ERROR - Error in episode 571: name 'args' is not defined +2025-03-10 15:29:51,284 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,285 - ERROR - Error in episode 572: name 'args' is not defined +2025-03-10 15:29:51,287 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,287 - ERROR - Error in episode 573: name 'args' is not defined +2025-03-10 15:29:51,290 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,291 - ERROR - Error in episode 574: name 'args' is not defined +2025-03-10 15:29:51,293 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,293 - ERROR - Error in episode 575: name 'args' is not defined +2025-03-10 15:29:51,295 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,296 - ERROR - Error in episode 576: name 'args' is not defined +2025-03-10 15:29:51,299 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,299 - ERROR - Error in episode 577: name 'args' is not defined +2025-03-10 15:29:51,301 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,302 - ERROR - Error in episode 578: name 'args' is not defined +2025-03-10 15:29:51,304 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,305 - ERROR - Error in episode 579: name 'args' is not defined +2025-03-10 15:29:51,307 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,308 - ERROR - Error in episode 580: name 'args' is not defined +2025-03-10 15:29:51,310 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,311 - ERROR - Error in episode 581: name 'args' is not defined +2025-03-10 15:29:51,313 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,313 - ERROR - Error in episode 582: name 'args' is not defined +2025-03-10 15:29:51,316 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,316 - ERROR - Error in episode 583: name 'args' is not defined +2025-03-10 15:29:51,319 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,319 - ERROR - Error in episode 584: name 'args' is not defined +2025-03-10 15:29:51,321 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,321 - ERROR - Error in episode 585: name 'args' is not defined +2025-03-10 15:29:51,324 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,324 - ERROR - Error in episode 586: name 'args' is not defined +2025-03-10 15:29:51,328 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,328 - ERROR - Error in episode 587: name 'args' is not defined +2025-03-10 15:29:51,331 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,331 - ERROR - Error in episode 588: name 'args' is not defined +2025-03-10 15:29:51,334 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,334 - ERROR - Error in episode 589: name 'args' is not defined +2025-03-10 15:29:51,336 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,336 - ERROR - Error in episode 590: name 'args' is not defined +2025-03-10 15:29:51,339 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,340 - ERROR - Error in episode 591: name 'args' is not defined +2025-03-10 15:29:51,342 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,344 - ERROR - Error in episode 592: name 'args' is not defined +2025-03-10 15:29:51,346 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,347 - ERROR - Error in episode 593: name 'args' is not defined +2025-03-10 15:29:51,349 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,350 - ERROR - Error in episode 594: name 'args' is not defined +2025-03-10 15:29:51,353 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,353 - ERROR - Error in episode 595: name 'args' is not defined +2025-03-10 15:29:51,356 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,356 - ERROR - Error in episode 596: name 'args' is not defined +2025-03-10 15:29:51,359 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,359 - ERROR - Error in episode 597: name 'args' is not defined +2025-03-10 15:29:51,361 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,362 - ERROR - Error in episode 598: name 'args' is not defined +2025-03-10 15:29:51,364 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,365 - ERROR - Error in episode 599: name 'args' is not defined +2025-03-10 15:29:51,367 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,368 - ERROR - Error in episode 600: name 'args' is not defined +2025-03-10 15:29:51,370 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,371 - ERROR - Error in episode 601: name 'args' is not defined +2025-03-10 15:29:51,374 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,374 - ERROR - Error in episode 602: name 'args' is not defined +2025-03-10 15:29:51,376 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,377 - ERROR - Error in episode 603: name 'args' is not defined +2025-03-10 15:29:51,379 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,379 - ERROR - Error in episode 604: name 'args' is not defined +2025-03-10 15:29:51,382 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,382 - ERROR - Error in episode 605: name 'args' is not defined +2025-03-10 15:29:51,385 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,386 - ERROR - Error in episode 606: name 'args' is not defined +2025-03-10 15:29:51,388 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,389 - ERROR - Error in episode 607: name 'args' is not defined +2025-03-10 15:29:51,391 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,391 - ERROR - Error in episode 608: name 'args' is not defined +2025-03-10 15:29:51,393 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,394 - ERROR - Error in episode 609: name 'args' is not defined +2025-03-10 15:29:51,396 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,396 - ERROR - Error in episode 610: name 'args' is not defined +2025-03-10 15:29:51,398 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,399 - ERROR - Error in episode 611: name 'args' is not defined +2025-03-10 15:29:51,401 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,402 - ERROR - Error in episode 612: name 'args' is not defined +2025-03-10 15:29:51,404 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,404 - ERROR - Error in episode 613: name 'args' is not defined +2025-03-10 15:29:51,407 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,407 - ERROR - Error in episode 614: name 'args' is not defined +2025-03-10 15:29:51,409 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,410 - ERROR - Error in episode 615: name 'args' is not defined +2025-03-10 15:29:51,412 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,412 - ERROR - Error in episode 616: name 'args' is not defined +2025-03-10 15:29:51,414 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,415 - ERROR - Error in episode 617: name 'args' is not defined +2025-03-10 15:29:51,417 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,417 - ERROR - Error in episode 618: name 'args' is not defined +2025-03-10 15:29:51,420 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,421 - ERROR - Error in episode 619: name 'args' is not defined +2025-03-10 15:29:51,424 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,424 - ERROR - Error in episode 620: name 'args' is not defined +2025-03-10 15:29:51,426 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,427 - ERROR - Error in episode 621: name 'args' is not defined +2025-03-10 15:29:51,429 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,429 - ERROR - Error in episode 622: name 'args' is not defined +2025-03-10 15:29:51,432 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,432 - ERROR - Error in episode 623: name 'args' is not defined +2025-03-10 15:29:51,434 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,435 - ERROR - Error in episode 624: name 'args' is not defined +2025-03-10 15:29:51,437 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,437 - ERROR - Error in episode 625: name 'args' is not defined +2025-03-10 15:29:51,440 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,441 - ERROR - Error in episode 626: name 'args' is not defined +2025-03-10 15:29:51,443 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,444 - ERROR - Error in episode 627: name 'args' is not defined +2025-03-10 15:29:51,446 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,446 - ERROR - Error in episode 628: name 'args' is not defined +2025-03-10 15:29:51,449 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,449 - ERROR - Error in episode 629: name 'args' is not defined +2025-03-10 15:29:51,452 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,452 - ERROR - Error in episode 630: name 'args' is not defined +2025-03-10 15:29:51,455 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,455 - ERROR - Error in episode 631: name 'args' is not defined +2025-03-10 15:29:51,458 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,459 - ERROR - Error in episode 632: name 'args' is not defined +2025-03-10 15:29:51,462 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,462 - ERROR - Error in episode 633: name 'args' is not defined +2025-03-10 15:29:51,464 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,465 - ERROR - Error in episode 634: name 'args' is not defined +2025-03-10 15:29:51,467 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,468 - ERROR - Error in episode 635: name 'args' is not defined +2025-03-10 15:29:51,470 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,470 - ERROR - Error in episode 636: name 'args' is not defined +2025-03-10 15:29:51,473 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,473 - ERROR - Error in episode 637: name 'args' is not defined +2025-03-10 15:29:51,476 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,476 - ERROR - Error in episode 638: name 'args' is not defined +2025-03-10 15:29:51,479 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,479 - ERROR - Error in episode 639: name 'args' is not defined +2025-03-10 15:29:51,482 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,482 - ERROR - Error in episode 640: name 'args' is not defined +2025-03-10 15:29:51,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,485 - ERROR - Error in episode 641: name 'args' is not defined +2025-03-10 15:29:51,489 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,489 - ERROR - Error in episode 642: name 'args' is not defined +2025-03-10 15:29:51,492 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,492 - ERROR - Error in episode 643: name 'args' is not defined +2025-03-10 15:29:51,494 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,495 - ERROR - Error in episode 644: name 'args' is not defined +2025-03-10 15:29:51,498 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,498 - ERROR - Error in episode 645: name 'args' is not defined +2025-03-10 15:29:51,500 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,501 - ERROR - Error in episode 646: name 'args' is not defined +2025-03-10 15:29:51,504 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,504 - ERROR - Error in episode 647: name 'args' is not defined +2025-03-10 15:29:51,507 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,508 - ERROR - Error in episode 648: name 'args' is not defined +2025-03-10 15:29:51,510 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,511 - ERROR - Error in episode 649: name 'args' is not defined +2025-03-10 15:29:51,513 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,513 - ERROR - Error in episode 650: name 'args' is not defined +2025-03-10 15:29:51,516 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,517 - ERROR - Error in episode 651: name 'args' is not defined +2025-03-10 15:29:51,519 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,520 - ERROR - Error in episode 652: name 'args' is not defined +2025-03-10 15:29:51,523 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,523 - ERROR - Error in episode 653: name 'args' is not defined +2025-03-10 15:29:51,526 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,526 - ERROR - Error in episode 654: name 'args' is not defined +2025-03-10 15:29:51,529 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,529 - ERROR - Error in episode 655: name 'args' is not defined +2025-03-10 15:29:51,532 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,532 - ERROR - Error in episode 656: name 'args' is not defined +2025-03-10 15:29:51,535 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,535 - ERROR - Error in episode 657: name 'args' is not defined +2025-03-10 15:29:51,537 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,537 - ERROR - Error in episode 658: name 'args' is not defined +2025-03-10 15:29:51,540 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,541 - ERROR - Error in episode 659: name 'args' is not defined +2025-03-10 15:29:51,543 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,543 - ERROR - Error in episode 660: name 'args' is not defined +2025-03-10 15:29:51,546 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,547 - ERROR - Error in episode 661: name 'args' is not defined +2025-03-10 15:29:51,549 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,549 - ERROR - Error in episode 662: name 'args' is not defined +2025-03-10 15:29:51,553 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,553 - ERROR - Error in episode 663: name 'args' is not defined +2025-03-10 15:29:51,556 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,557 - ERROR - Error in episode 664: name 'args' is not defined +2025-03-10 15:29:51,560 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,560 - ERROR - Error in episode 665: name 'args' is not defined +2025-03-10 15:29:51,562 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,563 - ERROR - Error in episode 666: name 'args' is not defined +2025-03-10 15:29:51,566 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,567 - ERROR - Error in episode 667: name 'args' is not defined +2025-03-10 15:29:51,570 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,570 - ERROR - Error in episode 668: name 'args' is not defined +2025-03-10 15:29:51,574 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,574 - ERROR - Error in episode 669: name 'args' is not defined +2025-03-10 15:29:51,576 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,577 - ERROR - Error in episode 670: name 'args' is not defined +2025-03-10 15:29:51,579 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,579 - ERROR - Error in episode 671: name 'args' is not defined +2025-03-10 15:29:51,582 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,582 - ERROR - Error in episode 672: name 'args' is not defined +2025-03-10 15:29:51,585 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,586 - ERROR - Error in episode 673: name 'args' is not defined +2025-03-10 15:29:51,588 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,588 - ERROR - Error in episode 674: name 'args' is not defined +2025-03-10 15:29:51,591 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,592 - ERROR - Error in episode 675: name 'args' is not defined +2025-03-10 15:29:51,594 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,595 - ERROR - Error in episode 676: name 'args' is not defined +2025-03-10 15:29:51,598 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,598 - ERROR - Error in episode 677: name 'args' is not defined +2025-03-10 15:29:51,601 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,601 - ERROR - Error in episode 678: name 'args' is not defined +2025-03-10 15:29:51,603 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,604 - ERROR - Error in episode 679: name 'args' is not defined +2025-03-10 15:29:51,606 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,607 - ERROR - Error in episode 680: name 'args' is not defined +2025-03-10 15:29:51,609 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,610 - ERROR - Error in episode 681: name 'args' is not defined +2025-03-10 15:29:51,612 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,612 - ERROR - Error in episode 682: name 'args' is not defined +2025-03-10 15:29:51,615 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,616 - ERROR - Error in episode 683: name 'args' is not defined +2025-03-10 15:29:51,618 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,619 - ERROR - Error in episode 684: name 'args' is not defined +2025-03-10 15:29:51,621 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,621 - ERROR - Error in episode 685: name 'args' is not defined +2025-03-10 15:29:51,624 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,624 - ERROR - Error in episode 686: name 'args' is not defined +2025-03-10 15:29:51,627 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,627 - ERROR - Error in episode 687: name 'args' is not defined +2025-03-10 15:29:51,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,631 - ERROR - Error in episode 688: name 'args' is not defined +2025-03-10 15:29:51,634 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,634 - ERROR - Error in episode 689: name 'args' is not defined +2025-03-10 15:29:51,637 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,637 - ERROR - Error in episode 690: name 'args' is not defined +2025-03-10 15:29:51,640 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,641 - ERROR - Error in episode 691: name 'args' is not defined +2025-03-10 15:29:51,643 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,644 - ERROR - Error in episode 692: name 'args' is not defined +2025-03-10 15:29:51,646 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,647 - ERROR - Error in episode 693: name 'args' is not defined +2025-03-10 15:29:51,649 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,650 - ERROR - Error in episode 694: name 'args' is not defined +2025-03-10 15:29:51,653 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,654 - ERROR - Error in episode 695: name 'args' is not defined +2025-03-10 15:29:51,657 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,658 - ERROR - Error in episode 696: name 'args' is not defined +2025-03-10 15:29:51,660 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,661 - ERROR - Error in episode 697: name 'args' is not defined +2025-03-10 15:29:51,663 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,663 - ERROR - Error in episode 698: name 'args' is not defined +2025-03-10 15:29:51,666 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,667 - ERROR - Error in episode 699: name 'args' is not defined +2025-03-10 15:29:51,669 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,670 - ERROR - Error in episode 700: name 'args' is not defined +2025-03-10 15:29:51,672 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,673 - ERROR - Error in episode 701: name 'args' is not defined +2025-03-10 15:29:51,675 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,676 - ERROR - Error in episode 702: name 'args' is not defined +2025-03-10 15:29:51,678 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,679 - ERROR - Error in episode 703: name 'args' is not defined +2025-03-10 15:29:51,681 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,681 - ERROR - Error in episode 704: name 'args' is not defined +2025-03-10 15:29:51,684 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,684 - ERROR - Error in episode 705: name 'args' is not defined +2025-03-10 15:29:51,687 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,687 - ERROR - Error in episode 706: name 'args' is not defined +2025-03-10 15:29:51,690 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,691 - ERROR - Error in episode 707: name 'args' is not defined +2025-03-10 15:29:51,693 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,694 - ERROR - Error in episode 708: name 'args' is not defined +2025-03-10 15:29:51,696 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,696 - ERROR - Error in episode 709: name 'args' is not defined +2025-03-10 15:29:51,700 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,700 - ERROR - Error in episode 710: name 'args' is not defined +2025-03-10 15:29:51,703 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,704 - ERROR - Error in episode 711: name 'args' is not defined +2025-03-10 15:29:51,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,707 - ERROR - Error in episode 712: name 'args' is not defined +2025-03-10 15:29:51,709 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,710 - ERROR - Error in episode 713: name 'args' is not defined +2025-03-10 15:29:51,712 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,713 - ERROR - Error in episode 714: name 'args' is not defined +2025-03-10 15:29:51,715 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,716 - ERROR - Error in episode 715: name 'args' is not defined +2025-03-10 15:29:51,718 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,719 - ERROR - Error in episode 716: name 'args' is not defined +2025-03-10 15:29:51,721 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,721 - ERROR - Error in episode 717: name 'args' is not defined +2025-03-10 15:29:51,725 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,725 - ERROR - Error in episode 718: name 'args' is not defined +2025-03-10 15:29:51,728 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,728 - ERROR - Error in episode 719: name 'args' is not defined +2025-03-10 15:29:51,731 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,731 - ERROR - Error in episode 720: name 'args' is not defined +2025-03-10 15:29:51,734 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,735 - ERROR - Error in episode 721: name 'args' is not defined +2025-03-10 15:29:51,737 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,738 - ERROR - Error in episode 722: name 'args' is not defined +2025-03-10 15:29:51,741 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,741 - ERROR - Error in episode 723: name 'args' is not defined +2025-03-10 15:29:51,744 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,745 - ERROR - Error in episode 724: name 'args' is not defined +2025-03-10 15:29:51,748 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,748 - ERROR - Error in episode 725: name 'args' is not defined +2025-03-10 15:29:51,751 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,752 - ERROR - Error in episode 726: name 'args' is not defined +2025-03-10 15:29:51,755 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,755 - ERROR - Error in episode 727: name 'args' is not defined +2025-03-10 15:29:51,758 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,758 - ERROR - Error in episode 728: name 'args' is not defined +2025-03-10 15:29:51,761 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,762 - ERROR - Error in episode 729: name 'args' is not defined +2025-03-10 15:29:51,764 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,765 - ERROR - Error in episode 730: name 'args' is not defined +2025-03-10 15:29:51,767 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,768 - ERROR - Error in episode 731: name 'args' is not defined +2025-03-10 15:29:51,770 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,770 - ERROR - Error in episode 732: name 'args' is not defined +2025-03-10 15:29:51,773 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,774 - ERROR - Error in episode 733: name 'args' is not defined +2025-03-10 15:29:51,776 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,777 - ERROR - Error in episode 734: name 'args' is not defined +2025-03-10 15:29:51,780 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,780 - ERROR - Error in episode 735: name 'args' is not defined +2025-03-10 15:29:51,783 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,783 - ERROR - Error in episode 736: name 'args' is not defined +2025-03-10 15:29:51,786 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,786 - ERROR - Error in episode 737: name 'args' is not defined +2025-03-10 15:29:51,789 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,789 - ERROR - Error in episode 738: name 'args' is not defined +2025-03-10 15:29:51,792 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,793 - ERROR - Error in episode 739: name 'args' is not defined +2025-03-10 15:29:51,795 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,795 - ERROR - Error in episode 740: name 'args' is not defined +2025-03-10 15:29:51,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,799 - ERROR - Error in episode 741: name 'args' is not defined +2025-03-10 15:29:51,801 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,802 - ERROR - Error in episode 742: name 'args' is not defined +2025-03-10 15:29:51,804 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,804 - ERROR - Error in episode 743: name 'args' is not defined +2025-03-10 15:29:51,807 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,808 - ERROR - Error in episode 744: name 'args' is not defined +2025-03-10 15:29:51,810 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,811 - ERROR - Error in episode 745: name 'args' is not defined +2025-03-10 15:29:51,814 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,814 - ERROR - Error in episode 746: name 'args' is not defined +2025-03-10 15:29:51,818 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,818 - ERROR - Error in episode 747: name 'args' is not defined +2025-03-10 15:29:51,820 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,820 - ERROR - Error in episode 748: name 'args' is not defined +2025-03-10 15:29:51,824 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,824 - ERROR - Error in episode 749: name 'args' is not defined +2025-03-10 15:29:51,826 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,827 - ERROR - Error in episode 750: name 'args' is not defined +2025-03-10 15:29:51,829 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,829 - ERROR - Error in episode 751: name 'args' is not defined +2025-03-10 15:29:51,832 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,833 - ERROR - Error in episode 752: name 'args' is not defined +2025-03-10 15:29:51,835 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,836 - ERROR - Error in episode 753: name 'args' is not defined +2025-03-10 15:29:51,839 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,839 - ERROR - Error in episode 754: name 'args' is not defined +2025-03-10 15:29:51,841 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,842 - ERROR - Error in episode 755: name 'args' is not defined +2025-03-10 15:29:51,845 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,845 - ERROR - Error in episode 756: name 'args' is not defined +2025-03-10 15:29:51,849 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,850 - ERROR - Error in episode 757: name 'args' is not defined +2025-03-10 15:29:51,853 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,853 - ERROR - Error in episode 758: name 'args' is not defined +2025-03-10 15:29:51,855 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,856 - ERROR - Error in episode 759: name 'args' is not defined +2025-03-10 15:29:51,858 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,859 - ERROR - Error in episode 760: name 'args' is not defined +2025-03-10 15:29:51,861 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,862 - ERROR - Error in episode 761: name 'args' is not defined +2025-03-10 15:29:51,864 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,864 - ERROR - Error in episode 762: name 'args' is not defined +2025-03-10 15:29:51,867 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,867 - ERROR - Error in episode 763: name 'args' is not defined +2025-03-10 15:29:51,870 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,870 - ERROR - Error in episode 764: name 'args' is not defined +2025-03-10 15:29:51,873 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,874 - ERROR - Error in episode 765: name 'args' is not defined +2025-03-10 15:29:51,878 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,878 - ERROR - Error in episode 766: name 'args' is not defined +2025-03-10 15:29:51,880 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,881 - ERROR - Error in episode 767: name 'args' is not defined +2025-03-10 15:29:51,884 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,884 - ERROR - Error in episode 768: name 'args' is not defined +2025-03-10 15:29:51,887 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,887 - ERROR - Error in episode 769: name 'args' is not defined +2025-03-10 15:29:51,890 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,890 - ERROR - Error in episode 770: name 'args' is not defined +2025-03-10 15:29:51,893 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,894 - ERROR - Error in episode 771: name 'args' is not defined +2025-03-10 15:29:51,896 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,896 - ERROR - Error in episode 772: name 'args' is not defined +2025-03-10 15:29:51,899 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,899 - ERROR - Error in episode 773: name 'args' is not defined +2025-03-10 15:29:51,902 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,903 - ERROR - Error in episode 774: name 'args' is not defined +2025-03-10 15:29:51,905 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,905 - ERROR - Error in episode 775: name 'args' is not defined +2025-03-10 15:29:51,908 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,908 - ERROR - Error in episode 776: name 'args' is not defined +2025-03-10 15:29:51,911 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,911 - ERROR - Error in episode 777: name 'args' is not defined +2025-03-10 15:29:51,914 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,915 - ERROR - Error in episode 778: name 'args' is not defined +2025-03-10 15:29:51,917 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,918 - ERROR - Error in episode 779: name 'args' is not defined +2025-03-10 15:29:51,921 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,921 - ERROR - Error in episode 780: name 'args' is not defined +2025-03-10 15:29:51,924 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,924 - ERROR - Error in episode 781: name 'args' is not defined +2025-03-10 15:29:51,926 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,927 - ERROR - Error in episode 782: name 'args' is not defined +2025-03-10 15:29:51,929 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,929 - ERROR - Error in episode 783: name 'args' is not defined +2025-03-10 15:29:51,933 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,933 - ERROR - Error in episode 784: name 'args' is not defined +2025-03-10 15:29:51,936 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,936 - ERROR - Error in episode 785: name 'args' is not defined +2025-03-10 15:29:51,939 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,940 - ERROR - Error in episode 786: name 'args' is not defined +2025-03-10 15:29:51,943 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,943 - ERROR - Error in episode 787: name 'args' is not defined +2025-03-10 15:29:51,946 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,946 - ERROR - Error in episode 788: name 'args' is not defined +2025-03-10 15:29:51,949 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,949 - ERROR - Error in episode 789: name 'args' is not defined +2025-03-10 15:29:51,952 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,952 - ERROR - Error in episode 790: name 'args' is not defined +2025-03-10 15:29:51,954 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,955 - ERROR - Error in episode 791: name 'args' is not defined +2025-03-10 15:29:51,958 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,958 - ERROR - Error in episode 792: name 'args' is not defined +2025-03-10 15:29:51,960 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,961 - ERROR - Error in episode 793: name 'args' is not defined +2025-03-10 15:29:51,964 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,964 - ERROR - Error in episode 794: name 'args' is not defined +2025-03-10 15:29:51,967 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,967 - ERROR - Error in episode 795: name 'args' is not defined +2025-03-10 15:29:51,970 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,970 - ERROR - Error in episode 796: name 'args' is not defined +2025-03-10 15:29:51,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,974 - ERROR - Error in episode 797: name 'args' is not defined +2025-03-10 15:29:51,977 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,977 - ERROR - Error in episode 798: name 'args' is not defined +2025-03-10 15:29:51,979 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,980 - ERROR - Error in episode 799: name 'args' is not defined +2025-03-10 15:29:51,983 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,983 - ERROR - Error in episode 800: name 'args' is not defined +2025-03-10 15:29:51,986 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,986 - ERROR - Error in episode 801: name 'args' is not defined +2025-03-10 15:29:51,989 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,989 - ERROR - Error in episode 802: name 'args' is not defined +2025-03-10 15:29:51,992 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,992 - ERROR - Error in episode 803: name 'args' is not defined +2025-03-10 15:29:51,996 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:51,996 - ERROR - Error in episode 804: name 'args' is not defined +2025-03-10 15:29:51,999 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,000 - ERROR - Error in episode 805: name 'args' is not defined +2025-03-10 15:29:52,002 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,002 - ERROR - Error in episode 806: name 'args' is not defined +2025-03-10 15:29:52,005 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,005 - ERROR - Error in episode 807: name 'args' is not defined +2025-03-10 15:29:52,008 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,008 - ERROR - Error in episode 808: name 'args' is not defined +2025-03-10 15:29:52,011 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,011 - ERROR - Error in episode 809: name 'args' is not defined +2025-03-10 15:29:52,014 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,014 - ERROR - Error in episode 810: name 'args' is not defined +2025-03-10 15:29:52,017 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,018 - ERROR - Error in episode 811: name 'args' is not defined +2025-03-10 15:29:52,020 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,020 - ERROR - Error in episode 812: name 'args' is not defined +2025-03-10 15:29:52,023 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,024 - ERROR - Error in episode 813: name 'args' is not defined +2025-03-10 15:29:52,026 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,026 - ERROR - Error in episode 814: name 'args' is not defined +2025-03-10 15:29:52,029 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,029 - ERROR - Error in episode 815: name 'args' is not defined +2025-03-10 15:29:52,032 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,033 - ERROR - Error in episode 816: name 'args' is not defined +2025-03-10 15:29:52,035 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,036 - ERROR - Error in episode 817: name 'args' is not defined +2025-03-10 15:29:52,038 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,039 - ERROR - Error in episode 818: name 'args' is not defined +2025-03-10 15:29:52,041 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,042 - ERROR - Error in episode 819: name 'args' is not defined +2025-03-10 15:29:52,044 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,045 - ERROR - Error in episode 820: name 'args' is not defined +2025-03-10 15:29:52,048 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,048 - ERROR - Error in episode 821: name 'args' is not defined +2025-03-10 15:29:52,051 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,051 - ERROR - Error in episode 822: name 'args' is not defined +2025-03-10 15:29:52,053 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,054 - ERROR - Error in episode 823: name 'args' is not defined +2025-03-10 15:29:52,057 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,057 - ERROR - Error in episode 824: name 'args' is not defined +2025-03-10 15:29:52,060 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,060 - ERROR - Error in episode 825: name 'args' is not defined +2025-03-10 15:29:52,063 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,063 - ERROR - Error in episode 826: name 'args' is not defined +2025-03-10 15:29:52,066 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,067 - ERROR - Error in episode 827: name 'args' is not defined +2025-03-10 15:29:52,069 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,070 - ERROR - Error in episode 828: name 'args' is not defined +2025-03-10 15:29:52,072 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,072 - ERROR - Error in episode 829: name 'args' is not defined +2025-03-10 15:29:52,074 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,075 - ERROR - Error in episode 830: name 'args' is not defined +2025-03-10 15:29:52,078 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,078 - ERROR - Error in episode 831: name 'args' is not defined +2025-03-10 15:29:52,081 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,082 - ERROR - Error in episode 832: name 'args' is not defined +2025-03-10 15:29:52,084 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,084 - ERROR - Error in episode 833: name 'args' is not defined +2025-03-10 15:29:52,087 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,087 - ERROR - Error in episode 834: name 'args' is not defined +2025-03-10 15:29:52,090 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,090 - ERROR - Error in episode 835: name 'args' is not defined +2025-03-10 15:29:52,093 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,093 - ERROR - Error in episode 836: name 'args' is not defined +2025-03-10 15:29:52,096 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,096 - ERROR - Error in episode 837: name 'args' is not defined +2025-03-10 15:29:52,099 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,099 - ERROR - Error in episode 838: name 'args' is not defined +2025-03-10 15:29:52,101 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,102 - ERROR - Error in episode 839: name 'args' is not defined +2025-03-10 15:29:52,104 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,104 - ERROR - Error in episode 840: name 'args' is not defined +2025-03-10 15:29:52,107 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,107 - ERROR - Error in episode 841: name 'args' is not defined +2025-03-10 15:29:52,110 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,110 - ERROR - Error in episode 842: name 'args' is not defined +2025-03-10 15:29:52,112 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,113 - ERROR - Error in episode 843: name 'args' is not defined +2025-03-10 15:29:52,116 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,116 - ERROR - Error in episode 844: name 'args' is not defined +2025-03-10 15:29:52,119 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,119 - ERROR - Error in episode 845: name 'args' is not defined +2025-03-10 15:29:52,122 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,122 - ERROR - Error in episode 846: name 'args' is not defined +2025-03-10 15:29:52,125 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,125 - ERROR - Error in episode 847: name 'args' is not defined +2025-03-10 15:29:52,128 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,128 - ERROR - Error in episode 848: name 'args' is not defined +2025-03-10 15:29:52,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,131 - ERROR - Error in episode 849: name 'args' is not defined +2025-03-10 15:29:52,134 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,134 - ERROR - Error in episode 850: name 'args' is not defined +2025-03-10 15:29:52,136 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,137 - ERROR - Error in episode 851: name 'args' is not defined +2025-03-10 15:29:52,139 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,139 - ERROR - Error in episode 852: name 'args' is not defined +2025-03-10 15:29:52,142 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,143 - ERROR - Error in episode 853: name 'args' is not defined +2025-03-10 15:29:52,146 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,146 - ERROR - Error in episode 854: name 'args' is not defined +2025-03-10 15:29:52,149 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,149 - ERROR - Error in episode 855: name 'args' is not defined +2025-03-10 15:29:52,152 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,152 - ERROR - Error in episode 856: name 'args' is not defined +2025-03-10 15:29:52,155 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,155 - ERROR - Error in episode 857: name 'args' is not defined +2025-03-10 15:29:52,158 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,158 - ERROR - Error in episode 858: name 'args' is not defined +2025-03-10 15:29:52,161 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,161 - ERROR - Error in episode 859: name 'args' is not defined +2025-03-10 15:29:52,164 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,164 - ERROR - Error in episode 860: name 'args' is not defined +2025-03-10 15:29:52,167 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,168 - ERROR - Error in episode 861: name 'args' is not defined +2025-03-10 15:29:52,170 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,170 - ERROR - Error in episode 862: name 'args' is not defined +2025-03-10 15:29:52,173 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,173 - ERROR - Error in episode 863: name 'args' is not defined +2025-03-10 15:29:52,176 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,176 - ERROR - Error in episode 864: name 'args' is not defined +2025-03-10 15:29:52,178 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,179 - ERROR - Error in episode 865: name 'args' is not defined +2025-03-10 15:29:52,181 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,182 - ERROR - Error in episode 866: name 'args' is not defined +2025-03-10 15:29:52,184 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,184 - ERROR - Error in episode 867: name 'args' is not defined +2025-03-10 15:29:52,187 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,187 - ERROR - Error in episode 868: name 'args' is not defined +2025-03-10 15:29:52,191 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,191 - ERROR - Error in episode 869: name 'args' is not defined +2025-03-10 15:29:52,194 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,194 - ERROR - Error in episode 870: name 'args' is not defined +2025-03-10 15:29:52,196 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,197 - ERROR - Error in episode 871: name 'args' is not defined +2025-03-10 15:29:52,199 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,200 - ERROR - Error in episode 872: name 'args' is not defined +2025-03-10 15:29:52,202 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,203 - ERROR - Error in episode 873: name 'args' is not defined +2025-03-10 15:29:52,206 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,206 - ERROR - Error in episode 874: name 'args' is not defined +2025-03-10 15:29:52,208 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,209 - ERROR - Error in episode 875: name 'args' is not defined +2025-03-10 15:29:52,211 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,211 - ERROR - Error in episode 876: name 'args' is not defined +2025-03-10 15:29:52,214 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,214 - ERROR - Error in episode 877: name 'args' is not defined +2025-03-10 15:29:52,217 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,217 - ERROR - Error in episode 878: name 'args' is not defined +2025-03-10 15:29:52,219 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,220 - ERROR - Error in episode 879: name 'args' is not defined +2025-03-10 15:29:52,223 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,223 - ERROR - Error in episode 880: name 'args' is not defined +2025-03-10 15:29:52,225 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,225 - ERROR - Error in episode 881: name 'args' is not defined +2025-03-10 15:29:52,228 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,228 - ERROR - Error in episode 882: name 'args' is not defined +2025-03-10 15:29:52,231 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,231 - ERROR - Error in episode 883: name 'args' is not defined +2025-03-10 15:29:52,234 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,234 - ERROR - Error in episode 884: name 'args' is not defined +2025-03-10 15:29:52,236 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,237 - ERROR - Error in episode 885: name 'args' is not defined +2025-03-10 15:29:52,239 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,240 - ERROR - Error in episode 886: name 'args' is not defined +2025-03-10 15:29:52,242 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,243 - ERROR - Error in episode 887: name 'args' is not defined +2025-03-10 15:29:52,246 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,246 - ERROR - Error in episode 888: name 'args' is not defined +2025-03-10 15:29:52,249 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,249 - ERROR - Error in episode 889: name 'args' is not defined +2025-03-10 15:29:52,252 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,252 - ERROR - Error in episode 890: name 'args' is not defined +2025-03-10 15:29:52,255 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,255 - ERROR - Error in episode 891: name 'args' is not defined +2025-03-10 15:29:52,258 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,258 - ERROR - Error in episode 892: name 'args' is not defined +2025-03-10 15:29:52,260 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,261 - ERROR - Error in episode 893: name 'args' is not defined +2025-03-10 15:29:52,264 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,264 - ERROR - Error in episode 894: name 'args' is not defined +2025-03-10 15:29:52,267 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,268 - ERROR - Error in episode 895: name 'args' is not defined +2025-03-10 15:29:52,270 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,271 - ERROR - Error in episode 896: name 'args' is not defined +2025-03-10 15:29:52,274 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,274 - ERROR - Error in episode 897: name 'args' is not defined +2025-03-10 15:29:52,277 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,277 - ERROR - Error in episode 898: name 'args' is not defined +2025-03-10 15:29:52,279 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,280 - ERROR - Error in episode 899: name 'args' is not defined +2025-03-10 15:29:52,283 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,283 - ERROR - Error in episode 900: name 'args' is not defined +2025-03-10 15:29:52,286 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,286 - ERROR - Error in episode 901: name 'args' is not defined +2025-03-10 15:29:52,288 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,289 - ERROR - Error in episode 902: name 'args' is not defined +2025-03-10 15:29:52,291 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,292 - ERROR - Error in episode 903: name 'args' is not defined +2025-03-10 15:29:52,295 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,295 - ERROR - Error in episode 904: name 'args' is not defined +2025-03-10 15:29:52,298 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,299 - ERROR - Error in episode 905: name 'args' is not defined +2025-03-10 15:29:52,301 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,301 - ERROR - Error in episode 906: name 'args' is not defined +2025-03-10 15:29:52,304 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,304 - ERROR - Error in episode 907: name 'args' is not defined +2025-03-10 15:29:52,307 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,307 - ERROR - Error in episode 908: name 'args' is not defined +2025-03-10 15:29:52,310 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,310 - ERROR - Error in episode 909: name 'args' is not defined +2025-03-10 15:29:52,313 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,314 - ERROR - Error in episode 910: name 'args' is not defined +2025-03-10 15:29:52,317 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,317 - ERROR - Error in episode 911: name 'args' is not defined +2025-03-10 15:29:52,319 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,319 - ERROR - Error in episode 912: name 'args' is not defined +2025-03-10 15:29:52,322 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,322 - ERROR - Error in episode 913: name 'args' is not defined +2025-03-10 15:29:52,324 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,325 - ERROR - Error in episode 914: name 'args' is not defined +2025-03-10 15:29:52,328 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,328 - ERROR - Error in episode 915: name 'args' is not defined +2025-03-10 15:29:52,331 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,331 - ERROR - Error in episode 916: name 'args' is not defined +2025-03-10 15:29:52,334 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,334 - ERROR - Error in episode 917: name 'args' is not defined +2025-03-10 15:29:52,337 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,337 - ERROR - Error in episode 918: name 'args' is not defined +2025-03-10 15:29:52,339 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,340 - ERROR - Error in episode 919: name 'args' is not defined +2025-03-10 15:29:52,342 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,343 - ERROR - Error in episode 920: name 'args' is not defined +2025-03-10 15:29:52,345 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,346 - ERROR - Error in episode 921: name 'args' is not defined +2025-03-10 15:29:52,349 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,349 - ERROR - Error in episode 922: name 'args' is not defined +2025-03-10 15:29:52,351 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,352 - ERROR - Error in episode 923: name 'args' is not defined +2025-03-10 15:29:52,354 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,355 - ERROR - Error in episode 924: name 'args' is not defined +2025-03-10 15:29:52,358 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,358 - ERROR - Error in episode 925: name 'args' is not defined +2025-03-10 15:29:52,360 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,361 - ERROR - Error in episode 926: name 'args' is not defined +2025-03-10 15:29:52,363 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,363 - ERROR - Error in episode 927: name 'args' is not defined +2025-03-10 15:29:52,366 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,366 - ERROR - Error in episode 928: name 'args' is not defined +2025-03-10 15:29:52,369 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,369 - ERROR - Error in episode 929: name 'args' is not defined +2025-03-10 15:29:52,372 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,373 - ERROR - Error in episode 930: name 'args' is not defined +2025-03-10 15:29:52,375 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,375 - ERROR - Error in episode 931: name 'args' is not defined +2025-03-10 15:29:52,378 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,379 - ERROR - Error in episode 932: name 'args' is not defined +2025-03-10 15:29:52,382 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,382 - ERROR - Error in episode 933: name 'args' is not defined +2025-03-10 15:29:52,384 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,385 - ERROR - Error in episode 934: name 'args' is not defined +2025-03-10 15:29:52,387 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,387 - ERROR - Error in episode 935: name 'args' is not defined +2025-03-10 15:29:52,390 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,391 - ERROR - Error in episode 936: name 'args' is not defined +2025-03-10 15:29:52,393 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,394 - ERROR - Error in episode 937: name 'args' is not defined +2025-03-10 15:29:52,396 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,396 - ERROR - Error in episode 938: name 'args' is not defined +2025-03-10 15:29:52,399 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,399 - ERROR - Error in episode 939: name 'args' is not defined +2025-03-10 15:29:52,402 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,402 - ERROR - Error in episode 940: name 'args' is not defined +2025-03-10 15:29:52,405 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,405 - ERROR - Error in episode 941: name 'args' is not defined +2025-03-10 15:29:52,408 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,408 - ERROR - Error in episode 942: name 'args' is not defined +2025-03-10 15:29:52,410 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,411 - ERROR - Error in episode 943: name 'args' is not defined +2025-03-10 15:29:52,413 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,413 - ERROR - Error in episode 944: name 'args' is not defined +2025-03-10 15:29:52,416 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,416 - ERROR - Error in episode 945: name 'args' is not defined +2025-03-10 15:29:52,419 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,419 - ERROR - Error in episode 946: name 'args' is not defined +2025-03-10 15:29:52,422 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,422 - ERROR - Error in episode 947: name 'args' is not defined +2025-03-10 15:29:52,425 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,425 - ERROR - Error in episode 948: name 'args' is not defined +2025-03-10 15:29:52,428 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,428 - ERROR - Error in episode 949: name 'args' is not defined +2025-03-10 15:29:52,431 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,431 - ERROR - Error in episode 950: name 'args' is not defined +2025-03-10 15:29:52,434 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,434 - ERROR - Error in episode 951: name 'args' is not defined +2025-03-10 15:29:52,436 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,437 - ERROR - Error in episode 952: name 'args' is not defined +2025-03-10 15:29:52,439 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,439 - ERROR - Error in episode 953: name 'args' is not defined +2025-03-10 15:29:52,442 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,442 - ERROR - Error in episode 954: name 'args' is not defined +2025-03-10 15:29:52,444 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,445 - ERROR - Error in episode 955: name 'args' is not defined +2025-03-10 15:29:52,447 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,448 - ERROR - Error in episode 956: name 'args' is not defined +2025-03-10 15:29:52,450 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,450 - ERROR - Error in episode 957: name 'args' is not defined +2025-03-10 15:29:52,453 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,454 - ERROR - Error in episode 958: name 'args' is not defined +2025-03-10 15:29:52,456 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,456 - ERROR - Error in episode 959: name 'args' is not defined +2025-03-10 15:29:52,459 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,459 - ERROR - Error in episode 960: name 'args' is not defined +2025-03-10 15:29:52,461 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,461 - ERROR - Error in episode 961: name 'args' is not defined +2025-03-10 15:29:52,465 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,465 - ERROR - Error in episode 962: name 'args' is not defined +2025-03-10 15:29:52,467 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,467 - ERROR - Error in episode 963: name 'args' is not defined +2025-03-10 15:29:52,470 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,470 - ERROR - Error in episode 964: name 'args' is not defined +2025-03-10 15:29:52,474 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,474 - ERROR - Error in episode 965: name 'args' is not defined +2025-03-10 15:29:52,476 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,477 - ERROR - Error in episode 966: name 'args' is not defined +2025-03-10 15:29:52,479 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,479 - ERROR - Error in episode 967: name 'args' is not defined +2025-03-10 15:29:52,482 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,482 - ERROR - Error in episode 968: name 'args' is not defined +2025-03-10 15:29:52,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,485 - ERROR - Error in episode 969: name 'args' is not defined +2025-03-10 15:29:52,487 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,488 - ERROR - Error in episode 970: name 'args' is not defined +2025-03-10 15:29:52,490 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,491 - ERROR - Error in episode 971: name 'args' is not defined +2025-03-10 15:29:52,493 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,493 - ERROR - Error in episode 972: name 'args' is not defined +2025-03-10 15:29:52,496 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,496 - ERROR - Error in episode 973: name 'args' is not defined +2025-03-10 15:29:52,499 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,499 - ERROR - Error in episode 974: name 'args' is not defined +2025-03-10 15:29:52,501 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,502 - ERROR - Error in episode 975: name 'args' is not defined +2025-03-10 15:29:52,504 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,505 - ERROR - Error in episode 976: name 'args' is not defined +2025-03-10 15:29:52,507 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,507 - ERROR - Error in episode 977: name 'args' is not defined +2025-03-10 15:29:52,510 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,510 - ERROR - Error in episode 978: name 'args' is not defined +2025-03-10 15:29:52,512 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,513 - ERROR - Error in episode 979: name 'args' is not defined +2025-03-10 15:29:52,516 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,516 - ERROR - Error in episode 980: name 'args' is not defined +2025-03-10 15:29:52,519 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,519 - ERROR - Error in episode 981: name 'args' is not defined +2025-03-10 15:29:52,522 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,522 - ERROR - Error in episode 982: name 'args' is not defined +2025-03-10 15:29:52,525 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,525 - ERROR - Error in episode 983: name 'args' is not defined +2025-03-10 15:29:52,528 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,528 - ERROR - Error in episode 984: name 'args' is not defined +2025-03-10 15:29:52,531 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,531 - ERROR - Error in episode 985: name 'args' is not defined +2025-03-10 15:29:52,534 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,534 - ERROR - Error in episode 986: name 'args' is not defined +2025-03-10 15:29:52,536 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,537 - ERROR - Error in episode 987: name 'args' is not defined +2025-03-10 15:29:52,539 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,539 - ERROR - Error in episode 988: name 'args' is not defined +2025-03-10 15:29:52,542 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,542 - ERROR - Error in episode 989: name 'args' is not defined +2025-03-10 15:29:52,545 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,545 - ERROR - Error in episode 990: name 'args' is not defined +2025-03-10 15:29:52,548 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,548 - ERROR - Error in episode 991: name 'args' is not defined +2025-03-10 15:29:52,551 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,551 - ERROR - Error in episode 992: name 'args' is not defined +2025-03-10 15:29:52,554 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,554 - ERROR - Error in episode 993: name 'args' is not defined +2025-03-10 15:29:52,557 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,558 - ERROR - Error in episode 994: name 'args' is not defined +2025-03-10 15:29:52,560 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,561 - ERROR - Error in episode 995: name 'args' is not defined +2025-03-10 15:29:52,564 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,564 - ERROR - Error in episode 996: name 'args' is not defined +2025-03-10 15:29:52,567 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,567 - ERROR - Error in episode 997: name 'args' is not defined +2025-03-10 15:29:52,569 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,570 - ERROR - Error in episode 998: name 'args' is not defined +2025-03-10 15:29:52,572 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,572 - ERROR - Error in episode 999: name 'args' is not defined +2025-03-10 15:29:52,575 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,575 - ERROR - Error in episode 1000: name 'args' is not defined +2025-03-10 15:29:52,578 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,578 - ERROR - Error in episode 1001: name 'args' is not defined +2025-03-10 15:29:52,582 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,582 - ERROR - Error in episode 1002: name 'args' is not defined +2025-03-10 15:29:52,585 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,585 - ERROR - Error in episode 1003: name 'args' is not defined +2025-03-10 15:29:52,588 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,588 - ERROR - Error in episode 1004: name 'args' is not defined +2025-03-10 15:29:52,591 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,591 - ERROR - Error in episode 1005: name 'args' is not defined +2025-03-10 15:29:52,593 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,594 - ERROR - Error in episode 1006: name 'args' is not defined +2025-03-10 15:29:52,596 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,597 - ERROR - Error in episode 1007: name 'args' is not defined +2025-03-10 15:29:52,600 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,600 - ERROR - Error in episode 1008: name 'args' is not defined +2025-03-10 15:29:52,602 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,602 - ERROR - Error in episode 1009: name 'args' is not defined +2025-03-10 15:29:52,605 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,605 - ERROR - Error in episode 1010: name 'args' is not defined +2025-03-10 15:29:52,608 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,608 - ERROR - Error in episode 1011: name 'args' is not defined +2025-03-10 15:29:52,610 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,611 - ERROR - Error in episode 1012: name 'args' is not defined +2025-03-10 15:29:52,613 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,614 - ERROR - Error in episode 1013: name 'args' is not defined +2025-03-10 15:29:52,616 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,617 - ERROR - Error in episode 1014: name 'args' is not defined +2025-03-10 15:29:52,619 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,619 - ERROR - Error in episode 1015: name 'args' is not defined +2025-03-10 15:29:52,621 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,622 - ERROR - Error in episode 1016: name 'args' is not defined +2025-03-10 15:29:52,625 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,625 - ERROR - Error in episode 1017: name 'args' is not defined +2025-03-10 15:29:52,627 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,628 - ERROR - Error in episode 1018: name 'args' is not defined +2025-03-10 15:29:52,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,630 - ERROR - Error in episode 1019: name 'args' is not defined +2025-03-10 15:29:52,634 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,635 - ERROR - Error in episode 1020: name 'args' is not defined +2025-03-10 15:29:52,638 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,638 - ERROR - Error in episode 1021: name 'args' is not defined +2025-03-10 15:29:52,641 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,641 - ERROR - Error in episode 1022: name 'args' is not defined +2025-03-10 15:29:52,644 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,644 - ERROR - Error in episode 1023: name 'args' is not defined +2025-03-10 15:29:52,647 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,648 - ERROR - Error in episode 1024: name 'args' is not defined +2025-03-10 15:29:52,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,651 - ERROR - Error in episode 1025: name 'args' is not defined +2025-03-10 15:29:52,654 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,654 - ERROR - Error in episode 1026: name 'args' is not defined +2025-03-10 15:29:52,657 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,658 - ERROR - Error in episode 1027: name 'args' is not defined +2025-03-10 15:29:52,660 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,661 - ERROR - Error in episode 1028: name 'args' is not defined +2025-03-10 15:29:52,663 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,663 - ERROR - Error in episode 1029: name 'args' is not defined +2025-03-10 15:29:52,666 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,666 - ERROR - Error in episode 1030: name 'args' is not defined +2025-03-10 15:29:52,669 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,669 - ERROR - Error in episode 1031: name 'args' is not defined +2025-03-10 15:29:52,671 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,672 - ERROR - Error in episode 1032: name 'args' is not defined +2025-03-10 15:29:52,675 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,675 - ERROR - Error in episode 1033: name 'args' is not defined +2025-03-10 15:29:52,677 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,678 - ERROR - Error in episode 1034: name 'args' is not defined +2025-03-10 15:29:52,680 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,681 - ERROR - Error in episode 1035: name 'args' is not defined +2025-03-10 15:29:52,683 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,684 - ERROR - Error in episode 1036: name 'args' is not defined +2025-03-10 15:29:52,686 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,686 - ERROR - Error in episode 1037: name 'args' is not defined +2025-03-10 15:29:52,689 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,689 - ERROR - Error in episode 1038: name 'args' is not defined +2025-03-10 15:29:52,692 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,692 - ERROR - Error in episode 1039: name 'args' is not defined +2025-03-10 15:29:52,695 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,695 - ERROR - Error in episode 1040: name 'args' is not defined +2025-03-10 15:29:52,698 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,699 - ERROR - Error in episode 1041: name 'args' is not defined +2025-03-10 15:29:52,701 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,701 - ERROR - Error in episode 1042: name 'args' is not defined +2025-03-10 15:29:52,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,704 - ERROR - Error in episode 1043: name 'args' is not defined +2025-03-10 15:29:52,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,707 - ERROR - Error in episode 1044: name 'args' is not defined +2025-03-10 15:29:52,709 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,710 - ERROR - Error in episode 1045: name 'args' is not defined +2025-03-10 15:29:52,712 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,712 - ERROR - Error in episode 1046: name 'args' is not defined +2025-03-10 15:29:52,715 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,716 - ERROR - Error in episode 1047: name 'args' is not defined +2025-03-10 15:29:52,718 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,719 - ERROR - Error in episode 1048: name 'args' is not defined +2025-03-10 15:29:52,721 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,721 - ERROR - Error in episode 1049: name 'args' is not defined +2025-03-10 15:29:52,724 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,724 - ERROR - Error in episode 1050: name 'args' is not defined +2025-03-10 15:29:52,726 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,727 - ERROR - Error in episode 1051: name 'args' is not defined +2025-03-10 15:29:52,729 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,729 - ERROR - Error in episode 1052: name 'args' is not defined +2025-03-10 15:29:52,732 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,732 - ERROR - Error in episode 1053: name 'args' is not defined +2025-03-10 15:29:52,735 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,735 - ERROR - Error in episode 1054: name 'args' is not defined +2025-03-10 15:29:52,737 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,738 - ERROR - Error in episode 1055: name 'args' is not defined +2025-03-10 15:29:52,741 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,741 - ERROR - Error in episode 1056: name 'args' is not defined +2025-03-10 15:29:52,743 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,744 - ERROR - Error in episode 1057: name 'args' is not defined +2025-03-10 15:29:52,746 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,746 - ERROR - Error in episode 1058: name 'args' is not defined +2025-03-10 15:29:52,749 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,749 - ERROR - Error in episode 1059: name 'args' is not defined +2025-03-10 15:29:52,752 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,752 - ERROR - Error in episode 1060: name 'args' is not defined +2025-03-10 15:29:52,755 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,756 - ERROR - Error in episode 1061: name 'args' is not defined +2025-03-10 15:29:52,758 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,759 - ERROR - Error in episode 1062: name 'args' is not defined +2025-03-10 15:29:52,761 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,762 - ERROR - Error in episode 1063: name 'args' is not defined +2025-03-10 15:29:52,764 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,765 - ERROR - Error in episode 1064: name 'args' is not defined +2025-03-10 15:29:52,767 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,767 - ERROR - Error in episode 1065: name 'args' is not defined +2025-03-10 15:29:52,770 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,770 - ERROR - Error in episode 1066: name 'args' is not defined +2025-03-10 15:29:52,773 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,773 - ERROR - Error in episode 1067: name 'args' is not defined +2025-03-10 15:29:52,775 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,776 - ERROR - Error in episode 1068: name 'args' is not defined +2025-03-10 15:29:52,778 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,779 - ERROR - Error in episode 1069: name 'args' is not defined +2025-03-10 15:29:52,782 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,782 - ERROR - Error in episode 1070: name 'args' is not defined +2025-03-10 15:29:52,785 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,785 - ERROR - Error in episode 1071: name 'args' is not defined +2025-03-10 15:29:52,788 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,788 - ERROR - Error in episode 1072: name 'args' is not defined +2025-03-10 15:29:52,791 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,791 - ERROR - Error in episode 1073: name 'args' is not defined +2025-03-10 15:29:52,794 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,794 - ERROR - Error in episode 1074: name 'args' is not defined +2025-03-10 15:29:52,796 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,797 - ERROR - Error in episode 1075: name 'args' is not defined +2025-03-10 15:29:52,799 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,800 - ERROR - Error in episode 1076: name 'args' is not defined +2025-03-10 15:29:52,802 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,802 - ERROR - Error in episode 1077: name 'args' is not defined +2025-03-10 15:29:52,804 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,805 - ERROR - Error in episode 1078: name 'args' is not defined +2025-03-10 15:29:52,808 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,808 - ERROR - Error in episode 1079: name 'args' is not defined +2025-03-10 15:29:52,810 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,810 - ERROR - Error in episode 1080: name 'args' is not defined +2025-03-10 15:29:52,814 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,814 - ERROR - Error in episode 1081: name 'args' is not defined +2025-03-10 15:29:52,817 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,817 - ERROR - Error in episode 1082: name 'args' is not defined +2025-03-10 15:29:52,819 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,820 - ERROR - Error in episode 1083: name 'args' is not defined +2025-03-10 15:29:52,822 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,822 - ERROR - Error in episode 1084: name 'args' is not defined +2025-03-10 15:29:52,825 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,825 - ERROR - Error in episode 1085: name 'args' is not defined +2025-03-10 15:29:52,827 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,828 - ERROR - Error in episode 1086: name 'args' is not defined +2025-03-10 15:29:52,830 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,830 - ERROR - Error in episode 1087: name 'args' is not defined +2025-03-10 15:29:52,833 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,833 - ERROR - Error in episode 1088: name 'args' is not defined +2025-03-10 15:29:52,835 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,836 - ERROR - Error in episode 1089: name 'args' is not defined +2025-03-10 15:29:52,838 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,838 - ERROR - Error in episode 1090: name 'args' is not defined +2025-03-10 15:29:52,841 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,841 - ERROR - Error in episode 1091: name 'args' is not defined +2025-03-10 15:29:52,844 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,845 - ERROR - Error in episode 1092: name 'args' is not defined +2025-03-10 15:29:52,847 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,847 - ERROR - Error in episode 1093: name 'args' is not defined +2025-03-10 15:29:52,850 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,850 - ERROR - Error in episode 1094: name 'args' is not defined +2025-03-10 15:29:52,854 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,854 - ERROR - Error in episode 1095: name 'args' is not defined +2025-03-10 15:29:52,857 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,857 - ERROR - Error in episode 1096: name 'args' is not defined +2025-03-10 15:29:52,860 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,860 - ERROR - Error in episode 1097: name 'args' is not defined +2025-03-10 15:29:52,863 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,863 - ERROR - Error in episode 1098: name 'args' is not defined +2025-03-10 15:29:52,866 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,866 - ERROR - Error in episode 1099: name 'args' is not defined +2025-03-10 15:29:52,868 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,869 - ERROR - Error in episode 1100: name 'args' is not defined +2025-03-10 15:29:52,871 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,871 - ERROR - Error in episode 1101: name 'args' is not defined +2025-03-10 15:29:52,875 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,875 - ERROR - Error in episode 1102: name 'args' is not defined +2025-03-10 15:29:52,877 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,878 - ERROR - Error in episode 1103: name 'args' is not defined +2025-03-10 15:29:52,880 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,880 - ERROR - Error in episode 1104: name 'args' is not defined +2025-03-10 15:29:52,883 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,883 - ERROR - Error in episode 1105: name 'args' is not defined +2025-03-10 15:29:52,886 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,886 - ERROR - Error in episode 1106: name 'args' is not defined +2025-03-10 15:29:52,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,889 - ERROR - Error in episode 1107: name 'args' is not defined +2025-03-10 15:29:52,891 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,892 - ERROR - Error in episode 1108: name 'args' is not defined +2025-03-10 15:29:52,894 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,895 - ERROR - Error in episode 1109: name 'args' is not defined +2025-03-10 15:29:52,897 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,897 - ERROR - Error in episode 1110: name 'args' is not defined +2025-03-10 15:29:52,900 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,900 - ERROR - Error in episode 1111: name 'args' is not defined +2025-03-10 15:29:52,903 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,903 - ERROR - Error in episode 1112: name 'args' is not defined +2025-03-10 15:29:52,905 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,906 - ERROR - Error in episode 1113: name 'args' is not defined +2025-03-10 15:29:52,909 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,909 - ERROR - Error in episode 1114: name 'args' is not defined +2025-03-10 15:29:52,912 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,912 - ERROR - Error in episode 1115: name 'args' is not defined +2025-03-10 15:29:52,914 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,915 - ERROR - Error in episode 1116: name 'args' is not defined +2025-03-10 15:29:52,917 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,918 - ERROR - Error in episode 1117: name 'args' is not defined +2025-03-10 15:29:52,921 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,922 - ERROR - Error in episode 1118: name 'args' is not defined +2025-03-10 15:29:52,925 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,925 - ERROR - Error in episode 1119: name 'args' is not defined +2025-03-10 15:29:52,927 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,928 - ERROR - Error in episode 1120: name 'args' is not defined +2025-03-10 15:29:52,930 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,930 - ERROR - Error in episode 1121: name 'args' is not defined +2025-03-10 15:29:52,933 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,934 - ERROR - Error in episode 1122: name 'args' is not defined +2025-03-10 15:29:52,936 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,936 - ERROR - Error in episode 1123: name 'args' is not defined +2025-03-10 15:29:52,939 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,939 - ERROR - Error in episode 1124: name 'args' is not defined +2025-03-10 15:29:52,942 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,943 - ERROR - Error in episode 1125: name 'args' is not defined +2025-03-10 15:29:52,945 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,945 - ERROR - Error in episode 1126: name 'args' is not defined +2025-03-10 15:29:52,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,948 - ERROR - Error in episode 1127: name 'args' is not defined +2025-03-10 15:29:52,951 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,951 - ERROR - Error in episode 1128: name 'args' is not defined +2025-03-10 15:29:52,953 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,954 - ERROR - Error in episode 1129: name 'args' is not defined +2025-03-10 15:29:52,956 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,957 - ERROR - Error in episode 1130: name 'args' is not defined +2025-03-10 15:29:52,959 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,960 - ERROR - Error in episode 1131: name 'args' is not defined +2025-03-10 15:29:52,962 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,963 - ERROR - Error in episode 1132: name 'args' is not defined +2025-03-10 15:29:52,966 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,966 - ERROR - Error in episode 1133: name 'args' is not defined +2025-03-10 15:29:52,969 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,969 - ERROR - Error in episode 1134: name 'args' is not defined +2025-03-10 15:29:52,971 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,972 - ERROR - Error in episode 1135: name 'args' is not defined +2025-03-10 15:29:52,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,975 - ERROR - Error in episode 1136: name 'args' is not defined +2025-03-10 15:29:52,977 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,977 - ERROR - Error in episode 1137: name 'args' is not defined +2025-03-10 15:29:52,980 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,980 - ERROR - Error in episode 1138: name 'args' is not defined +2025-03-10 15:29:52,983 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,983 - ERROR - Error in episode 1139: name 'args' is not defined +2025-03-10 15:29:52,985 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,986 - ERROR - Error in episode 1140: name 'args' is not defined +2025-03-10 15:29:52,988 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,988 - ERROR - Error in episode 1141: name 'args' is not defined +2025-03-10 15:29:52,991 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,991 - ERROR - Error in episode 1142: name 'args' is not defined +2025-03-10 15:29:52,994 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,994 - ERROR - Error in episode 1143: name 'args' is not defined +2025-03-10 15:29:52,996 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:52,997 - ERROR - Error in episode 1144: name 'args' is not defined +2025-03-10 15:29:52,999 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,000 - ERROR - Error in episode 1145: name 'args' is not defined +2025-03-10 15:29:53,002 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,002 - ERROR - Error in episode 1146: name 'args' is not defined +2025-03-10 15:29:53,005 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,005 - ERROR - Error in episode 1147: name 'args' is not defined +2025-03-10 15:29:53,008 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,008 - ERROR - Error in episode 1148: name 'args' is not defined +2025-03-10 15:29:53,011 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,011 - ERROR - Error in episode 1149: name 'args' is not defined +2025-03-10 15:29:53,014 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,014 - ERROR - Error in episode 1150: name 'args' is not defined +2025-03-10 15:29:53,017 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,018 - ERROR - Error in episode 1151: name 'args' is not defined +2025-03-10 15:29:53,021 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,021 - ERROR - Error in episode 1152: name 'args' is not defined +2025-03-10 15:29:53,024 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,024 - ERROR - Error in episode 1153: name 'args' is not defined +2025-03-10 15:29:53,027 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,027 - ERROR - Error in episode 1154: name 'args' is not defined +2025-03-10 15:29:53,029 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,030 - ERROR - Error in episode 1155: name 'args' is not defined +2025-03-10 15:29:53,033 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,033 - ERROR - Error in episode 1156: name 'args' is not defined +2025-03-10 15:29:53,035 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,036 - ERROR - Error in episode 1157: name 'args' is not defined +2025-03-10 15:29:53,038 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,038 - ERROR - Error in episode 1158: name 'args' is not defined +2025-03-10 15:29:53,041 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,041 - ERROR - Error in episode 1159: name 'args' is not defined +2025-03-10 15:29:53,044 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,044 - ERROR - Error in episode 1160: name 'args' is not defined +2025-03-10 15:29:53,046 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,048 - ERROR - Error in episode 1161: name 'args' is not defined +2025-03-10 15:29:53,050 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,051 - ERROR - Error in episode 1162: name 'args' is not defined +2025-03-10 15:29:53,053 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,054 - ERROR - Error in episode 1163: name 'args' is not defined +2025-03-10 15:29:53,057 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,057 - ERROR - Error in episode 1164: name 'args' is not defined +2025-03-10 15:29:53,060 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,060 - ERROR - Error in episode 1165: name 'args' is not defined +2025-03-10 15:29:53,062 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,063 - ERROR - Error in episode 1166: name 'args' is not defined +2025-03-10 15:29:53,066 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,066 - ERROR - Error in episode 1167: name 'args' is not defined +2025-03-10 15:29:53,068 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,069 - ERROR - Error in episode 1168: name 'args' is not defined +2025-03-10 15:29:53,071 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,071 - ERROR - Error in episode 1169: name 'args' is not defined +2025-03-10 15:29:53,074 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,074 - ERROR - Error in episode 1170: name 'args' is not defined +2025-03-10 15:29:53,077 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,077 - ERROR - Error in episode 1171: name 'args' is not defined +2025-03-10 15:29:53,080 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,080 - ERROR - Error in episode 1172: name 'args' is not defined +2025-03-10 15:29:53,083 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,083 - ERROR - Error in episode 1173: name 'args' is not defined +2025-03-10 15:29:53,086 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,086 - ERROR - Error in episode 1174: name 'args' is not defined +2025-03-10 15:29:53,088 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,089 - ERROR - Error in episode 1175: name 'args' is not defined +2025-03-10 15:29:53,091 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,091 - ERROR - Error in episode 1176: name 'args' is not defined +2025-03-10 15:29:53,095 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,096 - ERROR - Error in episode 1177: name 'args' is not defined +2025-03-10 15:29:53,098 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,098 - ERROR - Error in episode 1178: name 'args' is not defined +2025-03-10 15:29:53,101 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,101 - ERROR - Error in episode 1179: name 'args' is not defined +2025-03-10 15:29:53,104 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,105 - ERROR - Error in episode 1180: name 'args' is not defined +2025-03-10 15:29:53,107 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,107 - ERROR - Error in episode 1181: name 'args' is not defined +2025-03-10 15:29:53,110 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,110 - ERROR - Error in episode 1182: name 'args' is not defined +2025-03-10 15:29:53,113 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,113 - ERROR - Error in episode 1183: name 'args' is not defined +2025-03-10 15:29:53,116 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,116 - ERROR - Error in episode 1184: name 'args' is not defined +2025-03-10 15:29:53,118 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,119 - ERROR - Error in episode 1185: name 'args' is not defined +2025-03-10 15:29:53,121 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,121 - ERROR - Error in episode 1186: name 'args' is not defined +2025-03-10 15:29:53,124 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,124 - ERROR - Error in episode 1187: name 'args' is not defined +2025-03-10 15:29:53,127 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,127 - ERROR - Error in episode 1188: name 'args' is not defined +2025-03-10 15:29:53,129 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,130 - ERROR - Error in episode 1189: name 'args' is not defined +2025-03-10 15:29:53,132 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,133 - ERROR - Error in episode 1190: name 'args' is not defined +2025-03-10 15:29:53,135 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,136 - ERROR - Error in episode 1191: name 'args' is not defined +2025-03-10 15:29:53,139 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,139 - ERROR - Error in episode 1192: name 'args' is not defined +2025-03-10 15:29:53,142 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,142 - ERROR - Error in episode 1193: name 'args' is not defined +2025-03-10 15:29:53,145 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,146 - ERROR - Error in episode 1194: name 'args' is not defined +2025-03-10 15:29:53,148 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,148 - ERROR - Error in episode 1195: name 'args' is not defined +2025-03-10 15:29:53,151 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,151 - ERROR - Error in episode 1196: name 'args' is not defined +2025-03-10 15:29:53,155 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,155 - ERROR - Error in episode 1197: name 'args' is not defined +2025-03-10 15:29:53,159 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,159 - ERROR - Error in episode 1198: name 'args' is not defined +2025-03-10 15:29:53,162 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,163 - ERROR - Error in episode 1199: name 'args' is not defined +2025-03-10 15:29:53,166 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,166 - ERROR - Error in episode 1200: name 'args' is not defined +2025-03-10 15:29:53,169 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,169 - ERROR - Error in episode 1201: name 'args' is not defined +2025-03-10 15:29:53,172 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,172 - ERROR - Error in episode 1202: name 'args' is not defined +2025-03-10 15:29:53,176 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,176 - ERROR - Error in episode 1203: name 'args' is not defined +2025-03-10 15:29:53,180 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,180 - ERROR - Error in episode 1204: name 'args' is not defined +2025-03-10 15:29:53,184 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,185 - ERROR - Error in episode 1205: name 'args' is not defined +2025-03-10 15:29:53,188 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,189 - ERROR - Error in episode 1206: name 'args' is not defined +2025-03-10 15:29:53,193 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,193 - ERROR - Error in episode 1207: name 'args' is not defined +2025-03-10 15:29:53,197 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,198 - ERROR - Error in episode 1208: name 'args' is not defined +2025-03-10 15:29:53,201 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,201 - ERROR - Error in episode 1209: name 'args' is not defined +2025-03-10 15:29:53,206 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,206 - ERROR - Error in episode 1210: name 'args' is not defined +2025-03-10 15:29:53,210 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,210 - ERROR - Error in episode 1211: name 'args' is not defined +2025-03-10 15:29:53,212 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,213 - ERROR - Error in episode 1212: name 'args' is not defined +2025-03-10 15:29:53,216 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,216 - ERROR - Error in episode 1213: name 'args' is not defined +2025-03-10 15:29:53,219 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,219 - ERROR - Error in episode 1214: name 'args' is not defined +2025-03-10 15:29:53,224 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,224 - ERROR - Error in episode 1215: name 'args' is not defined +2025-03-10 15:29:53,228 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,229 - ERROR - Error in episode 1216: name 'args' is not defined +2025-03-10 15:29:53,231 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,232 - ERROR - Error in episode 1217: name 'args' is not defined +2025-03-10 15:29:53,234 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,235 - ERROR - Error in episode 1218: name 'args' is not defined +2025-03-10 15:29:53,239 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,239 - ERROR - Error in episode 1219: name 'args' is not defined +2025-03-10 15:29:53,242 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,242 - ERROR - Error in episode 1220: name 'args' is not defined +2025-03-10 15:29:53,245 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,245 - ERROR - Error in episode 1221: name 'args' is not defined +2025-03-10 15:29:53,248 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,248 - ERROR - Error in episode 1222: name 'args' is not defined +2025-03-10 15:29:53,251 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,251 - ERROR - Error in episode 1223: name 'args' is not defined +2025-03-10 15:29:53,254 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,254 - ERROR - Error in episode 1224: name 'args' is not defined +2025-03-10 15:29:53,257 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,257 - ERROR - Error in episode 1225: name 'args' is not defined +2025-03-10 15:29:53,260 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,260 - ERROR - Error in episode 1226: name 'args' is not defined +2025-03-10 15:29:53,262 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,263 - ERROR - Error in episode 1227: name 'args' is not defined +2025-03-10 15:29:53,265 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,266 - ERROR - Error in episode 1228: name 'args' is not defined +2025-03-10 15:29:53,268 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,269 - ERROR - Error in episode 1229: name 'args' is not defined +2025-03-10 15:29:53,271 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,272 - ERROR - Error in episode 1230: name 'args' is not defined +2025-03-10 15:29:53,275 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,275 - ERROR - Error in episode 1231: name 'args' is not defined +2025-03-10 15:29:53,278 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,278 - ERROR - Error in episode 1232: name 'args' is not defined +2025-03-10 15:29:53,281 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,281 - ERROR - Error in episode 1233: name 'args' is not defined +2025-03-10 15:29:53,284 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,284 - ERROR - Error in episode 1234: name 'args' is not defined +2025-03-10 15:29:53,286 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,287 - ERROR - Error in episode 1235: name 'args' is not defined +2025-03-10 15:29:53,289 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,290 - ERROR - Error in episode 1236: name 'args' is not defined +2025-03-10 15:29:53,292 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,293 - ERROR - Error in episode 1237: name 'args' is not defined +2025-03-10 15:29:53,295 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,296 - ERROR - Error in episode 1238: name 'args' is not defined +2025-03-10 15:29:53,298 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,298 - ERROR - Error in episode 1239: name 'args' is not defined +2025-03-10 15:29:53,301 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,301 - ERROR - Error in episode 1240: name 'args' is not defined +2025-03-10 15:29:53,304 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,305 - ERROR - Error in episode 1241: name 'args' is not defined +2025-03-10 15:29:53,307 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,308 - ERROR - Error in episode 1242: name 'args' is not defined +2025-03-10 15:29:53,310 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,311 - ERROR - Error in episode 1243: name 'args' is not defined +2025-03-10 15:29:53,313 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,313 - ERROR - Error in episode 1244: name 'args' is not defined +2025-03-10 15:29:53,315 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,316 - ERROR - Error in episode 1245: name 'args' is not defined +2025-03-10 15:29:53,318 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,318 - ERROR - Error in episode 1246: name 'args' is not defined +2025-03-10 15:29:53,322 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,322 - ERROR - Error in episode 1247: name 'args' is not defined +2025-03-10 15:29:53,325 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,325 - ERROR - Error in episode 1248: name 'args' is not defined +2025-03-10 15:29:53,328 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,328 - ERROR - Error in episode 1249: name 'args' is not defined +2025-03-10 15:29:53,331 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,331 - ERROR - Error in episode 1250: name 'args' is not defined +2025-03-10 15:29:53,334 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,334 - ERROR - Error in episode 1251: name 'args' is not defined +2025-03-10 15:29:53,337 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,337 - ERROR - Error in episode 1252: name 'args' is not defined +2025-03-10 15:29:53,340 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,340 - ERROR - Error in episode 1253: name 'args' is not defined +2025-03-10 15:29:53,343 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,343 - ERROR - Error in episode 1254: name 'args' is not defined +2025-03-10 15:29:53,346 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,346 - ERROR - Error in episode 1255: name 'args' is not defined +2025-03-10 15:29:53,349 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,349 - ERROR - Error in episode 1256: name 'args' is not defined +2025-03-10 15:29:53,352 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,352 - ERROR - Error in episode 1257: name 'args' is not defined +2025-03-10 15:29:53,354 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,355 - ERROR - Error in episode 1258: name 'args' is not defined +2025-03-10 15:29:53,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,357 - ERROR - Error in episode 1259: name 'args' is not defined +2025-03-10 15:29:53,360 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,360 - ERROR - Error in episode 1260: name 'args' is not defined +2025-03-10 15:29:53,362 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,363 - ERROR - Error in episode 1261: name 'args' is not defined +2025-03-10 15:29:53,365 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,365 - ERROR - Error in episode 1262: name 'args' is not defined +2025-03-10 15:29:53,368 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,369 - ERROR - Error in episode 1263: name 'args' is not defined +2025-03-10 15:29:53,372 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,372 - ERROR - Error in episode 1264: name 'args' is not defined +2025-03-10 15:29:53,375 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,375 - ERROR - Error in episode 1265: name 'args' is not defined +2025-03-10 15:29:53,378 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,378 - ERROR - Error in episode 1266: name 'args' is not defined +2025-03-10 15:29:53,380 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,380 - ERROR - Error in episode 1267: name 'args' is not defined +2025-03-10 15:29:53,383 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,383 - ERROR - Error in episode 1268: name 'args' is not defined +2025-03-10 15:29:53,386 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,386 - ERROR - Error in episode 1269: name 'args' is not defined +2025-03-10 15:29:53,388 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,389 - ERROR - Error in episode 1270: name 'args' is not defined +2025-03-10 15:29:53,391 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,393 - ERROR - Error in episode 1271: name 'args' is not defined +2025-03-10 15:29:53,395 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,396 - ERROR - Error in episode 1272: name 'args' is not defined +2025-03-10 15:29:53,399 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,399 - ERROR - Error in episode 1273: name 'args' is not defined +2025-03-10 15:29:53,402 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,402 - ERROR - Error in episode 1274: name 'args' is not defined +2025-03-10 15:29:53,405 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,405 - ERROR - Error in episode 1275: name 'args' is not defined +2025-03-10 15:29:53,408 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,409 - ERROR - Error in episode 1276: name 'args' is not defined +2025-03-10 15:29:53,411 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,412 - ERROR - Error in episode 1277: name 'args' is not defined +2025-03-10 15:29:53,414 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,414 - ERROR - Error in episode 1278: name 'args' is not defined +2025-03-10 15:29:53,417 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,417 - ERROR - Error in episode 1279: name 'args' is not defined +2025-03-10 15:29:53,420 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,420 - ERROR - Error in episode 1280: name 'args' is not defined +2025-03-10 15:29:53,422 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,423 - ERROR - Error in episode 1281: name 'args' is not defined +2025-03-10 15:29:53,425 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,425 - ERROR - Error in episode 1282: name 'args' is not defined +2025-03-10 15:29:53,429 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,429 - ERROR - Error in episode 1283: name 'args' is not defined +2025-03-10 15:29:53,431 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,432 - ERROR - Error in episode 1284: name 'args' is not defined +2025-03-10 15:29:53,434 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,435 - ERROR - Error in episode 1285: name 'args' is not defined +2025-03-10 15:29:53,437 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,438 - ERROR - Error in episode 1286: name 'args' is not defined +2025-03-10 15:29:53,440 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,440 - ERROR - Error in episode 1287: name 'args' is not defined +2025-03-10 15:29:53,443 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,444 - ERROR - Error in episode 1288: name 'args' is not defined +2025-03-10 15:29:53,446 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,447 - ERROR - Error in episode 1289: name 'args' is not defined +2025-03-10 15:29:53,450 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,450 - ERROR - Error in episode 1290: name 'args' is not defined +2025-03-10 15:29:53,453 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,454 - ERROR - Error in episode 1291: name 'args' is not defined +2025-03-10 15:29:53,456 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,457 - ERROR - Error in episode 1292: name 'args' is not defined +2025-03-10 15:29:53,459 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,460 - ERROR - Error in episode 1293: name 'args' is not defined +2025-03-10 15:29:53,462 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,463 - ERROR - Error in episode 1294: name 'args' is not defined +2025-03-10 15:29:53,466 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,466 - ERROR - Error in episode 1295: name 'args' is not defined +2025-03-10 15:29:53,468 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,469 - ERROR - Error in episode 1296: name 'args' is not defined +2025-03-10 15:29:53,471 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,471 - ERROR - Error in episode 1297: name 'args' is not defined +2025-03-10 15:29:53,474 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,474 - ERROR - Error in episode 1298: name 'args' is not defined +2025-03-10 15:29:53,477 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,477 - ERROR - Error in episode 1299: name 'args' is not defined +2025-03-10 15:29:53,480 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,480 - ERROR - Error in episode 1300: name 'args' is not defined +2025-03-10 15:29:53,483 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,483 - ERROR - Error in episode 1301: name 'args' is not defined +2025-03-10 15:29:53,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,486 - ERROR - Error in episode 1302: name 'args' is not defined +2025-03-10 15:29:53,488 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,488 - ERROR - Error in episode 1303: name 'args' is not defined +2025-03-10 15:29:53,491 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,492 - ERROR - Error in episode 1304: name 'args' is not defined +2025-03-10 15:29:53,494 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,495 - ERROR - Error in episode 1305: name 'args' is not defined +2025-03-10 15:29:53,497 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,498 - ERROR - Error in episode 1306: name 'args' is not defined +2025-03-10 15:29:53,501 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,501 - ERROR - Error in episode 1307: name 'args' is not defined +2025-03-10 15:29:53,503 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,504 - ERROR - Error in episode 1308: name 'args' is not defined +2025-03-10 15:29:53,507 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,508 - ERROR - Error in episode 1309: name 'args' is not defined +2025-03-10 15:29:53,510 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,511 - ERROR - Error in episode 1310: name 'args' is not defined +2025-03-10 15:29:53,513 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,513 - ERROR - Error in episode 1311: name 'args' is not defined +2025-03-10 15:29:53,516 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,516 - ERROR - Error in episode 1312: name 'args' is not defined +2025-03-10 15:29:53,518 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,519 - ERROR - Error in episode 1313: name 'args' is not defined +2025-03-10 15:29:53,520 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,521 - ERROR - Error in episode 1314: name 'args' is not defined +2025-03-10 15:29:53,523 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,524 - ERROR - Error in episode 1315: name 'args' is not defined +2025-03-10 15:29:53,526 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,527 - ERROR - Error in episode 1316: name 'args' is not defined +2025-03-10 15:29:53,529 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,529 - ERROR - Error in episode 1317: name 'args' is not defined +2025-03-10 15:29:53,533 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,533 - ERROR - Error in episode 1318: name 'args' is not defined +2025-03-10 15:29:53,536 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,536 - ERROR - Error in episode 1319: name 'args' is not defined +2025-03-10 15:29:53,539 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,539 - ERROR - Error in episode 1320: name 'args' is not defined +2025-03-10 15:29:53,542 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,542 - ERROR - Error in episode 1321: name 'args' is not defined +2025-03-10 15:29:53,544 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,545 - ERROR - Error in episode 1322: name 'args' is not defined +2025-03-10 15:29:53,547 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,548 - ERROR - Error in episode 1323: name 'args' is not defined +2025-03-10 15:29:53,550 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,551 - ERROR - Error in episode 1324: name 'args' is not defined +2025-03-10 15:29:53,553 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,553 - ERROR - Error in episode 1325: name 'args' is not defined +2025-03-10 15:29:53,556 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,556 - ERROR - Error in episode 1326: name 'args' is not defined +2025-03-10 15:29:53,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,559 - ERROR - Error in episode 1327: name 'args' is not defined +2025-03-10 15:29:53,562 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,563 - ERROR - Error in episode 1328: name 'args' is not defined +2025-03-10 15:29:53,565 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,566 - ERROR - Error in episode 1329: name 'args' is not defined +2025-03-10 15:29:53,568 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,569 - ERROR - Error in episode 1330: name 'args' is not defined +2025-03-10 15:29:53,571 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,571 - ERROR - Error in episode 1331: name 'args' is not defined +2025-03-10 15:29:53,574 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,575 - ERROR - Error in episode 1332: name 'args' is not defined +2025-03-10 15:29:53,576 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,577 - ERROR - Error in episode 1333: name 'args' is not defined +2025-03-10 15:29:53,580 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,580 - ERROR - Error in episode 1334: name 'args' is not defined +2025-03-10 15:29:53,583 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,583 - ERROR - Error in episode 1335: name 'args' is not defined +2025-03-10 15:29:53,586 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,586 - ERROR - Error in episode 1336: name 'args' is not defined +2025-03-10 15:29:53,589 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,589 - ERROR - Error in episode 1337: name 'args' is not defined +2025-03-10 15:29:53,593 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,593 - ERROR - Error in episode 1338: name 'args' is not defined +2025-03-10 15:29:53,595 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,596 - ERROR - Error in episode 1339: name 'args' is not defined +2025-03-10 15:29:53,598 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,599 - ERROR - Error in episode 1340: name 'args' is not defined +2025-03-10 15:29:53,601 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,602 - ERROR - Error in episode 1341: name 'args' is not defined +2025-03-10 15:29:53,605 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,605 - ERROR - Error in episode 1342: name 'args' is not defined +2025-03-10 15:29:53,608 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,609 - ERROR - Error in episode 1343: name 'args' is not defined +2025-03-10 15:29:53,611 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,611 - ERROR - Error in episode 1344: name 'args' is not defined +2025-03-10 15:29:53,614 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,614 - ERROR - Error in episode 1345: name 'args' is not defined +2025-03-10 15:29:53,617 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,617 - ERROR - Error in episode 1346: name 'args' is not defined +2025-03-10 15:29:53,620 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,620 - ERROR - Error in episode 1347: name 'args' is not defined +2025-03-10 15:29:53,622 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,623 - ERROR - Error in episode 1348: name 'args' is not defined +2025-03-10 15:29:53,625 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,626 - ERROR - Error in episode 1349: name 'args' is not defined +2025-03-10 15:29:53,629 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,629 - ERROR - Error in episode 1350: name 'args' is not defined +2025-03-10 15:29:53,632 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,632 - ERROR - Error in episode 1351: name 'args' is not defined +2025-03-10 15:29:53,636 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,636 - ERROR - Error in episode 1352: name 'args' is not defined +2025-03-10 15:29:53,638 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,638 - ERROR - Error in episode 1353: name 'args' is not defined +2025-03-10 15:29:53,641 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,642 - ERROR - Error in episode 1354: name 'args' is not defined +2025-03-10 15:29:53,644 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,645 - ERROR - Error in episode 1355: name 'args' is not defined +2025-03-10 15:29:53,647 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,648 - ERROR - Error in episode 1356: name 'args' is not defined +2025-03-10 15:29:53,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,652 - ERROR - Error in episode 1357: name 'args' is not defined +2025-03-10 15:29:53,655 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,655 - ERROR - Error in episode 1358: name 'args' is not defined +2025-03-10 15:29:53,658 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,658 - ERROR - Error in episode 1359: name 'args' is not defined +2025-03-10 15:29:53,662 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,662 - ERROR - Error in episode 1360: name 'args' is not defined +2025-03-10 15:29:53,665 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,666 - ERROR - Error in episode 1361: name 'args' is not defined +2025-03-10 15:29:53,668 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,668 - ERROR - Error in episode 1362: name 'args' is not defined +2025-03-10 15:29:53,671 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,671 - ERROR - Error in episode 1363: name 'args' is not defined +2025-03-10 15:29:53,674 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,674 - ERROR - Error in episode 1364: name 'args' is not defined +2025-03-10 15:29:53,677 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,677 - ERROR - Error in episode 1365: name 'args' is not defined +2025-03-10 15:29:53,680 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,680 - ERROR - Error in episode 1366: name 'args' is not defined +2025-03-10 15:29:53,683 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,684 - ERROR - Error in episode 1367: name 'args' is not defined +2025-03-10 15:29:53,687 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,687 - ERROR - Error in episode 1368: name 'args' is not defined +2025-03-10 15:29:53,690 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,690 - ERROR - Error in episode 1369: name 'args' is not defined +2025-03-10 15:29:53,693 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,693 - ERROR - Error in episode 1370: name 'args' is not defined +2025-03-10 15:29:53,695 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,696 - ERROR - Error in episode 1371: name 'args' is not defined +2025-03-10 15:29:53,698 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,698 - ERROR - Error in episode 1372: name 'args' is not defined +2025-03-10 15:29:53,701 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,702 - ERROR - Error in episode 1373: name 'args' is not defined +2025-03-10 15:29:53,705 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,705 - ERROR - Error in episode 1374: name 'args' is not defined +2025-03-10 15:29:53,708 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,708 - ERROR - Error in episode 1375: name 'args' is not defined +2025-03-10 15:29:53,710 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,711 - ERROR - Error in episode 1376: name 'args' is not defined +2025-03-10 15:29:53,713 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,713 - ERROR - Error in episode 1377: name 'args' is not defined +2025-03-10 15:29:53,716 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,717 - ERROR - Error in episode 1378: name 'args' is not defined +2025-03-10 15:29:53,719 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,719 - ERROR - Error in episode 1379: name 'args' is not defined +2025-03-10 15:29:53,722 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,723 - ERROR - Error in episode 1380: name 'args' is not defined +2025-03-10 15:29:53,725 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,726 - ERROR - Error in episode 1381: name 'args' is not defined +2025-03-10 15:29:53,728 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,729 - ERROR - Error in episode 1382: name 'args' is not defined +2025-03-10 15:29:53,731 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,731 - ERROR - Error in episode 1383: name 'args' is not defined +2025-03-10 15:29:53,734 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,735 - ERROR - Error in episode 1384: name 'args' is not defined +2025-03-10 15:29:53,737 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,737 - ERROR - Error in episode 1385: name 'args' is not defined +2025-03-10 15:29:53,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,740 - ERROR - Error in episode 1386: name 'args' is not defined +2025-03-10 15:29:53,742 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,743 - ERROR - Error in episode 1387: name 'args' is not defined +2025-03-10 15:29:53,745 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,745 - ERROR - Error in episode 1388: name 'args' is not defined +2025-03-10 15:29:53,748 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,748 - ERROR - Error in episode 1389: name 'args' is not defined +2025-03-10 15:29:53,751 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,751 - ERROR - Error in episode 1390: name 'args' is not defined +2025-03-10 15:29:53,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,754 - ERROR - Error in episode 1391: name 'args' is not defined +2025-03-10 15:29:53,757 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,757 - ERROR - Error in episode 1392: name 'args' is not defined +2025-03-10 15:29:53,760 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,760 - ERROR - Error in episode 1393: name 'args' is not defined +2025-03-10 15:29:53,763 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,763 - ERROR - Error in episode 1394: name 'args' is not defined +2025-03-10 15:29:53,766 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,766 - ERROR - Error in episode 1395: name 'args' is not defined +2025-03-10 15:29:53,768 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,769 - ERROR - Error in episode 1396: name 'args' is not defined +2025-03-10 15:29:53,772 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,772 - ERROR - Error in episode 1397: name 'args' is not defined +2025-03-10 15:29:53,775 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,775 - ERROR - Error in episode 1398: name 'args' is not defined +2025-03-10 15:29:53,778 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,778 - ERROR - Error in episode 1399: name 'args' is not defined +2025-03-10 15:29:53,781 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,781 - ERROR - Error in episode 1400: name 'args' is not defined +2025-03-10 15:29:53,784 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,785 - ERROR - Error in episode 1401: name 'args' is not defined +2025-03-10 15:29:53,788 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,788 - ERROR - Error in episode 1402: name 'args' is not defined +2025-03-10 15:29:53,791 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,791 - ERROR - Error in episode 1403: name 'args' is not defined +2025-03-10 15:29:53,794 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,795 - ERROR - Error in episode 1404: name 'args' is not defined +2025-03-10 15:29:53,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,798 - ERROR - Error in episode 1405: name 'args' is not defined +2025-03-10 15:29:53,801 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,801 - ERROR - Error in episode 1406: name 'args' is not defined +2025-03-10 15:29:53,805 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,805 - ERROR - Error in episode 1407: name 'args' is not defined +2025-03-10 15:29:53,808 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,809 - ERROR - Error in episode 1408: name 'args' is not defined +2025-03-10 15:29:53,812 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,812 - ERROR - Error in episode 1409: name 'args' is not defined +2025-03-10 15:29:53,814 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,814 - ERROR - Error in episode 1410: name 'args' is not defined +2025-03-10 15:29:53,817 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,818 - ERROR - Error in episode 1411: name 'args' is not defined +2025-03-10 15:29:53,821 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,821 - ERROR - Error in episode 1412: name 'args' is not defined +2025-03-10 15:29:53,825 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,825 - ERROR - Error in episode 1413: name 'args' is not defined +2025-03-10 15:29:53,827 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,828 - ERROR - Error in episode 1414: name 'args' is not defined +2025-03-10 15:29:53,830 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,830 - ERROR - Error in episode 1415: name 'args' is not defined +2025-03-10 15:29:53,833 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,834 - ERROR - Error in episode 1416: name 'args' is not defined +2025-03-10 15:29:53,836 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,836 - ERROR - Error in episode 1417: name 'args' is not defined +2025-03-10 15:29:53,839 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,839 - ERROR - Error in episode 1418: name 'args' is not defined +2025-03-10 15:29:53,842 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,842 - ERROR - Error in episode 1419: name 'args' is not defined +2025-03-10 15:29:53,844 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,844 - ERROR - Error in episode 1420: name 'args' is not defined +2025-03-10 15:29:53,847 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,847 - ERROR - Error in episode 1421: name 'args' is not defined +2025-03-10 15:29:53,850 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,850 - ERROR - Error in episode 1422: name 'args' is not defined +2025-03-10 15:29:53,852 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,853 - ERROR - Error in episode 1423: name 'args' is not defined +2025-03-10 15:29:53,856 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,857 - ERROR - Error in episode 1424: name 'args' is not defined +2025-03-10 15:29:53,859 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,860 - ERROR - Error in episode 1425: name 'args' is not defined +2025-03-10 15:29:53,863 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,863 - ERROR - Error in episode 1426: name 'args' is not defined +2025-03-10 15:29:53,866 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,866 - ERROR - Error in episode 1427: name 'args' is not defined +2025-03-10 15:29:53,869 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,869 - ERROR - Error in episode 1428: name 'args' is not defined +2025-03-10 15:29:53,871 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,872 - ERROR - Error in episode 1429: name 'args' is not defined +2025-03-10 15:29:53,874 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,874 - ERROR - Error in episode 1430: name 'args' is not defined +2025-03-10 15:29:53,877 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,877 - ERROR - Error in episode 1431: name 'args' is not defined +2025-03-10 15:29:53,880 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,880 - ERROR - Error in episode 1432: name 'args' is not defined +2025-03-10 15:29:53,883 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,883 - ERROR - Error in episode 1433: name 'args' is not defined +2025-03-10 15:29:53,886 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,886 - ERROR - Error in episode 1434: name 'args' is not defined +2025-03-10 15:29:53,889 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,889 - ERROR - Error in episode 1435: name 'args' is not defined +2025-03-10 15:29:53,893 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,893 - ERROR - Error in episode 1436: name 'args' is not defined +2025-03-10 15:29:53,895 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,896 - ERROR - Error in episode 1437: name 'args' is not defined +2025-03-10 15:29:53,899 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,899 - ERROR - Error in episode 1438: name 'args' is not defined +2025-03-10 15:29:53,901 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,902 - ERROR - Error in episode 1439: name 'args' is not defined +2025-03-10 15:29:53,904 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,905 - ERROR - Error in episode 1440: name 'args' is not defined +2025-03-10 15:29:53,908 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,908 - ERROR - Error in episode 1441: name 'args' is not defined +2025-03-10 15:29:53,911 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,911 - ERROR - Error in episode 1442: name 'args' is not defined +2025-03-10 15:29:53,914 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,915 - ERROR - Error in episode 1443: name 'args' is not defined +2025-03-10 15:29:53,917 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,917 - ERROR - Error in episode 1444: name 'args' is not defined +2025-03-10 15:29:53,920 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,920 - ERROR - Error in episode 1445: name 'args' is not defined +2025-03-10 15:29:53,922 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,922 - ERROR - Error in episode 1446: name 'args' is not defined +2025-03-10 15:29:53,924 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,925 - ERROR - Error in episode 1447: name 'args' is not defined +2025-03-10 15:29:53,927 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,927 - ERROR - Error in episode 1448: name 'args' is not defined +2025-03-10 15:29:53,930 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,930 - ERROR - Error in episode 1449: name 'args' is not defined +2025-03-10 15:29:53,933 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,933 - ERROR - Error in episode 1450: name 'args' is not defined +2025-03-10 15:29:53,935 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,936 - ERROR - Error in episode 1451: name 'args' is not defined +2025-03-10 15:29:53,939 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,939 - ERROR - Error in episode 1452: name 'args' is not defined +2025-03-10 15:29:53,942 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,942 - ERROR - Error in episode 1453: name 'args' is not defined +2025-03-10 15:29:53,944 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,945 - ERROR - Error in episode 1454: name 'args' is not defined +2025-03-10 15:29:53,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,948 - ERROR - Error in episode 1455: name 'args' is not defined +2025-03-10 15:29:53,950 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,951 - ERROR - Error in episode 1456: name 'args' is not defined +2025-03-10 15:29:53,953 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,954 - ERROR - Error in episode 1457: name 'args' is not defined +2025-03-10 15:29:53,956 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,957 - ERROR - Error in episode 1458: name 'args' is not defined +2025-03-10 15:29:53,959 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,960 - ERROR - Error in episode 1459: name 'args' is not defined +2025-03-10 15:29:53,963 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,963 - ERROR - Error in episode 1460: name 'args' is not defined +2025-03-10 15:29:53,965 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,966 - ERROR - Error in episode 1461: name 'args' is not defined +2025-03-10 15:29:53,969 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,969 - ERROR - Error in episode 1462: name 'args' is not defined +2025-03-10 15:29:53,972 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,973 - ERROR - Error in episode 1463: name 'args' is not defined +2025-03-10 15:29:53,976 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,976 - ERROR - Error in episode 1464: name 'args' is not defined +2025-03-10 15:29:53,979 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,979 - ERROR - Error in episode 1465: name 'args' is not defined +2025-03-10 15:29:53,981 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,982 - ERROR - Error in episode 1466: name 'args' is not defined +2025-03-10 15:29:53,984 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,985 - ERROR - Error in episode 1467: name 'args' is not defined +2025-03-10 15:29:53,988 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,988 - ERROR - Error in episode 1468: name 'args' is not defined +2025-03-10 15:29:53,990 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,990 - ERROR - Error in episode 1469: name 'args' is not defined +2025-03-10 15:29:53,993 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,993 - ERROR - Error in episode 1470: name 'args' is not defined +2025-03-10 15:29:53,996 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,996 - ERROR - Error in episode 1471: name 'args' is not defined +2025-03-10 15:29:53,998 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:53,998 - ERROR - Error in episode 1472: name 'args' is not defined +2025-03-10 15:29:54,001 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,001 - ERROR - Error in episode 1473: name 'args' is not defined +2025-03-10 15:29:54,004 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,004 - ERROR - Error in episode 1474: name 'args' is not defined +2025-03-10 15:29:54,007 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,007 - ERROR - Error in episode 1475: name 'args' is not defined +2025-03-10 15:29:54,010 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,010 - ERROR - Error in episode 1476: name 'args' is not defined +2025-03-10 15:29:54,013 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,013 - ERROR - Error in episode 1477: name 'args' is not defined +2025-03-10 15:29:54,016 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,016 - ERROR - Error in episode 1478: name 'args' is not defined +2025-03-10 15:29:54,018 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,019 - ERROR - Error in episode 1479: name 'args' is not defined +2025-03-10 15:29:54,022 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,022 - ERROR - Error in episode 1480: name 'args' is not defined +2025-03-10 15:29:54,024 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,024 - ERROR - Error in episode 1481: name 'args' is not defined +2025-03-10 15:29:54,027 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,027 - ERROR - Error in episode 1482: name 'args' is not defined +2025-03-10 15:29:54,030 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,030 - ERROR - Error in episode 1483: name 'args' is not defined +2025-03-10 15:29:54,033 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,033 - ERROR - Error in episode 1484: name 'args' is not defined +2025-03-10 15:29:54,035 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,036 - ERROR - Error in episode 1485: name 'args' is not defined +2025-03-10 15:29:54,038 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,038 - ERROR - Error in episode 1486: name 'args' is not defined +2025-03-10 15:29:54,041 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,041 - ERROR - Error in episode 1487: name 'args' is not defined +2025-03-10 15:29:54,044 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,044 - ERROR - Error in episode 1488: name 'args' is not defined +2025-03-10 15:29:54,047 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,047 - ERROR - Error in episode 1489: name 'args' is not defined +2025-03-10 15:29:54,050 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,050 - ERROR - Error in episode 1490: name 'args' is not defined +2025-03-10 15:29:54,052 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,052 - ERROR - Error in episode 1491: name 'args' is not defined +2025-03-10 15:29:54,055 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,055 - ERROR - Error in episode 1492: name 'args' is not defined +2025-03-10 15:29:54,058 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,059 - ERROR - Error in episode 1493: name 'args' is not defined +2025-03-10 15:29:54,062 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,062 - ERROR - Error in episode 1494: name 'args' is not defined +2025-03-10 15:29:54,064 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,065 - ERROR - Error in episode 1495: name 'args' is not defined +2025-03-10 15:29:54,068 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,068 - ERROR - Error in episode 1496: name 'args' is not defined +2025-03-10 15:29:54,071 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,071 - ERROR - Error in episode 1497: name 'args' is not defined +2025-03-10 15:29:54,074 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,074 - ERROR - Error in episode 1498: name 'args' is not defined +2025-03-10 15:29:54,076 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,077 - ERROR - Error in episode 1499: name 'args' is not defined +2025-03-10 15:29:54,079 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,079 - ERROR - Error in episode 1500: name 'args' is not defined +2025-03-10 15:29:54,082 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,082 - ERROR - Error in episode 1501: name 'args' is not defined +2025-03-10 15:29:54,085 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,085 - ERROR - Error in episode 1502: name 'args' is not defined +2025-03-10 15:29:54,088 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,088 - ERROR - Error in episode 1503: name 'args' is not defined +2025-03-10 15:29:54,091 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,091 - ERROR - Error in episode 1504: name 'args' is not defined +2025-03-10 15:29:54,093 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,094 - ERROR - Error in episode 1505: name 'args' is not defined +2025-03-10 15:29:54,096 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,097 - ERROR - Error in episode 1506: name 'args' is not defined +2025-03-10 15:29:54,099 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,099 - ERROR - Error in episode 1507: name 'args' is not defined +2025-03-10 15:29:54,102 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,102 - ERROR - Error in episode 1508: name 'args' is not defined +2025-03-10 15:29:54,105 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,105 - ERROR - Error in episode 1509: name 'args' is not defined +2025-03-10 15:29:54,108 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,108 - ERROR - Error in episode 1510: name 'args' is not defined +2025-03-10 15:29:54,110 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,111 - ERROR - Error in episode 1511: name 'args' is not defined +2025-03-10 15:29:54,113 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,113 - ERROR - Error in episode 1512: name 'args' is not defined +2025-03-10 15:29:54,116 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,116 - ERROR - Error in episode 1513: name 'args' is not defined +2025-03-10 15:29:54,119 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,119 - ERROR - Error in episode 1514: name 'args' is not defined +2025-03-10 15:29:54,122 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,122 - ERROR - Error in episode 1515: name 'args' is not defined +2025-03-10 15:29:54,125 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,125 - ERROR - Error in episode 1516: name 'args' is not defined +2025-03-10 15:29:54,127 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,128 - ERROR - Error in episode 1517: name 'args' is not defined +2025-03-10 15:29:54,130 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,131 - ERROR - Error in episode 1518: name 'args' is not defined +2025-03-10 15:29:54,133 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,134 - ERROR - Error in episode 1519: name 'args' is not defined +2025-03-10 15:29:54,136 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,136 - ERROR - Error in episode 1520: name 'args' is not defined +2025-03-10 15:29:54,139 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,140 - ERROR - Error in episode 1521: name 'args' is not defined +2025-03-10 15:29:54,142 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,142 - ERROR - Error in episode 1522: name 'args' is not defined +2025-03-10 15:29:54,145 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,145 - ERROR - Error in episode 1523: name 'args' is not defined +2025-03-10 15:29:54,148 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,148 - ERROR - Error in episode 1524: name 'args' is not defined +2025-03-10 15:29:54,151 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,151 - ERROR - Error in episode 1525: name 'args' is not defined +2025-03-10 15:29:54,155 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,156 - ERROR - Error in episode 1526: name 'args' is not defined +2025-03-10 15:29:54,159 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,159 - ERROR - Error in episode 1527: name 'args' is not defined +2025-03-10 15:29:54,163 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,163 - ERROR - Error in episode 1528: name 'args' is not defined +2025-03-10 15:29:54,166 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,167 - ERROR - Error in episode 1529: name 'args' is not defined +2025-03-10 15:29:54,170 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,171 - ERROR - Error in episode 1530: name 'args' is not defined +2025-03-10 15:29:54,174 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,175 - ERROR - Error in episode 1531: name 'args' is not defined +2025-03-10 15:29:54,178 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,179 - ERROR - Error in episode 1532: name 'args' is not defined +2025-03-10 15:29:54,182 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,182 - ERROR - Error in episode 1533: name 'args' is not defined +2025-03-10 15:29:54,185 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,186 - ERROR - Error in episode 1534: name 'args' is not defined +2025-03-10 15:29:54,189 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,189 - ERROR - Error in episode 1535: name 'args' is not defined +2025-03-10 15:29:54,193 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,193 - ERROR - Error in episode 1536: name 'args' is not defined +2025-03-10 15:29:54,196 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,197 - ERROR - Error in episode 1537: name 'args' is not defined +2025-03-10 15:29:54,200 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,200 - ERROR - Error in episode 1538: name 'args' is not defined +2025-03-10 15:29:54,204 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,204 - ERROR - Error in episode 1539: name 'args' is not defined +2025-03-10 15:29:54,207 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,208 - ERROR - Error in episode 1540: name 'args' is not defined +2025-03-10 15:29:54,210 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,211 - ERROR - Error in episode 1541: name 'args' is not defined +2025-03-10 15:29:54,214 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,214 - ERROR - Error in episode 1542: name 'args' is not defined +2025-03-10 15:29:54,216 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,216 - ERROR - Error in episode 1543: name 'args' is not defined +2025-03-10 15:29:54,219 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,220 - ERROR - Error in episode 1544: name 'args' is not defined +2025-03-10 15:29:54,223 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,223 - ERROR - Error in episode 1545: name 'args' is not defined +2025-03-10 15:29:54,225 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,226 - ERROR - Error in episode 1546: name 'args' is not defined +2025-03-10 15:29:54,228 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,228 - ERROR - Error in episode 1547: name 'args' is not defined +2025-03-10 15:29:54,231 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,232 - ERROR - Error in episode 1548: name 'args' is not defined +2025-03-10 15:29:54,234 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,234 - ERROR - Error in episode 1549: name 'args' is not defined +2025-03-10 15:29:54,237 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,237 - ERROR - Error in episode 1550: name 'args' is not defined +2025-03-10 15:29:54,240 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,240 - ERROR - Error in episode 1551: name 'args' is not defined +2025-03-10 15:29:54,242 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,243 - ERROR - Error in episode 1552: name 'args' is not defined +2025-03-10 15:29:54,246 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,246 - ERROR - Error in episode 1553: name 'args' is not defined +2025-03-10 15:29:54,248 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,249 - ERROR - Error in episode 1554: name 'args' is not defined +2025-03-10 15:29:54,251 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,251 - ERROR - Error in episode 1555: name 'args' is not defined +2025-03-10 15:29:54,254 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,254 - ERROR - Error in episode 1556: name 'args' is not defined +2025-03-10 15:29:54,257 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,258 - ERROR - Error in episode 1557: name 'args' is not defined +2025-03-10 15:29:54,260 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,260 - ERROR - Error in episode 1558: name 'args' is not defined +2025-03-10 15:29:54,263 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,264 - ERROR - Error in episode 1559: name 'args' is not defined +2025-03-10 15:29:54,267 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,267 - ERROR - Error in episode 1560: name 'args' is not defined +2025-03-10 15:29:54,270 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,270 - ERROR - Error in episode 1561: name 'args' is not defined +2025-03-10 15:29:54,273 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,273 - ERROR - Error in episode 1562: name 'args' is not defined +2025-03-10 15:29:54,276 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,276 - ERROR - Error in episode 1563: name 'args' is not defined +2025-03-10 15:29:54,280 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,280 - ERROR - Error in episode 1564: name 'args' is not defined +2025-03-10 15:29:54,282 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,283 - ERROR - Error in episode 1565: name 'args' is not defined +2025-03-10 15:29:54,285 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,286 - ERROR - Error in episode 1566: name 'args' is not defined +2025-03-10 15:29:54,288 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,289 - ERROR - Error in episode 1567: name 'args' is not defined +2025-03-10 15:29:54,291 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,292 - ERROR - Error in episode 1568: name 'args' is not defined +2025-03-10 15:29:54,294 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,295 - ERROR - Error in episode 1569: name 'args' is not defined +2025-03-10 15:29:54,297 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,297 - ERROR - Error in episode 1570: name 'args' is not defined +2025-03-10 15:29:54,300 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,300 - ERROR - Error in episode 1571: name 'args' is not defined +2025-03-10 15:29:54,303 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,303 - ERROR - Error in episode 1572: name 'args' is not defined +2025-03-10 15:29:54,306 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,306 - ERROR - Error in episode 1573: name 'args' is not defined +2025-03-10 15:29:54,309 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,309 - ERROR - Error in episode 1574: name 'args' is not defined +2025-03-10 15:29:54,313 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,313 - ERROR - Error in episode 1575: name 'args' is not defined +2025-03-10 15:29:54,315 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,316 - ERROR - Error in episode 1576: name 'args' is not defined +2025-03-10 15:29:54,318 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,318 - ERROR - Error in episode 1577: name 'args' is not defined +2025-03-10 15:29:54,321 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,321 - ERROR - Error in episode 1578: name 'args' is not defined +2025-03-10 15:29:54,323 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,323 - ERROR - Error in episode 1579: name 'args' is not defined +2025-03-10 15:29:54,326 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,327 - ERROR - Error in episode 1580: name 'args' is not defined +2025-03-10 15:29:54,329 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,330 - ERROR - Error in episode 1581: name 'args' is not defined +2025-03-10 15:29:54,332 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,332 - ERROR - Error in episode 1582: name 'args' is not defined +2025-03-10 15:29:54,335 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,335 - ERROR - Error in episode 1583: name 'args' is not defined +2025-03-10 15:29:54,338 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,338 - ERROR - Error in episode 1584: name 'args' is not defined +2025-03-10 15:29:54,340 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,340 - ERROR - Error in episode 1585: name 'args' is not defined +2025-03-10 15:29:54,343 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,343 - ERROR - Error in episode 1586: name 'args' is not defined +2025-03-10 15:29:54,346 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,347 - ERROR - Error in episode 1587: name 'args' is not defined +2025-03-10 15:29:54,349 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,349 - ERROR - Error in episode 1588: name 'args' is not defined +2025-03-10 15:29:54,352 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,352 - ERROR - Error in episode 1589: name 'args' is not defined +2025-03-10 15:29:54,355 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,355 - ERROR - Error in episode 1590: name 'args' is not defined +2025-03-10 15:29:54,358 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,358 - ERROR - Error in episode 1591: name 'args' is not defined +2025-03-10 15:29:54,361 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,361 - ERROR - Error in episode 1592: name 'args' is not defined +2025-03-10 15:29:54,364 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,365 - ERROR - Error in episode 1593: name 'args' is not defined +2025-03-10 15:29:54,368 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,369 - ERROR - Error in episode 1594: name 'args' is not defined +2025-03-10 15:29:54,371 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,373 - ERROR - Error in episode 1595: name 'args' is not defined +2025-03-10 15:29:54,375 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,376 - ERROR - Error in episode 1596: name 'args' is not defined +2025-03-10 15:29:54,379 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,379 - ERROR - Error in episode 1597: name 'args' is not defined +2025-03-10 15:29:54,382 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,382 - ERROR - Error in episode 1598: name 'args' is not defined +2025-03-10 15:29:54,385 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,385 - ERROR - Error in episode 1599: name 'args' is not defined +2025-03-10 15:29:54,389 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,389 - ERROR - Error in episode 1600: name 'args' is not defined +2025-03-10 15:29:54,392 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,393 - ERROR - Error in episode 1601: name 'args' is not defined +2025-03-10 15:29:54,396 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,396 - ERROR - Error in episode 1602: name 'args' is not defined +2025-03-10 15:29:54,400 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,400 - ERROR - Error in episode 1603: name 'args' is not defined +2025-03-10 15:29:54,403 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,404 - ERROR - Error in episode 1604: name 'args' is not defined +2025-03-10 15:29:54,406 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,407 - ERROR - Error in episode 1605: name 'args' is not defined +2025-03-10 15:29:54,410 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,411 - ERROR - Error in episode 1606: name 'args' is not defined +2025-03-10 15:29:54,414 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,414 - ERROR - Error in episode 1607: name 'args' is not defined +2025-03-10 15:29:54,417 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,417 - ERROR - Error in episode 1608: name 'args' is not defined +2025-03-10 15:29:54,421 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,421 - ERROR - Error in episode 1609: name 'args' is not defined +2025-03-10 15:29:54,423 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,424 - ERROR - Error in episode 1610: name 'args' is not defined +2025-03-10 15:29:54,426 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,427 - ERROR - Error in episode 1611: name 'args' is not defined +2025-03-10 15:29:54,430 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,430 - ERROR - Error in episode 1612: name 'args' is not defined +2025-03-10 15:29:54,433 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,433 - ERROR - Error in episode 1613: name 'args' is not defined +2025-03-10 15:29:54,436 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,436 - ERROR - Error in episode 1614: name 'args' is not defined +2025-03-10 15:29:54,439 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,440 - ERROR - Error in episode 1615: name 'args' is not defined +2025-03-10 15:29:54,442 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,443 - ERROR - Error in episode 1616: name 'args' is not defined +2025-03-10 15:29:54,446 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,446 - ERROR - Error in episode 1617: name 'args' is not defined +2025-03-10 15:29:54,449 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,449 - ERROR - Error in episode 1618: name 'args' is not defined +2025-03-10 15:29:54,452 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,452 - ERROR - Error in episode 1619: name 'args' is not defined +2025-03-10 15:29:54,455 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,456 - ERROR - Error in episode 1620: name 'args' is not defined +2025-03-10 15:29:54,458 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,458 - ERROR - Error in episode 1621: name 'args' is not defined +2025-03-10 15:29:54,461 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,461 - ERROR - Error in episode 1622: name 'args' is not defined +2025-03-10 15:29:54,464 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,464 - ERROR - Error in episode 1623: name 'args' is not defined +2025-03-10 15:29:54,467 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,467 - ERROR - Error in episode 1624: name 'args' is not defined +2025-03-10 15:29:54,470 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,470 - ERROR - Error in episode 1625: name 'args' is not defined +2025-03-10 15:29:54,473 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,474 - ERROR - Error in episode 1626: name 'args' is not defined +2025-03-10 15:29:54,476 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,476 - ERROR - Error in episode 1627: name 'args' is not defined +2025-03-10 15:29:54,479 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,480 - ERROR - Error in episode 1628: name 'args' is not defined +2025-03-10 15:29:54,482 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,483 - ERROR - Error in episode 1629: name 'args' is not defined +2025-03-10 15:29:54,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,486 - ERROR - Error in episode 1630: name 'args' is not defined +2025-03-10 15:29:54,489 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,489 - ERROR - Error in episode 1631: name 'args' is not defined +2025-03-10 15:29:54,491 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,492 - ERROR - Error in episode 1632: name 'args' is not defined +2025-03-10 15:29:54,495 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,495 - ERROR - Error in episode 1633: name 'args' is not defined +2025-03-10 15:29:54,499 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,499 - ERROR - Error in episode 1634: name 'args' is not defined +2025-03-10 15:29:54,502 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,502 - ERROR - Error in episode 1635: name 'args' is not defined +2025-03-10 15:29:54,505 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,506 - ERROR - Error in episode 1636: name 'args' is not defined +2025-03-10 15:29:54,509 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,509 - ERROR - Error in episode 1637: name 'args' is not defined +2025-03-10 15:29:54,512 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,513 - ERROR - Error in episode 1638: name 'args' is not defined +2025-03-10 15:29:54,515 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,515 - ERROR - Error in episode 1639: name 'args' is not defined +2025-03-10 15:29:54,518 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,518 - ERROR - Error in episode 1640: name 'args' is not defined +2025-03-10 15:29:54,522 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,522 - ERROR - Error in episode 1641: name 'args' is not defined +2025-03-10 15:29:54,524 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,525 - ERROR - Error in episode 1642: name 'args' is not defined +2025-03-10 15:29:54,527 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,528 - ERROR - Error in episode 1643: name 'args' is not defined +2025-03-10 15:29:54,531 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,531 - ERROR - Error in episode 1644: name 'args' is not defined +2025-03-10 15:29:54,533 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,534 - ERROR - Error in episode 1645: name 'args' is not defined +2025-03-10 15:29:54,537 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,538 - ERROR - Error in episode 1646: name 'args' is not defined +2025-03-10 15:29:54,540 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,541 - ERROR - Error in episode 1647: name 'args' is not defined +2025-03-10 15:29:54,544 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,545 - ERROR - Error in episode 1648: name 'args' is not defined +2025-03-10 15:29:54,548 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,548 - ERROR - Error in episode 1649: name 'args' is not defined +2025-03-10 15:29:54,551 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,552 - ERROR - Error in episode 1650: name 'args' is not defined +2025-03-10 15:29:54,555 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,555 - ERROR - Error in episode 1651: name 'args' is not defined +2025-03-10 15:29:54,558 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,558 - ERROR - Error in episode 1652: name 'args' is not defined +2025-03-10 15:29:54,562 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,562 - ERROR - Error in episode 1653: name 'args' is not defined +2025-03-10 15:29:54,566 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,566 - ERROR - Error in episode 1654: name 'args' is not defined +2025-03-10 15:29:54,569 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,570 - ERROR - Error in episode 1655: name 'args' is not defined +2025-03-10 15:29:54,572 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,573 - ERROR - Error in episode 1656: name 'args' is not defined +2025-03-10 15:29:54,575 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,576 - ERROR - Error in episode 1657: name 'args' is not defined +2025-03-10 15:29:54,578 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,579 - ERROR - Error in episode 1658: name 'args' is not defined +2025-03-10 15:29:54,581 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,581 - ERROR - Error in episode 1659: name 'args' is not defined +2025-03-10 15:29:54,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,585 - ERROR - Error in episode 1660: name 'args' is not defined +2025-03-10 15:29:54,587 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,587 - ERROR - Error in episode 1661: name 'args' is not defined +2025-03-10 15:29:54,590 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,590 - ERROR - Error in episode 1662: name 'args' is not defined +2025-03-10 15:29:54,593 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,594 - ERROR - Error in episode 1663: name 'args' is not defined +2025-03-10 15:29:54,596 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,596 - ERROR - Error in episode 1664: name 'args' is not defined +2025-03-10 15:29:54,599 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,599 - ERROR - Error in episode 1665: name 'args' is not defined +2025-03-10 15:29:54,602 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,602 - ERROR - Error in episode 1666: name 'args' is not defined +2025-03-10 15:29:54,605 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,605 - ERROR - Error in episode 1667: name 'args' is not defined +2025-03-10 15:29:54,608 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,608 - ERROR - Error in episode 1668: name 'args' is not defined +2025-03-10 15:29:54,611 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,611 - ERROR - Error in episode 1669: name 'args' is not defined +2025-03-10 15:29:54,614 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,614 - ERROR - Error in episode 1670: name 'args' is not defined +2025-03-10 15:29:54,617 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,617 - ERROR - Error in episode 1671: name 'args' is not defined +2025-03-10 15:29:54,620 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,620 - ERROR - Error in episode 1672: name 'args' is not defined +2025-03-10 15:29:54,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,623 - ERROR - Error in episode 1673: name 'args' is not defined +2025-03-10 15:29:54,626 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,627 - ERROR - Error in episode 1674: name 'args' is not defined +2025-03-10 15:29:54,629 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,629 - ERROR - Error in episode 1675: name 'args' is not defined +2025-03-10 15:29:54,632 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,632 - ERROR - Error in episode 1676: name 'args' is not defined +2025-03-10 15:29:54,635 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,635 - ERROR - Error in episode 1677: name 'args' is not defined +2025-03-10 15:29:54,638 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,638 - ERROR - Error in episode 1678: name 'args' is not defined +2025-03-10 15:29:54,641 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,641 - ERROR - Error in episode 1679: name 'args' is not defined +2025-03-10 15:29:54,644 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,644 - ERROR - Error in episode 1680: name 'args' is not defined +2025-03-10 15:29:54,647 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,647 - ERROR - Error in episode 1681: name 'args' is not defined +2025-03-10 15:29:54,650 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,651 - ERROR - Error in episode 1682: name 'args' is not defined +2025-03-10 15:29:54,653 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,654 - ERROR - Error in episode 1683: name 'args' is not defined +2025-03-10 15:29:54,657 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,657 - ERROR - Error in episode 1684: name 'args' is not defined +2025-03-10 15:29:54,661 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,661 - ERROR - Error in episode 1685: name 'args' is not defined +2025-03-10 15:29:54,664 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,664 - ERROR - Error in episode 1686: name 'args' is not defined +2025-03-10 15:29:54,667 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,668 - ERROR - Error in episode 1687: name 'args' is not defined +2025-03-10 15:29:54,670 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,671 - ERROR - Error in episode 1688: name 'args' is not defined +2025-03-10 15:29:54,673 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,673 - ERROR - Error in episode 1689: name 'args' is not defined +2025-03-10 15:29:54,676 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,676 - ERROR - Error in episode 1690: name 'args' is not defined +2025-03-10 15:29:54,679 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,679 - ERROR - Error in episode 1691: name 'args' is not defined +2025-03-10 15:29:54,681 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,682 - ERROR - Error in episode 1692: name 'args' is not defined +2025-03-10 15:29:54,685 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,685 - ERROR - Error in episode 1693: name 'args' is not defined +2025-03-10 15:29:54,688 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,688 - ERROR - Error in episode 1694: name 'args' is not defined +2025-03-10 15:29:54,690 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,691 - ERROR - Error in episode 1695: name 'args' is not defined +2025-03-10 15:29:54,693 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,694 - ERROR - Error in episode 1696: name 'args' is not defined +2025-03-10 15:29:54,696 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,696 - ERROR - Error in episode 1697: name 'args' is not defined +2025-03-10 15:29:54,699 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,699 - ERROR - Error in episode 1698: name 'args' is not defined +2025-03-10 15:29:54,702 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,702 - ERROR - Error in episode 1699: name 'args' is not defined +2025-03-10 15:29:54,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,705 - ERROR - Error in episode 1700: name 'args' is not defined +2025-03-10 15:29:54,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,707 - ERROR - Error in episode 1701: name 'args' is not defined +2025-03-10 15:29:54,710 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,710 - ERROR - Error in episode 1702: name 'args' is not defined +2025-03-10 15:29:54,713 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,713 - ERROR - Error in episode 1703: name 'args' is not defined +2025-03-10 15:29:54,716 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,716 - ERROR - Error in episode 1704: name 'args' is not defined +2025-03-10 15:29:54,719 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,719 - ERROR - Error in episode 1705: name 'args' is not defined +2025-03-10 15:29:54,721 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,722 - ERROR - Error in episode 1706: name 'args' is not defined +2025-03-10 15:29:54,724 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,724 - ERROR - Error in episode 1707: name 'args' is not defined +2025-03-10 15:29:54,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,727 - ERROR - Error in episode 1708: name 'args' is not defined +2025-03-10 15:29:54,730 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,730 - ERROR - Error in episode 1709: name 'args' is not defined +2025-03-10 15:29:54,734 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,734 - ERROR - Error in episode 1710: name 'args' is not defined +2025-03-10 15:29:54,736 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,737 - ERROR - Error in episode 1711: name 'args' is not defined +2025-03-10 15:29:54,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,739 - ERROR - Error in episode 1712: name 'args' is not defined +2025-03-10 15:29:54,742 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,742 - ERROR - Error in episode 1713: name 'args' is not defined +2025-03-10 15:29:54,745 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,746 - ERROR - Error in episode 1714: name 'args' is not defined +2025-03-10 15:29:54,748 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,749 - ERROR - Error in episode 1715: name 'args' is not defined +2025-03-10 15:29:54,751 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,752 - ERROR - Error in episode 1716: name 'args' is not defined +2025-03-10 15:29:54,754 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,755 - ERROR - Error in episode 1717: name 'args' is not defined +2025-03-10 15:29:54,757 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,757 - ERROR - Error in episode 1718: name 'args' is not defined +2025-03-10 15:29:54,760 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,761 - ERROR - Error in episode 1719: name 'args' is not defined +2025-03-10 15:29:54,763 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,764 - ERROR - Error in episode 1720: name 'args' is not defined +2025-03-10 15:29:54,766 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,767 - ERROR - Error in episode 1721: name 'args' is not defined +2025-03-10 15:29:54,769 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,769 - ERROR - Error in episode 1722: name 'args' is not defined +2025-03-10 15:29:54,772 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,772 - ERROR - Error in episode 1723: name 'args' is not defined +2025-03-10 15:29:54,774 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,775 - ERROR - Error in episode 1724: name 'args' is not defined +2025-03-10 15:29:54,778 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,778 - ERROR - Error in episode 1725: name 'args' is not defined +2025-03-10 15:29:54,781 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,781 - ERROR - Error in episode 1726: name 'args' is not defined +2025-03-10 15:29:54,783 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,784 - ERROR - Error in episode 1727: name 'args' is not defined +2025-03-10 15:29:54,787 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,787 - ERROR - Error in episode 1728: name 'args' is not defined +2025-03-10 15:29:54,790 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,790 - ERROR - Error in episode 1729: name 'args' is not defined +2025-03-10 15:29:54,793 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,793 - ERROR - Error in episode 1730: name 'args' is not defined +2025-03-10 15:29:54,795 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,796 - ERROR - Error in episode 1731: name 'args' is not defined +2025-03-10 15:29:54,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,798 - ERROR - Error in episode 1732: name 'args' is not defined +2025-03-10 15:29:54,801 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,802 - ERROR - Error in episode 1733: name 'args' is not defined +2025-03-10 15:29:54,804 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,804 - ERROR - Error in episode 1734: name 'args' is not defined +2025-03-10 15:29:54,807 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,807 - ERROR - Error in episode 1735: name 'args' is not defined +2025-03-10 15:29:54,810 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,810 - ERROR - Error in episode 1736: name 'args' is not defined +2025-03-10 15:29:54,812 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,813 - ERROR - Error in episode 1737: name 'args' is not defined +2025-03-10 15:29:54,815 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,815 - ERROR - Error in episode 1738: name 'args' is not defined +2025-03-10 15:29:54,818 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,819 - ERROR - Error in episode 1739: name 'args' is not defined +2025-03-10 15:29:54,821 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,821 - ERROR - Error in episode 1740: name 'args' is not defined +2025-03-10 15:29:54,824 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,824 - ERROR - Error in episode 1741: name 'args' is not defined +2025-03-10 15:29:54,827 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,828 - ERROR - Error in episode 1742: name 'args' is not defined +2025-03-10 15:29:54,830 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,831 - ERROR - Error in episode 1743: name 'args' is not defined +2025-03-10 15:29:54,833 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,833 - ERROR - Error in episode 1744: name 'args' is not defined +2025-03-10 15:29:54,836 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,836 - ERROR - Error in episode 1745: name 'args' is not defined +2025-03-10 15:29:54,839 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,839 - ERROR - Error in episode 1746: name 'args' is not defined +2025-03-10 15:29:54,842 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,843 - ERROR - Error in episode 1747: name 'args' is not defined +2025-03-10 15:29:54,845 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,846 - ERROR - Error in episode 1748: name 'args' is not defined +2025-03-10 15:29:54,848 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,849 - ERROR - Error in episode 1749: name 'args' is not defined +2025-03-10 15:29:54,852 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,852 - ERROR - Error in episode 1750: name 'args' is not defined +2025-03-10 15:29:54,855 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,855 - ERROR - Error in episode 1751: name 'args' is not defined +2025-03-10 15:29:54,858 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,858 - ERROR - Error in episode 1752: name 'args' is not defined +2025-03-10 15:29:54,861 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,861 - ERROR - Error in episode 1753: name 'args' is not defined +2025-03-10 15:29:54,863 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,864 - ERROR - Error in episode 1754: name 'args' is not defined +2025-03-10 15:29:54,866 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,867 - ERROR - Error in episode 1755: name 'args' is not defined +2025-03-10 15:29:54,869 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,869 - ERROR - Error in episode 1756: name 'args' is not defined +2025-03-10 15:29:54,872 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,872 - ERROR - Error in episode 1757: name 'args' is not defined +2025-03-10 15:29:54,874 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,875 - ERROR - Error in episode 1758: name 'args' is not defined +2025-03-10 15:29:54,878 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,878 - ERROR - Error in episode 1759: name 'args' is not defined +2025-03-10 15:29:54,880 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,881 - ERROR - Error in episode 1760: name 'args' is not defined +2025-03-10 15:29:54,883 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,884 - ERROR - Error in episode 1761: name 'args' is not defined +2025-03-10 15:29:54,886 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,887 - ERROR - Error in episode 1762: name 'args' is not defined +2025-03-10 15:29:54,889 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,889 - ERROR - Error in episode 1763: name 'args' is not defined +2025-03-10 15:29:54,893 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,893 - ERROR - Error in episode 1764: name 'args' is not defined +2025-03-10 15:29:54,895 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,895 - ERROR - Error in episode 1765: name 'args' is not defined +2025-03-10 15:29:54,898 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,898 - ERROR - Error in episode 1766: name 'args' is not defined +2025-03-10 15:29:54,901 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,902 - ERROR - Error in episode 1767: name 'args' is not defined +2025-03-10 15:29:54,904 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,904 - ERROR - Error in episode 1768: name 'args' is not defined +2025-03-10 15:29:54,907 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,907 - ERROR - Error in episode 1769: name 'args' is not defined +2025-03-10 15:29:54,910 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,910 - ERROR - Error in episode 1770: name 'args' is not defined +2025-03-10 15:29:54,913 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,913 - ERROR - Error in episode 1771: name 'args' is not defined +2025-03-10 15:29:54,915 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,916 - ERROR - Error in episode 1772: name 'args' is not defined +2025-03-10 15:29:54,918 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,919 - ERROR - Error in episode 1773: name 'args' is not defined +2025-03-10 15:29:54,921 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,921 - ERROR - Error in episode 1774: name 'args' is not defined +2025-03-10 15:29:54,923 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,923 - ERROR - Error in episode 1775: name 'args' is not defined +2025-03-10 15:29:54,926 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,926 - ERROR - Error in episode 1776: name 'args' is not defined +2025-03-10 15:29:54,929 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,929 - ERROR - Error in episode 1777: name 'args' is not defined +2025-03-10 15:29:54,932 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,932 - ERROR - Error in episode 1778: name 'args' is not defined +2025-03-10 15:29:54,935 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,935 - ERROR - Error in episode 1779: name 'args' is not defined +2025-03-10 15:29:54,938 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,938 - ERROR - Error in episode 1780: name 'args' is not defined +2025-03-10 15:29:54,940 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,941 - ERROR - Error in episode 1781: name 'args' is not defined +2025-03-10 15:29:54,943 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,944 - ERROR - Error in episode 1782: name 'args' is not defined +2025-03-10 15:29:54,946 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,946 - ERROR - Error in episode 1783: name 'args' is not defined +2025-03-10 15:29:54,949 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,950 - ERROR - Error in episode 1784: name 'args' is not defined +2025-03-10 15:29:54,953 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,953 - ERROR - Error in episode 1785: name 'args' is not defined +2025-03-10 15:29:54,956 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,956 - ERROR - Error in episode 1786: name 'args' is not defined +2025-03-10 15:29:54,959 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,959 - ERROR - Error in episode 1787: name 'args' is not defined +2025-03-10 15:29:54,962 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,962 - ERROR - Error in episode 1788: name 'args' is not defined +2025-03-10 15:29:54,965 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,965 - ERROR - Error in episode 1789: name 'args' is not defined +2025-03-10 15:29:54,968 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,968 - ERROR - Error in episode 1790: name 'args' is not defined +2025-03-10 15:29:54,971 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,971 - ERROR - Error in episode 1791: name 'args' is not defined +2025-03-10 15:29:54,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,974 - ERROR - Error in episode 1792: name 'args' is not defined +2025-03-10 15:29:54,977 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,977 - ERROR - Error in episode 1793: name 'args' is not defined +2025-03-10 15:29:54,980 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,980 - ERROR - Error in episode 1794: name 'args' is not defined +2025-03-10 15:29:54,983 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,983 - ERROR - Error in episode 1795: name 'args' is not defined +2025-03-10 15:29:54,985 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,986 - ERROR - Error in episode 1796: name 'args' is not defined +2025-03-10 15:29:54,988 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,989 - ERROR - Error in episode 1797: name 'args' is not defined +2025-03-10 15:29:54,991 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,991 - ERROR - Error in episode 1798: name 'args' is not defined +2025-03-10 15:29:54,994 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,995 - ERROR - Error in episode 1799: name 'args' is not defined +2025-03-10 15:29:54,997 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:54,998 - ERROR - Error in episode 1800: name 'args' is not defined +2025-03-10 15:29:55,000 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,001 - ERROR - Error in episode 1801: name 'args' is not defined +2025-03-10 15:29:55,003 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,003 - ERROR - Error in episode 1802: name 'args' is not defined +2025-03-10 15:29:55,006 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,006 - ERROR - Error in episode 1803: name 'args' is not defined +2025-03-10 15:29:55,009 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,010 - ERROR - Error in episode 1804: name 'args' is not defined +2025-03-10 15:29:55,012 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,012 - ERROR - Error in episode 1805: name 'args' is not defined +2025-03-10 15:29:55,015 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,015 - ERROR - Error in episode 1806: name 'args' is not defined +2025-03-10 15:29:55,018 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,018 - ERROR - Error in episode 1807: name 'args' is not defined +2025-03-10 15:29:55,020 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,021 - ERROR - Error in episode 1808: name 'args' is not defined +2025-03-10 15:29:55,024 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,024 - ERROR - Error in episode 1809: name 'args' is not defined +2025-03-10 15:29:55,027 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,027 - ERROR - Error in episode 1810: name 'args' is not defined +2025-03-10 15:29:55,030 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,030 - ERROR - Error in episode 1811: name 'args' is not defined +2025-03-10 15:29:55,032 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,033 - ERROR - Error in episode 1812: name 'args' is not defined +2025-03-10 15:29:55,036 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,036 - ERROR - Error in episode 1813: name 'args' is not defined +2025-03-10 15:29:55,039 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,039 - ERROR - Error in episode 1814: name 'args' is not defined +2025-03-10 15:29:55,042 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,042 - ERROR - Error in episode 1815: name 'args' is not defined +2025-03-10 15:29:55,045 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,045 - ERROR - Error in episode 1816: name 'args' is not defined +2025-03-10 15:29:55,048 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,049 - ERROR - Error in episode 1817: name 'args' is not defined +2025-03-10 15:29:55,051 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,052 - ERROR - Error in episode 1818: name 'args' is not defined +2025-03-10 15:29:55,054 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,054 - ERROR - Error in episode 1819: name 'args' is not defined +2025-03-10 15:29:55,057 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,057 - ERROR - Error in episode 1820: name 'args' is not defined +2025-03-10 15:29:55,059 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,060 - ERROR - Error in episode 1821: name 'args' is not defined +2025-03-10 15:29:55,062 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,063 - ERROR - Error in episode 1822: name 'args' is not defined +2025-03-10 15:29:55,065 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,065 - ERROR - Error in episode 1823: name 'args' is not defined +2025-03-10 15:29:55,068 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,068 - ERROR - Error in episode 1824: name 'args' is not defined +2025-03-10 15:29:55,071 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,071 - ERROR - Error in episode 1825: name 'args' is not defined +2025-03-10 15:29:55,074 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,074 - ERROR - Error in episode 1826: name 'args' is not defined +2025-03-10 15:29:55,077 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,077 - ERROR - Error in episode 1827: name 'args' is not defined +2025-03-10 15:29:55,080 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,080 - ERROR - Error in episode 1828: name 'args' is not defined +2025-03-10 15:29:55,083 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,083 - ERROR - Error in episode 1829: name 'args' is not defined +2025-03-10 15:29:55,085 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,086 - ERROR - Error in episode 1830: name 'args' is not defined +2025-03-10 15:29:55,088 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,089 - ERROR - Error in episode 1831: name 'args' is not defined +2025-03-10 15:29:55,091 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,091 - ERROR - Error in episode 1832: name 'args' is not defined +2025-03-10 15:29:55,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,094 - ERROR - Error in episode 1833: name 'args' is not defined +2025-03-10 15:29:55,097 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,097 - ERROR - Error in episode 1834: name 'args' is not defined +2025-03-10 15:29:55,099 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,100 - ERROR - Error in episode 1835: name 'args' is not defined +2025-03-10 15:29:55,102 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,102 - ERROR - Error in episode 1836: name 'args' is not defined +2025-03-10 15:29:55,105 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,105 - ERROR - Error in episode 1837: name 'args' is not defined +2025-03-10 15:29:55,108 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,109 - ERROR - Error in episode 1838: name 'args' is not defined +2025-03-10 15:29:55,111 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,111 - ERROR - Error in episode 1839: name 'args' is not defined +2025-03-10 15:29:55,114 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,115 - ERROR - Error in episode 1840: name 'args' is not defined +2025-03-10 15:29:55,117 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,117 - ERROR - Error in episode 1841: name 'args' is not defined +2025-03-10 15:29:55,120 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,120 - ERROR - Error in episode 1842: name 'args' is not defined +2025-03-10 15:29:55,124 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,124 - ERROR - Error in episode 1843: name 'args' is not defined +2025-03-10 15:29:55,127 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,127 - ERROR - Error in episode 1844: name 'args' is not defined +2025-03-10 15:29:55,129 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,130 - ERROR - Error in episode 1845: name 'args' is not defined +2025-03-10 15:29:55,133 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,133 - ERROR - Error in episode 1846: name 'args' is not defined +2025-03-10 15:29:55,136 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,136 - ERROR - Error in episode 1847: name 'args' is not defined +2025-03-10 15:29:55,139 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,139 - ERROR - Error in episode 1848: name 'args' is not defined +2025-03-10 15:29:55,141 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,141 - ERROR - Error in episode 1849: name 'args' is not defined +2025-03-10 15:29:55,144 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,144 - ERROR - Error in episode 1850: name 'args' is not defined +2025-03-10 15:29:55,147 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,147 - ERROR - Error in episode 1851: name 'args' is not defined +2025-03-10 15:29:55,149 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,150 - ERROR - Error in episode 1852: name 'args' is not defined +2025-03-10 15:29:55,152 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,152 - ERROR - Error in episode 1853: name 'args' is not defined +2025-03-10 15:29:55,155 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,155 - ERROR - Error in episode 1854: name 'args' is not defined +2025-03-10 15:29:55,158 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,158 - ERROR - Error in episode 1855: name 'args' is not defined +2025-03-10 15:29:55,160 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,161 - ERROR - Error in episode 1856: name 'args' is not defined +2025-03-10 15:29:55,164 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,164 - ERROR - Error in episode 1857: name 'args' is not defined +2025-03-10 15:29:55,166 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,166 - ERROR - Error in episode 1858: name 'args' is not defined +2025-03-10 15:29:55,169 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,169 - ERROR - Error in episode 1859: name 'args' is not defined +2025-03-10 15:29:55,172 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,173 - ERROR - Error in episode 1860: name 'args' is not defined +2025-03-10 15:29:55,176 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,176 - ERROR - Error in episode 1861: name 'args' is not defined +2025-03-10 15:29:55,179 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,179 - ERROR - Error in episode 1862: name 'args' is not defined +2025-03-10 15:29:55,182 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,182 - ERROR - Error in episode 1863: name 'args' is not defined +2025-03-10 15:29:55,185 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,185 - ERROR - Error in episode 1864: name 'args' is not defined +2025-03-10 15:29:55,188 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,188 - ERROR - Error in episode 1865: name 'args' is not defined +2025-03-10 15:29:55,190 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,191 - ERROR - Error in episode 1866: name 'args' is not defined +2025-03-10 15:29:55,193 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,194 - ERROR - Error in episode 1867: name 'args' is not defined +2025-03-10 15:29:55,196 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,197 - ERROR - Error in episode 1868: name 'args' is not defined +2025-03-10 15:29:55,199 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,200 - ERROR - Error in episode 1869: name 'args' is not defined +2025-03-10 15:29:55,202 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,203 - ERROR - Error in episode 1870: name 'args' is not defined +2025-03-10 15:29:55,206 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,206 - ERROR - Error in episode 1871: name 'args' is not defined +2025-03-10 15:29:55,208 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,209 - ERROR - Error in episode 1872: name 'args' is not defined +2025-03-10 15:29:55,211 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,211 - ERROR - Error in episode 1873: name 'args' is not defined +2025-03-10 15:29:55,214 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,215 - ERROR - Error in episode 1874: name 'args' is not defined +2025-03-10 15:29:55,218 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,218 - ERROR - Error in episode 1875: name 'args' is not defined +2025-03-10 15:29:55,221 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,221 - ERROR - Error in episode 1876: name 'args' is not defined +2025-03-10 15:29:55,224 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,224 - ERROR - Error in episode 1877: name 'args' is not defined +2025-03-10 15:29:55,226 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,227 - ERROR - Error in episode 1878: name 'args' is not defined +2025-03-10 15:29:55,229 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,230 - ERROR - Error in episode 1879: name 'args' is not defined +2025-03-10 15:29:55,232 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,232 - ERROR - Error in episode 1880: name 'args' is not defined +2025-03-10 15:29:55,235 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,235 - ERROR - Error in episode 1881: name 'args' is not defined +2025-03-10 15:29:55,238 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,238 - ERROR - Error in episode 1882: name 'args' is not defined +2025-03-10 15:29:55,241 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,241 - ERROR - Error in episode 1883: name 'args' is not defined +2025-03-10 15:29:55,243 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,244 - ERROR - Error in episode 1884: name 'args' is not defined +2025-03-10 15:29:55,246 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,247 - ERROR - Error in episode 1885: name 'args' is not defined +2025-03-10 15:29:55,249 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,249 - ERROR - Error in episode 1886: name 'args' is not defined +2025-03-10 15:29:55,252 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,252 - ERROR - Error in episode 1887: name 'args' is not defined +2025-03-10 15:29:55,255 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,255 - ERROR - Error in episode 1888: name 'args' is not defined +2025-03-10 15:29:55,257 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,258 - ERROR - Error in episode 1889: name 'args' is not defined +2025-03-10 15:29:55,260 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,260 - ERROR - Error in episode 1890: name 'args' is not defined +2025-03-10 15:29:55,263 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,264 - ERROR - Error in episode 1891: name 'args' is not defined +2025-03-10 15:29:55,266 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,266 - ERROR - Error in episode 1892: name 'args' is not defined +2025-03-10 15:29:55,269 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,269 - ERROR - Error in episode 1893: name 'args' is not defined +2025-03-10 15:29:55,272 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,272 - ERROR - Error in episode 1894: name 'args' is not defined +2025-03-10 15:29:55,275 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,275 - ERROR - Error in episode 1895: name 'args' is not defined +2025-03-10 15:29:55,278 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,278 - ERROR - Error in episode 1896: name 'args' is not defined +2025-03-10 15:29:55,281 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,281 - ERROR - Error in episode 1897: name 'args' is not defined +2025-03-10 15:29:55,284 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,284 - ERROR - Error in episode 1898: name 'args' is not defined +2025-03-10 15:29:55,287 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,287 - ERROR - Error in episode 1899: name 'args' is not defined +2025-03-10 15:29:55,291 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,291 - ERROR - Error in episode 1900: name 'args' is not defined +2025-03-10 15:29:55,293 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,293 - ERROR - Error in episode 1901: name 'args' is not defined +2025-03-10 15:29:55,296 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,296 - ERROR - Error in episode 1902: name 'args' is not defined +2025-03-10 15:29:55,299 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,299 - ERROR - Error in episode 1903: name 'args' is not defined +2025-03-10 15:29:55,302 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,302 - ERROR - Error in episode 1904: name 'args' is not defined +2025-03-10 15:29:55,305 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,305 - ERROR - Error in episode 1905: name 'args' is not defined +2025-03-10 15:29:55,308 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,308 - ERROR - Error in episode 1906: name 'args' is not defined +2025-03-10 15:29:55,310 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,311 - ERROR - Error in episode 1907: name 'args' is not defined +2025-03-10 15:29:55,313 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,314 - ERROR - Error in episode 1908: name 'args' is not defined +2025-03-10 15:29:55,317 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,317 - ERROR - Error in episode 1909: name 'args' is not defined +2025-03-10 15:29:55,319 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,320 - ERROR - Error in episode 1910: name 'args' is not defined +2025-03-10 15:29:55,323 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,324 - ERROR - Error in episode 1911: name 'args' is not defined +2025-03-10 15:29:55,326 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,327 - ERROR - Error in episode 1912: name 'args' is not defined +2025-03-10 15:29:55,330 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,330 - ERROR - Error in episode 1913: name 'args' is not defined +2025-03-10 15:29:55,333 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,333 - ERROR - Error in episode 1914: name 'args' is not defined +2025-03-10 15:29:55,335 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,336 - ERROR - Error in episode 1915: name 'args' is not defined +2025-03-10 15:29:55,338 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,339 - ERROR - Error in episode 1916: name 'args' is not defined +2025-03-10 15:29:55,342 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,342 - ERROR - Error in episode 1917: name 'args' is not defined +2025-03-10 15:29:55,344 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,345 - ERROR - Error in episode 1918: name 'args' is not defined +2025-03-10 15:29:55,348 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,348 - ERROR - Error in episode 1919: name 'args' is not defined +2025-03-10 15:29:55,350 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,351 - ERROR - Error in episode 1920: name 'args' is not defined +2025-03-10 15:29:55,353 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,354 - ERROR - Error in episode 1921: name 'args' is not defined +2025-03-10 15:29:55,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,357 - ERROR - Error in episode 1922: name 'args' is not defined +2025-03-10 15:29:55,359 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,360 - ERROR - Error in episode 1923: name 'args' is not defined +2025-03-10 15:29:55,362 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,362 - ERROR - Error in episode 1924: name 'args' is not defined +2025-03-10 15:29:55,365 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,365 - ERROR - Error in episode 1925: name 'args' is not defined +2025-03-10 15:29:55,368 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,368 - ERROR - Error in episode 1926: name 'args' is not defined +2025-03-10 15:29:55,371 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,371 - ERROR - Error in episode 1927: name 'args' is not defined +2025-03-10 15:29:55,374 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,374 - ERROR - Error in episode 1928: name 'args' is not defined +2025-03-10 15:29:55,376 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,377 - ERROR - Error in episode 1929: name 'args' is not defined +2025-03-10 15:29:55,379 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,379 - ERROR - Error in episode 1930: name 'args' is not defined +2025-03-10 15:29:55,382 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,382 - ERROR - Error in episode 1931: name 'args' is not defined +2025-03-10 15:29:55,385 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,385 - ERROR - Error in episode 1932: name 'args' is not defined +2025-03-10 15:29:55,388 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,388 - ERROR - Error in episode 1933: name 'args' is not defined +2025-03-10 15:29:55,392 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,392 - ERROR - Error in episode 1934: name 'args' is not defined +2025-03-10 15:29:55,396 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,396 - ERROR - Error in episode 1935: name 'args' is not defined +2025-03-10 15:29:55,400 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,400 - ERROR - Error in episode 1936: name 'args' is not defined +2025-03-10 15:29:55,404 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,404 - ERROR - Error in episode 1937: name 'args' is not defined +2025-03-10 15:29:55,408 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,408 - ERROR - Error in episode 1938: name 'args' is not defined +2025-03-10 15:29:55,411 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,412 - ERROR - Error in episode 1939: name 'args' is not defined +2025-03-10 15:29:55,416 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,417 - ERROR - Error in episode 1940: name 'args' is not defined +2025-03-10 15:29:55,420 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,421 - ERROR - Error in episode 1941: name 'args' is not defined +2025-03-10 15:29:55,424 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,424 - ERROR - Error in episode 1942: name 'args' is not defined +2025-03-10 15:29:55,427 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,428 - ERROR - Error in episode 1943: name 'args' is not defined +2025-03-10 15:29:55,431 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,431 - ERROR - Error in episode 1944: name 'args' is not defined +2025-03-10 15:29:55,434 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,434 - ERROR - Error in episode 1945: name 'args' is not defined +2025-03-10 15:29:55,437 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,438 - ERROR - Error in episode 1946: name 'args' is not defined +2025-03-10 15:29:55,441 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,441 - ERROR - Error in episode 1947: name 'args' is not defined +2025-03-10 15:29:55,444 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,444 - ERROR - Error in episode 1948: name 'args' is not defined +2025-03-10 15:29:55,447 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,447 - ERROR - Error in episode 1949: name 'args' is not defined +2025-03-10 15:29:55,450 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,451 - ERROR - Error in episode 1950: name 'args' is not defined +2025-03-10 15:29:55,453 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,454 - ERROR - Error in episode 1951: name 'args' is not defined +2025-03-10 15:29:55,457 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,457 - ERROR - Error in episode 1952: name 'args' is not defined +2025-03-10 15:29:55,460 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,460 - ERROR - Error in episode 1953: name 'args' is not defined +2025-03-10 15:29:55,463 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,464 - ERROR - Error in episode 1954: name 'args' is not defined +2025-03-10 15:29:55,467 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,467 - ERROR - Error in episode 1955: name 'args' is not defined +2025-03-10 15:29:55,470 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,470 - ERROR - Error in episode 1956: name 'args' is not defined +2025-03-10 15:29:55,474 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,474 - ERROR - Error in episode 1957: name 'args' is not defined +2025-03-10 15:29:55,478 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,478 - ERROR - Error in episode 1958: name 'args' is not defined +2025-03-10 15:29:55,481 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,482 - ERROR - Error in episode 1959: name 'args' is not defined +2025-03-10 15:29:55,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,486 - ERROR - Error in episode 1960: name 'args' is not defined +2025-03-10 15:29:55,488 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,489 - ERROR - Error in episode 1961: name 'args' is not defined +2025-03-10 15:29:55,492 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,492 - ERROR - Error in episode 1962: name 'args' is not defined +2025-03-10 15:29:55,495 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,497 - ERROR - Error in episode 1963: name 'args' is not defined +2025-03-10 15:29:55,501 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,501 - ERROR - Error in episode 1964: name 'args' is not defined +2025-03-10 15:29:55,504 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,505 - ERROR - Error in episode 1965: name 'args' is not defined +2025-03-10 15:29:55,508 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,508 - ERROR - Error in episode 1966: name 'args' is not defined +2025-03-10 15:29:55,512 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,512 - ERROR - Error in episode 1967: name 'args' is not defined +2025-03-10 15:29:55,515 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,516 - ERROR - Error in episode 1968: name 'args' is not defined +2025-03-10 15:29:55,520 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,520 - ERROR - Error in episode 1969: name 'args' is not defined +2025-03-10 15:29:55,523 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,523 - ERROR - Error in episode 1970: name 'args' is not defined +2025-03-10 15:29:55,527 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,527 - ERROR - Error in episode 1971: name 'args' is not defined +2025-03-10 15:29:55,531 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,531 - ERROR - Error in episode 1972: name 'args' is not defined +2025-03-10 15:29:55,534 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,534 - ERROR - Error in episode 1973: name 'args' is not defined +2025-03-10 15:29:55,538 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,538 - ERROR - Error in episode 1974: name 'args' is not defined +2025-03-10 15:29:55,542 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,542 - ERROR - Error in episode 1975: name 'args' is not defined +2025-03-10 15:29:55,546 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,546 - ERROR - Error in episode 1976: name 'args' is not defined +2025-03-10 15:29:55,550 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,550 - ERROR - Error in episode 1977: name 'args' is not defined +2025-03-10 15:29:55,553 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,554 - ERROR - Error in episode 1978: name 'args' is not defined +2025-03-10 15:29:55,557 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,557 - ERROR - Error in episode 1979: name 'args' is not defined +2025-03-10 15:29:55,561 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,561 - ERROR - Error in episode 1980: name 'args' is not defined +2025-03-10 15:29:55,564 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,564 - ERROR - Error in episode 1981: name 'args' is not defined +2025-03-10 15:29:55,567 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,568 - ERROR - Error in episode 1982: name 'args' is not defined +2025-03-10 15:29:55,571 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,571 - ERROR - Error in episode 1983: name 'args' is not defined +2025-03-10 15:29:55,574 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,575 - ERROR - Error in episode 1984: name 'args' is not defined +2025-03-10 15:29:55,578 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,578 - ERROR - Error in episode 1985: name 'args' is not defined +2025-03-10 15:29:55,581 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,581 - ERROR - Error in episode 1986: name 'args' is not defined +2025-03-10 15:29:55,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,585 - ERROR - Error in episode 1987: name 'args' is not defined +2025-03-10 15:29:55,588 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,588 - ERROR - Error in episode 1988: name 'args' is not defined +2025-03-10 15:29:55,591 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,592 - ERROR - Error in episode 1989: name 'args' is not defined +2025-03-10 15:29:55,595 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,596 - ERROR - Error in episode 1990: name 'args' is not defined +2025-03-10 15:29:55,599 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,599 - ERROR - Error in episode 1991: name 'args' is not defined +2025-03-10 15:29:55,603 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,603 - ERROR - Error in episode 1992: name 'args' is not defined +2025-03-10 15:29:55,607 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,607 - ERROR - Error in episode 1993: name 'args' is not defined +2025-03-10 15:29:55,610 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,611 - ERROR - Error in episode 1994: name 'args' is not defined +2025-03-10 15:29:55,614 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,614 - ERROR - Error in episode 1995: name 'args' is not defined +2025-03-10 15:29:55,618 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,618 - ERROR - Error in episode 1996: name 'args' is not defined +2025-03-10 15:29:55,621 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,621 - ERROR - Error in episode 1997: name 'args' is not defined +2025-03-10 15:29:55,624 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,624 - ERROR - Error in episode 1998: name 'args' is not defined +2025-03-10 15:29:55,628 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,628 - ERROR - Error in episode 1999: name 'args' is not defined +2025-03-10 15:29:55,631 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,631 - ERROR - Error in episode 2000: name 'args' is not defined +2025-03-10 15:29:55,635 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,635 - ERROR - Error in episode 2001: name 'args' is not defined +2025-03-10 15:29:55,639 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,639 - ERROR - Error in episode 2002: name 'args' is not defined +2025-03-10 15:29:55,642 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,642 - ERROR - Error in episode 2003: name 'args' is not defined +2025-03-10 15:29:55,645 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,646 - ERROR - Error in episode 2004: name 'args' is not defined +2025-03-10 15:29:55,649 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,650 - ERROR - Error in episode 2005: name 'args' is not defined +2025-03-10 15:29:55,652 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,652 - ERROR - Error in episode 2006: name 'args' is not defined +2025-03-10 15:29:55,655 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,655 - ERROR - Error in episode 2007: name 'args' is not defined +2025-03-10 15:29:55,658 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,658 - ERROR - Error in episode 2008: name 'args' is not defined +2025-03-10 15:29:55,662 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,662 - ERROR - Error in episode 2009: name 'args' is not defined +2025-03-10 15:29:55,665 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,665 - ERROR - Error in episode 2010: name 'args' is not defined +2025-03-10 15:29:55,669 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,669 - ERROR - Error in episode 2011: name 'args' is not defined +2025-03-10 15:29:55,673 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,674 - ERROR - Error in episode 2012: name 'args' is not defined +2025-03-10 15:29:55,676 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,677 - ERROR - Error in episode 2013: name 'args' is not defined +2025-03-10 15:29:55,680 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,680 - ERROR - Error in episode 2014: name 'args' is not defined +2025-03-10 15:29:55,683 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,683 - ERROR - Error in episode 2015: name 'args' is not defined +2025-03-10 15:29:55,686 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,687 - ERROR - Error in episode 2016: name 'args' is not defined +2025-03-10 15:29:55,690 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,690 - ERROR - Error in episode 2017: name 'args' is not defined +2025-03-10 15:29:55,692 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,693 - ERROR - Error in episode 2018: name 'args' is not defined +2025-03-10 15:29:55,696 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,696 - ERROR - Error in episode 2019: name 'args' is not defined +2025-03-10 15:29:55,699 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,699 - ERROR - Error in episode 2020: name 'args' is not defined +2025-03-10 15:29:55,701 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,702 - ERROR - Error in episode 2021: name 'args' is not defined +2025-03-10 15:29:55,705 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,705 - ERROR - Error in episode 2022: name 'args' is not defined +2025-03-10 15:29:55,708 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,708 - ERROR - Error in episode 2023: name 'args' is not defined +2025-03-10 15:29:55,711 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,711 - ERROR - Error in episode 2024: name 'args' is not defined +2025-03-10 15:29:55,713 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,715 - ERROR - Error in episode 2025: name 'args' is not defined +2025-03-10 15:29:55,717 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,718 - ERROR - Error in episode 2026: name 'args' is not defined +2025-03-10 15:29:55,720 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,720 - ERROR - Error in episode 2027: name 'args' is not defined +2025-03-10 15:29:55,722 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,723 - ERROR - Error in episode 2028: name 'args' is not defined +2025-03-10 15:29:55,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,727 - ERROR - Error in episode 2029: name 'args' is not defined +2025-03-10 15:29:55,729 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,730 - ERROR - Error in episode 2030: name 'args' is not defined +2025-03-10 15:29:55,733 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,733 - ERROR - Error in episode 2031: name 'args' is not defined +2025-03-10 15:29:55,736 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,736 - ERROR - Error in episode 2032: name 'args' is not defined +2025-03-10 15:29:55,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,739 - ERROR - Error in episode 2033: name 'args' is not defined +2025-03-10 15:29:55,742 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,742 - ERROR - Error in episode 2034: name 'args' is not defined +2025-03-10 15:29:55,745 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,745 - ERROR - Error in episode 2035: name 'args' is not defined +2025-03-10 15:29:55,748 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,748 - ERROR - Error in episode 2036: name 'args' is not defined +2025-03-10 15:29:55,751 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,751 - ERROR - Error in episode 2037: name 'args' is not defined +2025-03-10 15:29:55,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,753 - ERROR - Error in episode 2038: name 'args' is not defined +2025-03-10 15:29:55,756 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,756 - ERROR - Error in episode 2039: name 'args' is not defined +2025-03-10 15:29:55,759 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,759 - ERROR - Error in episode 2040: name 'args' is not defined +2025-03-10 15:29:55,762 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,762 - ERROR - Error in episode 2041: name 'args' is not defined +2025-03-10 15:29:55,765 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,766 - ERROR - Error in episode 2042: name 'args' is not defined +2025-03-10 15:29:55,768 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,769 - ERROR - Error in episode 2043: name 'args' is not defined +2025-03-10 15:29:55,771 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,772 - ERROR - Error in episode 2044: name 'args' is not defined +2025-03-10 15:29:55,774 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,774 - ERROR - Error in episode 2045: name 'args' is not defined +2025-03-10 15:29:55,777 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,777 - ERROR - Error in episode 2046: name 'args' is not defined +2025-03-10 15:29:55,780 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,780 - ERROR - Error in episode 2047: name 'args' is not defined +2025-03-10 15:29:55,784 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,784 - ERROR - Error in episode 2048: name 'args' is not defined +2025-03-10 15:29:55,787 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,787 - ERROR - Error in episode 2049: name 'args' is not defined +2025-03-10 15:29:55,790 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,790 - ERROR - Error in episode 2050: name 'args' is not defined +2025-03-10 15:29:55,792 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,793 - ERROR - Error in episode 2051: name 'args' is not defined +2025-03-10 15:29:55,795 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,795 - ERROR - Error in episode 2052: name 'args' is not defined +2025-03-10 15:29:55,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,799 - ERROR - Error in episode 2053: name 'args' is not defined +2025-03-10 15:29:55,801 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,801 - ERROR - Error in episode 2054: name 'args' is not defined +2025-03-10 15:29:55,804 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,805 - ERROR - Error in episode 2055: name 'args' is not defined +2025-03-10 15:29:55,808 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,808 - ERROR - Error in episode 2056: name 'args' is not defined +2025-03-10 15:29:55,810 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,811 - ERROR - Error in episode 2057: name 'args' is not defined +2025-03-10 15:29:55,813 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,814 - ERROR - Error in episode 2058: name 'args' is not defined +2025-03-10 15:29:55,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,816 - ERROR - Error in episode 2059: name 'args' is not defined +2025-03-10 15:29:55,819 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,819 - ERROR - Error in episode 2060: name 'args' is not defined +2025-03-10 15:29:55,822 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,822 - ERROR - Error in episode 2061: name 'args' is not defined +2025-03-10 15:29:55,825 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,826 - ERROR - Error in episode 2062: name 'args' is not defined +2025-03-10 15:29:55,828 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,828 - ERROR - Error in episode 2063: name 'args' is not defined +2025-03-10 15:29:55,831 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,831 - ERROR - Error in episode 2064: name 'args' is not defined +2025-03-10 15:29:55,834 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,834 - ERROR - Error in episode 2065: name 'args' is not defined +2025-03-10 15:29:55,837 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,837 - ERROR - Error in episode 2066: name 'args' is not defined +2025-03-10 15:29:55,840 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,840 - ERROR - Error in episode 2067: name 'args' is not defined +2025-03-10 15:29:55,844 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,844 - ERROR - Error in episode 2068: name 'args' is not defined +2025-03-10 15:29:55,847 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,848 - ERROR - Error in episode 2069: name 'args' is not defined +2025-03-10 15:29:55,851 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,851 - ERROR - Error in episode 2070: name 'args' is not defined +2025-03-10 15:29:55,853 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,853 - ERROR - Error in episode 2071: name 'args' is not defined +2025-03-10 15:29:55,857 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,857 - ERROR - Error in episode 2072: name 'args' is not defined +2025-03-10 15:29:55,860 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,860 - ERROR - Error in episode 2073: name 'args' is not defined +2025-03-10 15:29:55,862 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,863 - ERROR - Error in episode 2074: name 'args' is not defined +2025-03-10 15:29:55,866 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,866 - ERROR - Error in episode 2075: name 'args' is not defined +2025-03-10 15:29:55,868 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,869 - ERROR - Error in episode 2076: name 'args' is not defined +2025-03-10 15:29:55,871 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,871 - ERROR - Error in episode 2077: name 'args' is not defined +2025-03-10 15:29:55,874 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,875 - ERROR - Error in episode 2078: name 'args' is not defined +2025-03-10 15:29:55,877 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,878 - ERROR - Error in episode 2079: name 'args' is not defined +2025-03-10 15:29:55,880 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,881 - ERROR - Error in episode 2080: name 'args' is not defined +2025-03-10 15:29:55,883 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,884 - ERROR - Error in episode 2081: name 'args' is not defined +2025-03-10 15:29:55,886 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,886 - ERROR - Error in episode 2082: name 'args' is not defined +2025-03-10 15:29:55,889 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,890 - ERROR - Error in episode 2083: name 'args' is not defined +2025-03-10 15:29:55,892 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,892 - ERROR - Error in episode 2084: name 'args' is not defined +2025-03-10 15:29:55,895 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,895 - ERROR - Error in episode 2085: name 'args' is not defined +2025-03-10 15:29:55,898 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,898 - ERROR - Error in episode 2086: name 'args' is not defined +2025-03-10 15:29:55,901 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,901 - ERROR - Error in episode 2087: name 'args' is not defined +2025-03-10 15:29:55,904 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,904 - ERROR - Error in episode 2088: name 'args' is not defined +2025-03-10 15:29:55,907 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,908 - ERROR - Error in episode 2089: name 'args' is not defined +2025-03-10 15:29:55,910 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,910 - ERROR - Error in episode 2090: name 'args' is not defined +2025-03-10 15:29:55,913 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,913 - ERROR - Error in episode 2091: name 'args' is not defined +2025-03-10 15:29:55,916 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,916 - ERROR - Error in episode 2092: name 'args' is not defined +2025-03-10 15:29:55,918 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,919 - ERROR - Error in episode 2093: name 'args' is not defined +2025-03-10 15:29:55,921 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,922 - ERROR - Error in episode 2094: name 'args' is not defined +2025-03-10 15:29:55,925 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,925 - ERROR - Error in episode 2095: name 'args' is not defined +2025-03-10 15:29:55,928 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,928 - ERROR - Error in episode 2096: name 'args' is not defined +2025-03-10 15:29:55,931 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,931 - ERROR - Error in episode 2097: name 'args' is not defined +2025-03-10 15:29:55,934 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,934 - ERROR - Error in episode 2098: name 'args' is not defined +2025-03-10 15:29:55,936 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,937 - ERROR - Error in episode 2099: name 'args' is not defined +2025-03-10 15:29:55,939 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,940 - ERROR - Error in episode 2100: name 'args' is not defined +2025-03-10 15:29:55,942 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,943 - ERROR - Error in episode 2101: name 'args' is not defined +2025-03-10 15:29:55,945 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,945 - ERROR - Error in episode 2102: name 'args' is not defined +2025-03-10 15:29:55,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,949 - ERROR - Error in episode 2103: name 'args' is not defined +2025-03-10 15:29:55,951 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,951 - ERROR - Error in episode 2104: name 'args' is not defined +2025-03-10 15:29:55,954 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,954 - ERROR - Error in episode 2105: name 'args' is not defined +2025-03-10 15:29:55,957 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,957 - ERROR - Error in episode 2106: name 'args' is not defined +2025-03-10 15:29:55,959 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,959 - ERROR - Error in episode 2107: name 'args' is not defined +2025-03-10 15:29:55,962 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,962 - ERROR - Error in episode 2108: name 'args' is not defined +2025-03-10 15:29:55,965 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,965 - ERROR - Error in episode 2109: name 'args' is not defined +2025-03-10 15:29:55,968 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,968 - ERROR - Error in episode 2110: name 'args' is not defined +2025-03-10 15:29:55,971 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,971 - ERROR - Error in episode 2111: name 'args' is not defined +2025-03-10 15:29:55,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,974 - ERROR - Error in episode 2112: name 'args' is not defined +2025-03-10 15:29:55,978 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,978 - ERROR - Error in episode 2113: name 'args' is not defined +2025-03-10 15:29:55,981 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,982 - ERROR - Error in episode 2114: name 'args' is not defined +2025-03-10 15:29:55,984 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,984 - ERROR - Error in episode 2115: name 'args' is not defined +2025-03-10 15:29:55,987 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,987 - ERROR - Error in episode 2116: name 'args' is not defined +2025-03-10 15:29:55,990 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,990 - ERROR - Error in episode 2117: name 'args' is not defined +2025-03-10 15:29:55,993 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,993 - ERROR - Error in episode 2118: name 'args' is not defined +2025-03-10 15:29:55,995 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,996 - ERROR - Error in episode 2119: name 'args' is not defined +2025-03-10 15:29:55,999 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:55,999 - ERROR - Error in episode 2120: name 'args' is not defined +2025-03-10 15:29:56,001 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,002 - ERROR - Error in episode 2121: name 'args' is not defined +2025-03-10 15:29:56,004 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,004 - ERROR - Error in episode 2122: name 'args' is not defined +2025-03-10 15:29:56,008 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,008 - ERROR - Error in episode 2123: name 'args' is not defined +2025-03-10 15:29:56,011 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,011 - ERROR - Error in episode 2124: name 'args' is not defined +2025-03-10 15:29:56,014 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,014 - ERROR - Error in episode 2125: name 'args' is not defined +2025-03-10 15:29:56,017 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,017 - ERROR - Error in episode 2126: name 'args' is not defined +2025-03-10 15:29:56,019 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,020 - ERROR - Error in episode 2127: name 'args' is not defined +2025-03-10 15:29:56,023 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,024 - ERROR - Error in episode 2128: name 'args' is not defined +2025-03-10 15:29:56,026 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,026 - ERROR - Error in episode 2129: name 'args' is not defined +2025-03-10 15:29:56,029 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,029 - ERROR - Error in episode 2130: name 'args' is not defined +2025-03-10 15:29:56,032 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,032 - ERROR - Error in episode 2131: name 'args' is not defined +2025-03-10 15:29:56,035 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,035 - ERROR - Error in episode 2132: name 'args' is not defined +2025-03-10 15:29:56,037 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,038 - ERROR - Error in episode 2133: name 'args' is not defined +2025-03-10 15:29:56,040 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,041 - ERROR - Error in episode 2134: name 'args' is not defined +2025-03-10 15:29:56,043 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,043 - ERROR - Error in episode 2135: name 'args' is not defined +2025-03-10 15:29:56,046 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,047 - ERROR - Error in episode 2136: name 'args' is not defined +2025-03-10 15:29:56,049 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,049 - ERROR - Error in episode 2137: name 'args' is not defined +2025-03-10 15:29:56,052 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,052 - ERROR - Error in episode 2138: name 'args' is not defined +2025-03-10 15:29:56,055 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,056 - ERROR - Error in episode 2139: name 'args' is not defined +2025-03-10 15:29:56,058 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,058 - ERROR - Error in episode 2140: name 'args' is not defined +2025-03-10 15:29:56,061 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,061 - ERROR - Error in episode 2141: name 'args' is not defined +2025-03-10 15:29:56,064 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,064 - ERROR - Error in episode 2142: name 'args' is not defined +2025-03-10 15:29:56,066 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,067 - ERROR - Error in episode 2143: name 'args' is not defined +2025-03-10 15:29:56,070 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,070 - ERROR - Error in episode 2144: name 'args' is not defined +2025-03-10 15:29:56,073 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,074 - ERROR - Error in episode 2145: name 'args' is not defined +2025-03-10 15:29:56,077 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,077 - ERROR - Error in episode 2146: name 'args' is not defined +2025-03-10 15:29:56,080 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,080 - ERROR - Error in episode 2147: name 'args' is not defined +2025-03-10 15:29:56,082 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,083 - ERROR - Error in episode 2148: name 'args' is not defined +2025-03-10 15:29:56,086 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,086 - ERROR - Error in episode 2149: name 'args' is not defined +2025-03-10 15:29:56,090 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,090 - ERROR - Error in episode 2150: name 'args' is not defined +2025-03-10 15:29:56,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,094 - ERROR - Error in episode 2151: name 'args' is not defined +2025-03-10 15:29:56,097 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,097 - ERROR - Error in episode 2152: name 'args' is not defined +2025-03-10 15:29:56,100 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,100 - ERROR - Error in episode 2153: name 'args' is not defined +2025-03-10 15:29:56,102 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,103 - ERROR - Error in episode 2154: name 'args' is not defined +2025-03-10 15:29:56,105 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,106 - ERROR - Error in episode 2155: name 'args' is not defined +2025-03-10 15:29:56,108 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,108 - ERROR - Error in episode 2156: name 'args' is not defined +2025-03-10 15:29:56,110 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,111 - ERROR - Error in episode 2157: name 'args' is not defined +2025-03-10 15:29:56,113 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,114 - ERROR - Error in episode 2158: name 'args' is not defined +2025-03-10 15:29:56,116 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,117 - ERROR - Error in episode 2159: name 'args' is not defined +2025-03-10 15:29:56,119 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,119 - ERROR - Error in episode 2160: name 'args' is not defined +2025-03-10 15:29:56,122 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,122 - ERROR - Error in episode 2161: name 'args' is not defined +2025-03-10 15:29:56,125 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,126 - ERROR - Error in episode 2162: name 'args' is not defined +2025-03-10 15:29:56,128 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,129 - ERROR - Error in episode 2163: name 'args' is not defined +2025-03-10 15:29:56,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,132 - ERROR - Error in episode 2164: name 'args' is not defined +2025-03-10 15:29:56,134 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,134 - ERROR - Error in episode 2165: name 'args' is not defined +2025-03-10 15:29:56,137 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,137 - ERROR - Error in episode 2166: name 'args' is not defined +2025-03-10 15:29:56,140 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,140 - ERROR - Error in episode 2167: name 'args' is not defined +2025-03-10 15:29:56,143 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,143 - ERROR - Error in episode 2168: name 'args' is not defined +2025-03-10 15:29:56,145 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,146 - ERROR - Error in episode 2169: name 'args' is not defined +2025-03-10 15:29:56,148 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,149 - ERROR - Error in episode 2170: name 'args' is not defined +2025-03-10 15:29:56,151 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,151 - ERROR - Error in episode 2171: name 'args' is not defined +2025-03-10 15:29:56,154 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,155 - ERROR - Error in episode 2172: name 'args' is not defined +2025-03-10 15:29:56,158 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,158 - ERROR - Error in episode 2173: name 'args' is not defined +2025-03-10 15:29:56,160 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,161 - ERROR - Error in episode 2174: name 'args' is not defined +2025-03-10 15:29:56,163 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,164 - ERROR - Error in episode 2175: name 'args' is not defined +2025-03-10 15:29:56,166 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,167 - ERROR - Error in episode 2176: name 'args' is not defined +2025-03-10 15:29:56,169 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,169 - ERROR - Error in episode 2177: name 'args' is not defined +2025-03-10 15:29:56,172 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,172 - ERROR - Error in episode 2178: name 'args' is not defined +2025-03-10 15:29:56,175 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,175 - ERROR - Error in episode 2179: name 'args' is not defined +2025-03-10 15:29:56,178 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,178 - ERROR - Error in episode 2180: name 'args' is not defined +2025-03-10 15:29:56,182 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,182 - ERROR - Error in episode 2181: name 'args' is not defined +2025-03-10 15:29:56,185 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,185 - ERROR - Error in episode 2182: name 'args' is not defined +2025-03-10 15:29:56,188 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,188 - ERROR - Error in episode 2183: name 'args' is not defined +2025-03-10 15:29:56,191 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,191 - ERROR - Error in episode 2184: name 'args' is not defined +2025-03-10 15:29:56,194 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,194 - ERROR - Error in episode 2185: name 'args' is not defined +2025-03-10 15:29:56,197 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,197 - ERROR - Error in episode 2186: name 'args' is not defined +2025-03-10 15:29:56,199 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,200 - ERROR - Error in episode 2187: name 'args' is not defined +2025-03-10 15:29:56,202 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,203 - ERROR - Error in episode 2188: name 'args' is not defined +2025-03-10 15:29:56,206 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,206 - ERROR - Error in episode 2189: name 'args' is not defined +2025-03-10 15:29:56,210 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,210 - ERROR - Error in episode 2190: name 'args' is not defined +2025-03-10 15:29:56,212 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,213 - ERROR - Error in episode 2191: name 'args' is not defined +2025-03-10 15:29:56,216 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,216 - ERROR - Error in episode 2192: name 'args' is not defined +2025-03-10 15:29:56,220 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,220 - ERROR - Error in episode 2193: name 'args' is not defined +2025-03-10 15:29:56,223 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,224 - ERROR - Error in episode 2194: name 'args' is not defined +2025-03-10 15:29:56,225 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,226 - ERROR - Error in episode 2195: name 'args' is not defined +2025-03-10 15:29:56,228 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,228 - ERROR - Error in episode 2196: name 'args' is not defined +2025-03-10 15:29:56,231 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,231 - ERROR - Error in episode 2197: name 'args' is not defined +2025-03-10 15:29:56,234 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,234 - ERROR - Error in episode 2198: name 'args' is not defined +2025-03-10 15:29:56,237 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,237 - ERROR - Error in episode 2199: name 'args' is not defined +2025-03-10 15:29:56,241 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,241 - ERROR - Error in episode 2200: name 'args' is not defined +2025-03-10 15:29:56,243 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,244 - ERROR - Error in episode 2201: name 'args' is not defined +2025-03-10 15:29:56,246 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,247 - ERROR - Error in episode 2202: name 'args' is not defined +2025-03-10 15:29:56,249 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,250 - ERROR - Error in episode 2203: name 'args' is not defined +2025-03-10 15:29:56,252 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,252 - ERROR - Error in episode 2204: name 'args' is not defined +2025-03-10 15:29:56,255 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,255 - ERROR - Error in episode 2205: name 'args' is not defined +2025-03-10 15:29:56,258 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,259 - ERROR - Error in episode 2206: name 'args' is not defined +2025-03-10 15:29:56,261 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,261 - ERROR - Error in episode 2207: name 'args' is not defined +2025-03-10 15:29:56,264 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,264 - ERROR - Error in episode 2208: name 'args' is not defined +2025-03-10 15:29:56,267 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,267 - ERROR - Error in episode 2209: name 'args' is not defined +2025-03-10 15:29:56,270 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,270 - ERROR - Error in episode 2210: name 'args' is not defined +2025-03-10 15:29:56,273 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,273 - ERROR - Error in episode 2211: name 'args' is not defined +2025-03-10 15:29:56,276 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,276 - ERROR - Error in episode 2212: name 'args' is not defined +2025-03-10 15:29:56,278 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,279 - ERROR - Error in episode 2213: name 'args' is not defined +2025-03-10 15:29:56,282 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,282 - ERROR - Error in episode 2214: name 'args' is not defined +2025-03-10 15:29:56,284 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,285 - ERROR - Error in episode 2215: name 'args' is not defined +2025-03-10 15:29:56,287 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,288 - ERROR - Error in episode 2216: name 'args' is not defined +2025-03-10 15:29:56,290 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,291 - ERROR - Error in episode 2217: name 'args' is not defined +2025-03-10 15:29:56,293 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,293 - ERROR - Error in episode 2218: name 'args' is not defined +2025-03-10 15:29:56,296 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,296 - ERROR - Error in episode 2219: name 'args' is not defined +2025-03-10 15:29:56,299 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,299 - ERROR - Error in episode 2220: name 'args' is not defined +2025-03-10 15:29:56,301 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,302 - ERROR - Error in episode 2221: name 'args' is not defined +2025-03-10 15:29:56,304 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,305 - ERROR - Error in episode 2222: name 'args' is not defined +2025-03-10 15:29:56,307 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,308 - ERROR - Error in episode 2223: name 'args' is not defined +2025-03-10 15:29:56,310 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,311 - ERROR - Error in episode 2224: name 'args' is not defined +2025-03-10 15:29:56,313 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,313 - ERROR - Error in episode 2225: name 'args' is not defined +2025-03-10 15:29:56,316 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,316 - ERROR - Error in episode 2226: name 'args' is not defined +2025-03-10 15:29:56,318 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,319 - ERROR - Error in episode 2227: name 'args' is not defined +2025-03-10 15:29:56,321 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,322 - ERROR - Error in episode 2228: name 'args' is not defined +2025-03-10 15:29:56,325 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,325 - ERROR - Error in episode 2229: name 'args' is not defined +2025-03-10 15:29:56,328 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,328 - ERROR - Error in episode 2230: name 'args' is not defined +2025-03-10 15:29:56,331 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,332 - ERROR - Error in episode 2231: name 'args' is not defined +2025-03-10 15:29:56,334 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,334 - ERROR - Error in episode 2232: name 'args' is not defined +2025-03-10 15:29:56,337 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,337 - ERROR - Error in episode 2233: name 'args' is not defined +2025-03-10 15:29:56,340 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,341 - ERROR - Error in episode 2234: name 'args' is not defined +2025-03-10 15:29:56,343 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,344 - ERROR - Error in episode 2235: name 'args' is not defined +2025-03-10 15:29:56,346 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,346 - ERROR - Error in episode 2236: name 'args' is not defined +2025-03-10 15:29:56,349 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,349 - ERROR - Error in episode 2237: name 'args' is not defined +2025-03-10 15:29:56,352 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,352 - ERROR - Error in episode 2238: name 'args' is not defined +2025-03-10 15:29:56,355 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,355 - ERROR - Error in episode 2239: name 'args' is not defined +2025-03-10 15:29:56,358 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,358 - ERROR - Error in episode 2240: name 'args' is not defined +2025-03-10 15:29:56,361 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,361 - ERROR - Error in episode 2241: name 'args' is not defined +2025-03-10 15:29:56,363 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,363 - ERROR - Error in episode 2242: name 'args' is not defined +2025-03-10 15:29:56,366 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,366 - ERROR - Error in episode 2243: name 'args' is not defined +2025-03-10 15:29:56,369 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,370 - ERROR - Error in episode 2244: name 'args' is not defined +2025-03-10 15:29:56,372 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,373 - ERROR - Error in episode 2245: name 'args' is not defined +2025-03-10 15:29:56,375 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,376 - ERROR - Error in episode 2246: name 'args' is not defined +2025-03-10 15:29:56,379 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,380 - ERROR - Error in episode 2247: name 'args' is not defined +2025-03-10 15:29:56,383 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,383 - ERROR - Error in episode 2248: name 'args' is not defined +2025-03-10 15:29:56,386 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,386 - ERROR - Error in episode 2249: name 'args' is not defined +2025-03-10 15:29:56,388 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,389 - ERROR - Error in episode 2250: name 'args' is not defined +2025-03-10 15:29:56,392 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,392 - ERROR - Error in episode 2251: name 'args' is not defined +2025-03-10 15:29:56,395 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,395 - ERROR - Error in episode 2252: name 'args' is not defined +2025-03-10 15:29:56,398 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,398 - ERROR - Error in episode 2253: name 'args' is not defined +2025-03-10 15:29:56,401 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,401 - ERROR - Error in episode 2254: name 'args' is not defined +2025-03-10 15:29:56,403 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,404 - ERROR - Error in episode 2255: name 'args' is not defined +2025-03-10 15:29:56,406 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,407 - ERROR - Error in episode 2256: name 'args' is not defined +2025-03-10 15:29:56,409 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,409 - ERROR - Error in episode 2257: name 'args' is not defined +2025-03-10 15:29:56,412 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,412 - ERROR - Error in episode 2258: name 'args' is not defined +2025-03-10 15:29:56,415 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,415 - ERROR - Error in episode 2259: name 'args' is not defined +2025-03-10 15:29:56,418 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,418 - ERROR - Error in episode 2260: name 'args' is not defined +2025-03-10 15:29:56,421 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,421 - ERROR - Error in episode 2261: name 'args' is not defined +2025-03-10 15:29:56,423 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,424 - ERROR - Error in episode 2262: name 'args' is not defined +2025-03-10 15:29:56,426 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,426 - ERROR - Error in episode 2263: name 'args' is not defined +2025-03-10 15:29:56,429 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,429 - ERROR - Error in episode 2264: name 'args' is not defined +2025-03-10 15:29:56,432 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,433 - ERROR - Error in episode 2265: name 'args' is not defined +2025-03-10 15:29:56,435 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,435 - ERROR - Error in episode 2266: name 'args' is not defined +2025-03-10 15:29:56,438 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,438 - ERROR - Error in episode 2267: name 'args' is not defined +2025-03-10 15:29:56,441 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,441 - ERROR - Error in episode 2268: name 'args' is not defined +2025-03-10 15:29:56,443 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,444 - ERROR - Error in episode 2269: name 'args' is not defined +2025-03-10 15:29:56,446 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,446 - ERROR - Error in episode 2270: name 'args' is not defined +2025-03-10 15:29:56,449 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,449 - ERROR - Error in episode 2271: name 'args' is not defined +2025-03-10 15:29:56,452 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,452 - ERROR - Error in episode 2272: name 'args' is not defined +2025-03-10 15:29:56,455 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,455 - ERROR - Error in episode 2273: name 'args' is not defined +2025-03-10 15:29:56,459 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,459 - ERROR - Error in episode 2274: name 'args' is not defined +2025-03-10 15:29:56,461 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,461 - ERROR - Error in episode 2275: name 'args' is not defined +2025-03-10 15:29:56,465 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,465 - ERROR - Error in episode 2276: name 'args' is not defined +2025-03-10 15:29:56,467 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,468 - ERROR - Error in episode 2277: name 'args' is not defined +2025-03-10 15:29:56,470 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,471 - ERROR - Error in episode 2278: name 'args' is not defined +2025-03-10 15:29:56,473 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,474 - ERROR - Error in episode 2279: name 'args' is not defined +2025-03-10 15:29:56,477 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,477 - ERROR - Error in episode 2280: name 'args' is not defined +2025-03-10 15:29:56,479 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,480 - ERROR - Error in episode 2281: name 'args' is not defined +2025-03-10 15:29:56,482 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,483 - ERROR - Error in episode 2282: name 'args' is not defined +2025-03-10 15:29:56,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,486 - ERROR - Error in episode 2283: name 'args' is not defined +2025-03-10 15:29:56,488 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,488 - ERROR - Error in episode 2284: name 'args' is not defined +2025-03-10 15:29:56,491 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,491 - ERROR - Error in episode 2285: name 'args' is not defined +2025-03-10 15:29:56,493 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,493 - ERROR - Error in episode 2286: name 'args' is not defined +2025-03-10 15:29:56,496 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,496 - ERROR - Error in episode 2287: name 'args' is not defined +2025-03-10 15:29:56,499 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,499 - ERROR - Error in episode 2288: name 'args' is not defined +2025-03-10 15:29:56,502 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,502 - ERROR - Error in episode 2289: name 'args' is not defined +2025-03-10 15:29:56,505 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,505 - ERROR - Error in episode 2290: name 'args' is not defined +2025-03-10 15:29:56,508 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,508 - ERROR - Error in episode 2291: name 'args' is not defined +2025-03-10 15:29:56,511 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,511 - ERROR - Error in episode 2292: name 'args' is not defined +2025-03-10 15:29:56,515 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,515 - ERROR - Error in episode 2293: name 'args' is not defined +2025-03-10 15:29:56,517 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,518 - ERROR - Error in episode 2294: name 'args' is not defined +2025-03-10 15:29:56,520 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,521 - ERROR - Error in episode 2295: name 'args' is not defined +2025-03-10 15:29:56,524 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,524 - ERROR - Error in episode 2296: name 'args' is not defined +2025-03-10 15:29:56,527 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,527 - ERROR - Error in episode 2297: name 'args' is not defined +2025-03-10 15:29:56,530 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,530 - ERROR - Error in episode 2298: name 'args' is not defined +2025-03-10 15:29:56,533 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,533 - ERROR - Error in episode 2299: name 'args' is not defined +2025-03-10 15:29:56,535 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,536 - ERROR - Error in episode 2300: name 'args' is not defined +2025-03-10 15:29:56,538 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,539 - ERROR - Error in episode 2301: name 'args' is not defined +2025-03-10 15:29:56,541 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,542 - ERROR - Error in episode 2302: name 'args' is not defined +2025-03-10 15:29:56,544 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,545 - ERROR - Error in episode 2303: name 'args' is not defined +2025-03-10 15:29:56,547 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,548 - ERROR - Error in episode 2304: name 'args' is not defined +2025-03-10 15:29:56,551 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,551 - ERROR - Error in episode 2305: name 'args' is not defined +2025-03-10 15:29:56,553 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,554 - ERROR - Error in episode 2306: name 'args' is not defined +2025-03-10 15:29:56,556 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,557 - ERROR - Error in episode 2307: name 'args' is not defined +2025-03-10 15:29:56,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,560 - ERROR - Error in episode 2308: name 'args' is not defined +2025-03-10 15:29:56,562 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,562 - ERROR - Error in episode 2309: name 'args' is not defined +2025-03-10 15:29:56,566 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,566 - ERROR - Error in episode 2310: name 'args' is not defined +2025-03-10 15:29:56,569 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,569 - ERROR - Error in episode 2311: name 'args' is not defined +2025-03-10 15:29:56,572 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,573 - ERROR - Error in episode 2312: name 'args' is not defined +2025-03-10 15:29:56,575 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,576 - ERROR - Error in episode 2313: name 'args' is not defined +2025-03-10 15:29:56,578 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,579 - ERROR - Error in episode 2314: name 'args' is not defined +2025-03-10 15:29:56,582 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,582 - ERROR - Error in episode 2315: name 'args' is not defined +2025-03-10 15:29:56,585 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,585 - ERROR - Error in episode 2316: name 'args' is not defined +2025-03-10 15:29:56,588 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,588 - ERROR - Error in episode 2317: name 'args' is not defined +2025-03-10 15:29:56,591 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,592 - ERROR - Error in episode 2318: name 'args' is not defined +2025-03-10 15:29:56,595 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,595 - ERROR - Error in episode 2319: name 'args' is not defined +2025-03-10 15:29:56,598 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,598 - ERROR - Error in episode 2320: name 'args' is not defined +2025-03-10 15:29:56,601 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,602 - ERROR - Error in episode 2321: name 'args' is not defined +2025-03-10 15:29:56,605 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,605 - ERROR - Error in episode 2322: name 'args' is not defined +2025-03-10 15:29:56,610 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,610 - ERROR - Error in episode 2323: name 'args' is not defined +2025-03-10 15:29:56,613 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,613 - ERROR - Error in episode 2324: name 'args' is not defined +2025-03-10 15:29:56,616 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,617 - ERROR - Error in episode 2325: name 'args' is not defined +2025-03-10 15:29:56,619 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,619 - ERROR - Error in episode 2326: name 'args' is not defined +2025-03-10 15:29:56,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,623 - ERROR - Error in episode 2327: name 'args' is not defined +2025-03-10 15:29:56,626 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,627 - ERROR - Error in episode 2328: name 'args' is not defined +2025-03-10 15:29:56,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,630 - ERROR - Error in episode 2329: name 'args' is not defined +2025-03-10 15:29:56,634 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,635 - ERROR - Error in episode 2330: name 'args' is not defined +2025-03-10 15:29:56,638 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,639 - ERROR - Error in episode 2331: name 'args' is not defined +2025-03-10 15:29:56,641 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,642 - ERROR - Error in episode 2332: name 'args' is not defined +2025-03-10 15:29:56,644 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,645 - ERROR - Error in episode 2333: name 'args' is not defined +2025-03-10 15:29:56,648 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,648 - ERROR - Error in episode 2334: name 'args' is not defined +2025-03-10 15:29:56,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,652 - ERROR - Error in episode 2335: name 'args' is not defined +2025-03-10 15:29:56,655 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,655 - ERROR - Error in episode 2336: name 'args' is not defined +2025-03-10 15:29:56,659 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,659 - ERROR - Error in episode 2337: name 'args' is not defined +2025-03-10 15:29:56,663 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,663 - ERROR - Error in episode 2338: name 'args' is not defined +2025-03-10 15:29:56,666 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,666 - ERROR - Error in episode 2339: name 'args' is not defined +2025-03-10 15:29:56,669 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,669 - ERROR - Error in episode 2340: name 'args' is not defined +2025-03-10 15:29:56,672 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,672 - ERROR - Error in episode 2341: name 'args' is not defined +2025-03-10 15:29:56,675 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,675 - ERROR - Error in episode 2342: name 'args' is not defined +2025-03-10 15:29:56,678 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,678 - ERROR - Error in episode 2343: name 'args' is not defined +2025-03-10 15:29:56,682 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,682 - ERROR - Error in episode 2344: name 'args' is not defined +2025-03-10 15:29:56,685 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,686 - ERROR - Error in episode 2345: name 'args' is not defined +2025-03-10 15:29:56,689 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,689 - ERROR - Error in episode 2346: name 'args' is not defined +2025-03-10 15:29:56,692 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,693 - ERROR - Error in episode 2347: name 'args' is not defined +2025-03-10 15:29:56,695 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,696 - ERROR - Error in episode 2348: name 'args' is not defined +2025-03-10 15:29:56,700 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,701 - ERROR - Error in episode 2349: name 'args' is not defined +2025-03-10 15:29:56,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,704 - ERROR - Error in episode 2350: name 'args' is not defined +2025-03-10 15:29:56,706 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,707 - ERROR - Error in episode 2351: name 'args' is not defined +2025-03-10 15:29:56,709 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,710 - ERROR - Error in episode 2352: name 'args' is not defined +2025-03-10 15:29:56,712 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,712 - ERROR - Error in episode 2353: name 'args' is not defined +2025-03-10 15:29:56,715 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,715 - ERROR - Error in episode 2354: name 'args' is not defined +2025-03-10 15:29:56,718 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,718 - ERROR - Error in episode 2355: name 'args' is not defined +2025-03-10 15:29:56,720 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,721 - ERROR - Error in episode 2356: name 'args' is not defined +2025-03-10 15:29:56,723 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,724 - ERROR - Error in episode 2357: name 'args' is not defined +2025-03-10 15:29:56,726 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,726 - ERROR - Error in episode 2358: name 'args' is not defined +2025-03-10 15:29:56,728 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,729 - ERROR - Error in episode 2359: name 'args' is not defined +2025-03-10 15:29:56,732 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,733 - ERROR - Error in episode 2360: name 'args' is not defined +2025-03-10 15:29:56,735 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,736 - ERROR - Error in episode 2361: name 'args' is not defined +2025-03-10 15:29:56,738 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,739 - ERROR - Error in episode 2362: name 'args' is not defined +2025-03-10 15:29:56,741 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,742 - ERROR - Error in episode 2363: name 'args' is not defined +2025-03-10 15:29:56,744 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,745 - ERROR - Error in episode 2364: name 'args' is not defined +2025-03-10 15:29:56,747 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,747 - ERROR - Error in episode 2365: name 'args' is not defined +2025-03-10 15:29:56,750 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,750 - ERROR - Error in episode 2366: name 'args' is not defined +2025-03-10 15:29:56,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,753 - ERROR - Error in episode 2367: name 'args' is not defined +2025-03-10 15:29:56,756 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,756 - ERROR - Error in episode 2368: name 'args' is not defined +2025-03-10 15:29:56,758 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,759 - ERROR - Error in episode 2369: name 'args' is not defined +2025-03-10 15:29:56,761 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,761 - ERROR - Error in episode 2370: name 'args' is not defined +2025-03-10 15:29:56,764 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,765 - ERROR - Error in episode 2371: name 'args' is not defined +2025-03-10 15:29:56,767 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,767 - ERROR - Error in episode 2372: name 'args' is not defined +2025-03-10 15:29:56,770 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,770 - ERROR - Error in episode 2373: name 'args' is not defined +2025-03-10 15:29:56,773 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,774 - ERROR - Error in episode 2374: name 'args' is not defined +2025-03-10 15:29:56,776 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,777 - ERROR - Error in episode 2375: name 'args' is not defined +2025-03-10 15:29:56,779 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,780 - ERROR - Error in episode 2376: name 'args' is not defined +2025-03-10 15:29:56,782 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,783 - ERROR - Error in episode 2377: name 'args' is not defined +2025-03-10 15:29:56,786 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,786 - ERROR - Error in episode 2378: name 'args' is not defined +2025-03-10 15:29:56,789 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,789 - ERROR - Error in episode 2379: name 'args' is not defined +2025-03-10 15:29:56,791 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,792 - ERROR - Error in episode 2380: name 'args' is not defined +2025-03-10 15:29:56,794 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,795 - ERROR - Error in episode 2381: name 'args' is not defined +2025-03-10 15:29:56,797 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,797 - ERROR - Error in episode 2382: name 'args' is not defined +2025-03-10 15:29:56,800 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,800 - ERROR - Error in episode 2383: name 'args' is not defined +2025-03-10 15:29:56,803 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,804 - ERROR - Error in episode 2384: name 'args' is not defined +2025-03-10 15:29:56,807 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,807 - ERROR - Error in episode 2385: name 'args' is not defined +2025-03-10 15:29:56,810 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,810 - ERROR - Error in episode 2386: name 'args' is not defined +2025-03-10 15:29:56,813 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,813 - ERROR - Error in episode 2387: name 'args' is not defined +2025-03-10 15:29:56,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,817 - ERROR - Error in episode 2388: name 'args' is not defined +2025-03-10 15:29:56,820 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,820 - ERROR - Error in episode 2389: name 'args' is not defined +2025-03-10 15:29:56,822 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,823 - ERROR - Error in episode 2390: name 'args' is not defined +2025-03-10 15:29:56,825 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,825 - ERROR - Error in episode 2391: name 'args' is not defined +2025-03-10 15:29:56,828 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,829 - ERROR - Error in episode 2392: name 'args' is not defined +2025-03-10 15:29:56,832 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,832 - ERROR - Error in episode 2393: name 'args' is not defined +2025-03-10 15:29:56,834 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,835 - ERROR - Error in episode 2394: name 'args' is not defined +2025-03-10 15:29:56,837 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,837 - ERROR - Error in episode 2395: name 'args' is not defined +2025-03-10 15:29:56,840 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,841 - ERROR - Error in episode 2396: name 'args' is not defined +2025-03-10 15:29:56,843 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,843 - ERROR - Error in episode 2397: name 'args' is not defined +2025-03-10 15:29:56,846 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,846 - ERROR - Error in episode 2398: name 'args' is not defined +2025-03-10 15:29:56,849 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,849 - ERROR - Error in episode 2399: name 'args' is not defined +2025-03-10 15:29:56,851 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,852 - ERROR - Error in episode 2400: name 'args' is not defined +2025-03-10 15:29:56,854 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,854 - ERROR - Error in episode 2401: name 'args' is not defined +2025-03-10 15:29:56,857 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,857 - ERROR - Error in episode 2402: name 'args' is not defined +2025-03-10 15:29:56,859 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,860 - ERROR - Error in episode 2403: name 'args' is not defined +2025-03-10 15:29:56,862 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,862 - ERROR - Error in episode 2404: name 'args' is not defined +2025-03-10 15:29:56,865 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,866 - ERROR - Error in episode 2405: name 'args' is not defined +2025-03-10 15:29:56,868 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,868 - ERROR - Error in episode 2406: name 'args' is not defined +2025-03-10 15:29:56,871 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,871 - ERROR - Error in episode 2407: name 'args' is not defined +2025-03-10 15:29:56,873 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,874 - ERROR - Error in episode 2408: name 'args' is not defined +2025-03-10 15:29:56,876 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,877 - ERROR - Error in episode 2409: name 'args' is not defined +2025-03-10 15:29:56,879 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,879 - ERROR - Error in episode 2410: name 'args' is not defined +2025-03-10 15:29:56,883 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,883 - ERROR - Error in episode 2411: name 'args' is not defined +2025-03-10 15:29:56,886 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,886 - ERROR - Error in episode 2412: name 'args' is not defined +2025-03-10 15:29:56,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,889 - ERROR - Error in episode 2413: name 'args' is not defined +2025-03-10 15:29:56,891 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,892 - ERROR - Error in episode 2414: name 'args' is not defined +2025-03-10 15:29:56,894 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,894 - ERROR - Error in episode 2415: name 'args' is not defined +2025-03-10 15:29:56,897 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,898 - ERROR - Error in episode 2416: name 'args' is not defined +2025-03-10 15:29:56,900 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,900 - ERROR - Error in episode 2417: name 'args' is not defined +2025-03-10 15:29:56,903 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,903 - ERROR - Error in episode 2418: name 'args' is not defined +2025-03-10 15:29:56,906 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,906 - ERROR - Error in episode 2419: name 'args' is not defined +2025-03-10 15:29:56,909 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,910 - ERROR - Error in episode 2420: name 'args' is not defined +2025-03-10 15:29:56,912 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,912 - ERROR - Error in episode 2421: name 'args' is not defined +2025-03-10 15:29:56,915 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,916 - ERROR - Error in episode 2422: name 'args' is not defined +2025-03-10 15:29:56,918 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,919 - ERROR - Error in episode 2423: name 'args' is not defined +2025-03-10 15:29:56,921 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,921 - ERROR - Error in episode 2424: name 'args' is not defined +2025-03-10 15:29:56,924 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,925 - ERROR - Error in episode 2425: name 'args' is not defined +2025-03-10 15:29:56,927 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,928 - ERROR - Error in episode 2426: name 'args' is not defined +2025-03-10 15:29:56,930 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,931 - ERROR - Error in episode 2427: name 'args' is not defined +2025-03-10 15:29:56,933 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,934 - ERROR - Error in episode 2428: name 'args' is not defined +2025-03-10 15:29:56,936 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,937 - ERROR - Error in episode 2429: name 'args' is not defined +2025-03-10 15:29:56,940 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,940 - ERROR - Error in episode 2430: name 'args' is not defined +2025-03-10 15:29:56,942 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,942 - ERROR - Error in episode 2431: name 'args' is not defined +2025-03-10 15:29:56,945 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,945 - ERROR - Error in episode 2432: name 'args' is not defined +2025-03-10 15:29:56,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,949 - ERROR - Error in episode 2433: name 'args' is not defined +2025-03-10 15:29:56,951 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,951 - ERROR - Error in episode 2434: name 'args' is not defined +2025-03-10 15:29:56,954 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,954 - ERROR - Error in episode 2435: name 'args' is not defined +2025-03-10 15:29:56,957 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,957 - ERROR - Error in episode 2436: name 'args' is not defined +2025-03-10 15:29:56,959 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,959 - ERROR - Error in episode 2437: name 'args' is not defined +2025-03-10 15:29:56,962 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,962 - ERROR - Error in episode 2438: name 'args' is not defined +2025-03-10 15:29:56,965 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,965 - ERROR - Error in episode 2439: name 'args' is not defined +2025-03-10 15:29:56,968 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,968 - ERROR - Error in episode 2440: name 'args' is not defined +2025-03-10 15:29:56,971 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,971 - ERROR - Error in episode 2441: name 'args' is not defined +2025-03-10 15:29:56,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,974 - ERROR - Error in episode 2442: name 'args' is not defined +2025-03-10 15:29:56,977 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,977 - ERROR - Error in episode 2443: name 'args' is not defined +2025-03-10 15:29:56,979 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,980 - ERROR - Error in episode 2444: name 'args' is not defined +2025-03-10 15:29:56,983 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,983 - ERROR - Error in episode 2445: name 'args' is not defined +2025-03-10 15:29:56,986 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,986 - ERROR - Error in episode 2446: name 'args' is not defined +2025-03-10 15:29:56,989 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,989 - ERROR - Error in episode 2447: name 'args' is not defined +2025-03-10 15:29:56,992 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,992 - ERROR - Error in episode 2448: name 'args' is not defined +2025-03-10 15:29:56,994 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,995 - ERROR - Error in episode 2449: name 'args' is not defined +2025-03-10 15:29:56,997 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:56,998 - ERROR - Error in episode 2450: name 'args' is not defined +2025-03-10 15:29:57,000 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,000 - ERROR - Error in episode 2451: name 'args' is not defined +2025-03-10 15:29:57,003 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,003 - ERROR - Error in episode 2452: name 'args' is not defined +2025-03-10 15:29:57,006 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,006 - ERROR - Error in episode 2453: name 'args' is not defined +2025-03-10 15:29:57,009 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,009 - ERROR - Error in episode 2454: name 'args' is not defined +2025-03-10 15:29:57,012 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,012 - ERROR - Error in episode 2455: name 'args' is not defined +2025-03-10 15:29:57,015 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,015 - ERROR - Error in episode 2456: name 'args' is not defined +2025-03-10 15:29:57,018 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,018 - ERROR - Error in episode 2457: name 'args' is not defined +2025-03-10 15:29:57,021 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,021 - ERROR - Error in episode 2458: name 'args' is not defined +2025-03-10 15:29:57,024 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,024 - ERROR - Error in episode 2459: name 'args' is not defined +2025-03-10 15:29:57,027 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,027 - ERROR - Error in episode 2460: name 'args' is not defined +2025-03-10 15:29:57,029 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,029 - ERROR - Error in episode 2461: name 'args' is not defined +2025-03-10 15:29:57,032 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,032 - ERROR - Error in episode 2462: name 'args' is not defined +2025-03-10 15:29:57,035 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,035 - ERROR - Error in episode 2463: name 'args' is not defined +2025-03-10 15:29:57,038 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,038 - ERROR - Error in episode 2464: name 'args' is not defined +2025-03-10 15:29:57,041 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,041 - ERROR - Error in episode 2465: name 'args' is not defined +2025-03-10 15:29:57,043 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,043 - ERROR - Error in episode 2466: name 'args' is not defined +2025-03-10 15:29:57,046 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,046 - ERROR - Error in episode 2467: name 'args' is not defined +2025-03-10 15:29:57,049 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,049 - ERROR - Error in episode 2468: name 'args' is not defined +2025-03-10 15:29:57,052 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,052 - ERROR - Error in episode 2469: name 'args' is not defined +2025-03-10 15:29:57,054 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,055 - ERROR - Error in episode 2470: name 'args' is not defined +2025-03-10 15:29:57,057 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,058 - ERROR - Error in episode 2471: name 'args' is not defined +2025-03-10 15:29:57,060 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,060 - ERROR - Error in episode 2472: name 'args' is not defined +2025-03-10 15:29:57,063 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,063 - ERROR - Error in episode 2473: name 'args' is not defined +2025-03-10 15:29:57,066 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,066 - ERROR - Error in episode 2474: name 'args' is not defined +2025-03-10 15:29:57,069 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,069 - ERROR - Error in episode 2475: name 'args' is not defined +2025-03-10 15:29:57,071 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,071 - ERROR - Error in episode 2476: name 'args' is not defined +2025-03-10 15:29:57,075 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,075 - ERROR - Error in episode 2477: name 'args' is not defined +2025-03-10 15:29:57,078 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,078 - ERROR - Error in episode 2478: name 'args' is not defined +2025-03-10 15:29:57,081 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,081 - ERROR - Error in episode 2479: name 'args' is not defined +2025-03-10 15:29:57,084 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,085 - ERROR - Error in episode 2480: name 'args' is not defined +2025-03-10 15:29:57,087 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,087 - ERROR - Error in episode 2481: name 'args' is not defined +2025-03-10 15:29:57,092 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,092 - ERROR - Error in episode 2482: name 'args' is not defined +2025-03-10 15:29:57,095 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,096 - ERROR - Error in episode 2483: name 'args' is not defined +2025-03-10 15:29:57,098 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,099 - ERROR - Error in episode 2484: name 'args' is not defined +2025-03-10 15:29:57,101 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,102 - ERROR - Error in episode 2485: name 'args' is not defined +2025-03-10 15:29:57,104 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,104 - ERROR - Error in episode 2486: name 'args' is not defined +2025-03-10 15:29:57,107 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,107 - ERROR - Error in episode 2487: name 'args' is not defined +2025-03-10 15:29:57,109 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,110 - ERROR - Error in episode 2488: name 'args' is not defined +2025-03-10 15:29:57,112 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,112 - ERROR - Error in episode 2489: name 'args' is not defined +2025-03-10 15:29:57,115 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,115 - ERROR - Error in episode 2490: name 'args' is not defined +2025-03-10 15:29:57,118 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,118 - ERROR - Error in episode 2491: name 'args' is not defined +2025-03-10 15:29:57,120 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,121 - ERROR - Error in episode 2492: name 'args' is not defined +2025-03-10 15:29:57,123 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,123 - ERROR - Error in episode 2493: name 'args' is not defined +2025-03-10 15:29:57,126 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,126 - ERROR - Error in episode 2494: name 'args' is not defined +2025-03-10 15:29:57,129 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,129 - ERROR - Error in episode 2495: name 'args' is not defined +2025-03-10 15:29:57,132 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,133 - ERROR - Error in episode 2496: name 'args' is not defined +2025-03-10 15:29:57,136 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,137 - ERROR - Error in episode 2497: name 'args' is not defined +2025-03-10 15:29:57,139 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,141 - ERROR - Error in episode 2498: name 'args' is not defined +2025-03-10 15:29:57,143 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,143 - ERROR - Error in episode 2499: name 'args' is not defined +2025-03-10 15:29:57,146 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,146 - ERROR - Error in episode 2500: name 'args' is not defined +2025-03-10 15:29:57,148 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,149 - ERROR - Error in episode 2501: name 'args' is not defined +2025-03-10 15:29:57,151 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,151 - ERROR - Error in episode 2502: name 'args' is not defined +2025-03-10 15:29:57,153 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,153 - ERROR - Error in episode 2503: name 'args' is not defined +2025-03-10 15:29:57,156 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,157 - ERROR - Error in episode 2504: name 'args' is not defined +2025-03-10 15:29:57,159 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,159 - ERROR - Error in episode 2505: name 'args' is not defined +2025-03-10 15:29:57,162 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,162 - ERROR - Error in episode 2506: name 'args' is not defined +2025-03-10 15:29:57,166 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,166 - ERROR - Error in episode 2507: name 'args' is not defined +2025-03-10 15:29:57,168 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,169 - ERROR - Error in episode 2508: name 'args' is not defined +2025-03-10 15:29:57,171 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,172 - ERROR - Error in episode 2509: name 'args' is not defined +2025-03-10 15:29:57,175 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,176 - ERROR - Error in episode 2510: name 'args' is not defined +2025-03-10 15:29:57,178 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,178 - ERROR - Error in episode 2511: name 'args' is not defined +2025-03-10 15:29:57,180 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,181 - ERROR - Error in episode 2512: name 'args' is not defined +2025-03-10 15:29:57,183 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,184 - ERROR - Error in episode 2513: name 'args' is not defined +2025-03-10 15:29:57,187 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,187 - ERROR - Error in episode 2514: name 'args' is not defined +2025-03-10 15:29:57,190 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,191 - ERROR - Error in episode 2515: name 'args' is not defined +2025-03-10 15:29:57,193 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,193 - ERROR - Error in episode 2516: name 'args' is not defined +2025-03-10 15:29:57,196 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,196 - ERROR - Error in episode 2517: name 'args' is not defined +2025-03-10 15:29:57,199 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,199 - ERROR - Error in episode 2518: name 'args' is not defined +2025-03-10 15:29:57,202 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,202 - ERROR - Error in episode 2519: name 'args' is not defined +2025-03-10 15:29:57,204 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,205 - ERROR - Error in episode 2520: name 'args' is not defined +2025-03-10 15:29:57,207 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,208 - ERROR - Error in episode 2521: name 'args' is not defined +2025-03-10 15:29:57,210 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,210 - ERROR - Error in episode 2522: name 'args' is not defined +2025-03-10 15:29:57,213 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,213 - ERROR - Error in episode 2523: name 'args' is not defined +2025-03-10 15:29:57,216 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,216 - ERROR - Error in episode 2524: name 'args' is not defined +2025-03-10 15:29:57,218 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,218 - ERROR - Error in episode 2525: name 'args' is not defined +2025-03-10 15:29:57,221 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,221 - ERROR - Error in episode 2526: name 'args' is not defined +2025-03-10 15:29:57,224 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,225 - ERROR - Error in episode 2527: name 'args' is not defined +2025-03-10 15:29:57,227 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,227 - ERROR - Error in episode 2528: name 'args' is not defined +2025-03-10 15:29:57,230 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,230 - ERROR - Error in episode 2529: name 'args' is not defined +2025-03-10 15:29:57,233 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,233 - ERROR - Error in episode 2530: name 'args' is not defined +2025-03-10 15:29:57,236 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,236 - ERROR - Error in episode 2531: name 'args' is not defined +2025-03-10 15:29:57,238 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,239 - ERROR - Error in episode 2532: name 'args' is not defined +2025-03-10 15:29:57,241 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,242 - ERROR - Error in episode 2533: name 'args' is not defined +2025-03-10 15:29:57,244 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,245 - ERROR - Error in episode 2534: name 'args' is not defined +2025-03-10 15:29:57,247 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,247 - ERROR - Error in episode 2535: name 'args' is not defined +2025-03-10 15:29:57,250 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,251 - ERROR - Error in episode 2536: name 'args' is not defined +2025-03-10 15:29:57,253 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,253 - ERROR - Error in episode 2537: name 'args' is not defined +2025-03-10 15:29:57,256 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,256 - ERROR - Error in episode 2538: name 'args' is not defined +2025-03-10 15:29:57,258 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,259 - ERROR - Error in episode 2539: name 'args' is not defined +2025-03-10 15:29:57,261 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,261 - ERROR - Error in episode 2540: name 'args' is not defined +2025-03-10 15:29:57,264 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,264 - ERROR - Error in episode 2541: name 'args' is not defined +2025-03-10 15:29:57,268 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,268 - ERROR - Error in episode 2542: name 'args' is not defined +2025-03-10 15:29:57,270 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,270 - ERROR - Error in episode 2543: name 'args' is not defined +2025-03-10 15:29:57,273 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,273 - ERROR - Error in episode 2544: name 'args' is not defined +2025-03-10 15:29:57,276 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,276 - ERROR - Error in episode 2545: name 'args' is not defined +2025-03-10 15:29:57,279 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,280 - ERROR - Error in episode 2546: name 'args' is not defined +2025-03-10 15:29:57,283 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,283 - ERROR - Error in episode 2547: name 'args' is not defined +2025-03-10 15:29:57,286 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,286 - ERROR - Error in episode 2548: name 'args' is not defined +2025-03-10 15:29:57,289 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,290 - ERROR - Error in episode 2549: name 'args' is not defined +2025-03-10 15:29:57,292 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,293 - ERROR - Error in episode 2550: name 'args' is not defined +2025-03-10 15:29:57,295 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,296 - ERROR - Error in episode 2551: name 'args' is not defined +2025-03-10 15:29:57,299 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,299 - ERROR - Error in episode 2552: name 'args' is not defined +2025-03-10 15:29:57,302 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,302 - ERROR - Error in episode 2553: name 'args' is not defined +2025-03-10 15:29:57,305 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,305 - ERROR - Error in episode 2554: name 'args' is not defined +2025-03-10 15:29:57,308 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,308 - ERROR - Error in episode 2555: name 'args' is not defined +2025-03-10 15:29:57,311 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,311 - ERROR - Error in episode 2556: name 'args' is not defined +2025-03-10 15:29:57,314 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,314 - ERROR - Error in episode 2557: name 'args' is not defined +2025-03-10 15:29:57,317 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,317 - ERROR - Error in episode 2558: name 'args' is not defined +2025-03-10 15:29:57,320 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,321 - ERROR - Error in episode 2559: name 'args' is not defined +2025-03-10 15:29:57,323 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,323 - ERROR - Error in episode 2560: name 'args' is not defined +2025-03-10 15:29:57,326 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,326 - ERROR - Error in episode 2561: name 'args' is not defined +2025-03-10 15:29:57,328 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,329 - ERROR - Error in episode 2562: name 'args' is not defined +2025-03-10 15:29:57,331 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,333 - ERROR - Error in episode 2563: name 'args' is not defined +2025-03-10 15:29:57,335 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,335 - ERROR - Error in episode 2564: name 'args' is not defined +2025-03-10 15:29:57,339 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,339 - ERROR - Error in episode 2565: name 'args' is not defined +2025-03-10 15:29:57,342 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,343 - ERROR - Error in episode 2566: name 'args' is not defined +2025-03-10 15:29:57,345 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,345 - ERROR - Error in episode 2567: name 'args' is not defined +2025-03-10 15:29:57,348 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,348 - ERROR - Error in episode 2568: name 'args' is not defined +2025-03-10 15:29:57,351 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,351 - ERROR - Error in episode 2569: name 'args' is not defined +2025-03-10 15:29:57,354 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,354 - ERROR - Error in episode 2570: name 'args' is not defined +2025-03-10 15:29:57,356 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,356 - ERROR - Error in episode 2571: name 'args' is not defined +2025-03-10 15:29:57,359 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,360 - ERROR - Error in episode 2572: name 'args' is not defined +2025-03-10 15:29:57,363 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,363 - ERROR - Error in episode 2573: name 'args' is not defined +2025-03-10 15:29:57,366 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,366 - ERROR - Error in episode 2574: name 'args' is not defined +2025-03-10 15:29:57,369 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,369 - ERROR - Error in episode 2575: name 'args' is not defined +2025-03-10 15:29:57,372 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,372 - ERROR - Error in episode 2576: name 'args' is not defined +2025-03-10 15:29:57,375 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,375 - ERROR - Error in episode 2577: name 'args' is not defined +2025-03-10 15:29:57,377 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,378 - ERROR - Error in episode 2578: name 'args' is not defined +2025-03-10 15:29:57,380 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,381 - ERROR - Error in episode 2579: name 'args' is not defined +2025-03-10 15:29:57,384 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,384 - ERROR - Error in episode 2580: name 'args' is not defined +2025-03-10 15:29:57,386 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,387 - ERROR - Error in episode 2581: name 'args' is not defined +2025-03-10 15:29:57,389 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,389 - ERROR - Error in episode 2582: name 'args' is not defined +2025-03-10 15:29:57,392 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,392 - ERROR - Error in episode 2583: name 'args' is not defined +2025-03-10 15:29:57,394 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,395 - ERROR - Error in episode 2584: name 'args' is not defined +2025-03-10 15:29:57,397 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,397 - ERROR - Error in episode 2585: name 'args' is not defined +2025-03-10 15:29:57,400 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,400 - ERROR - Error in episode 2586: name 'args' is not defined +2025-03-10 15:29:57,403 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,403 - ERROR - Error in episode 2587: name 'args' is not defined +2025-03-10 15:29:57,405 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,405 - ERROR - Error in episode 2588: name 'args' is not defined +2025-03-10 15:29:57,408 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,408 - ERROR - Error in episode 2589: name 'args' is not defined +2025-03-10 15:29:57,410 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,411 - ERROR - Error in episode 2590: name 'args' is not defined +2025-03-10 15:29:57,413 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,413 - ERROR - Error in episode 2591: name 'args' is not defined +2025-03-10 15:29:57,416 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,416 - ERROR - Error in episode 2592: name 'args' is not defined +2025-03-10 15:29:57,419 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,419 - ERROR - Error in episode 2593: name 'args' is not defined +2025-03-10 15:29:57,422 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,422 - ERROR - Error in episode 2594: name 'args' is not defined +2025-03-10 15:29:57,426 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,426 - ERROR - Error in episode 2595: name 'args' is not defined +2025-03-10 15:29:57,428 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,429 - ERROR - Error in episode 2596: name 'args' is not defined +2025-03-10 15:29:57,431 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,432 - ERROR - Error in episode 2597: name 'args' is not defined +2025-03-10 15:29:57,434 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,435 - ERROR - Error in episode 2598: name 'args' is not defined +2025-03-10 15:29:57,437 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,438 - ERROR - Error in episode 2599: name 'args' is not defined +2025-03-10 15:29:57,440 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,441 - ERROR - Error in episode 2600: name 'args' is not defined +2025-03-10 15:29:57,443 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,443 - ERROR - Error in episode 2601: name 'args' is not defined +2025-03-10 15:29:57,446 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,446 - ERROR - Error in episode 2602: name 'args' is not defined +2025-03-10 15:29:57,449 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,449 - ERROR - Error in episode 2603: name 'args' is not defined +2025-03-10 15:29:57,451 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,452 - ERROR - Error in episode 2604: name 'args' is not defined +2025-03-10 15:29:57,454 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,454 - ERROR - Error in episode 2605: name 'args' is not defined +2025-03-10 15:29:57,457 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,457 - ERROR - Error in episode 2606: name 'args' is not defined +2025-03-10 15:29:57,460 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,460 - ERROR - Error in episode 2607: name 'args' is not defined +2025-03-10 15:29:57,464 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,464 - ERROR - Error in episode 2608: name 'args' is not defined +2025-03-10 15:29:57,469 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,469 - ERROR - Error in episode 2609: name 'args' is not defined +2025-03-10 15:29:57,471 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,472 - ERROR - Error in episode 2610: name 'args' is not defined +2025-03-10 15:29:57,474 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,475 - ERROR - Error in episode 2611: name 'args' is not defined +2025-03-10 15:29:57,477 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,478 - ERROR - Error in episode 2612: name 'args' is not defined +2025-03-10 15:29:57,481 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,481 - ERROR - Error in episode 2613: name 'args' is not defined +2025-03-10 15:29:57,484 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,484 - ERROR - Error in episode 2614: name 'args' is not defined +2025-03-10 15:29:57,488 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,488 - ERROR - Error in episode 2615: name 'args' is not defined +2025-03-10 15:29:57,492 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,493 - ERROR - Error in episode 2616: name 'args' is not defined +2025-03-10 15:29:57,496 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,497 - ERROR - Error in episode 2617: name 'args' is not defined +2025-03-10 15:29:57,500 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,500 - ERROR - Error in episode 2618: name 'args' is not defined +2025-03-10 15:29:57,503 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,503 - ERROR - Error in episode 2619: name 'args' is not defined +2025-03-10 15:29:57,508 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,509 - ERROR - Error in episode 2620: name 'args' is not defined +2025-03-10 15:29:57,511 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,512 - ERROR - Error in episode 2621: name 'args' is not defined +2025-03-10 15:29:57,515 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,515 - ERROR - Error in episode 2622: name 'args' is not defined +2025-03-10 15:29:57,518 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,519 - ERROR - Error in episode 2623: name 'args' is not defined +2025-03-10 15:29:57,521 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,522 - ERROR - Error in episode 2624: name 'args' is not defined +2025-03-10 15:29:57,525 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,526 - ERROR - Error in episode 2625: name 'args' is not defined +2025-03-10 15:29:57,529 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,530 - ERROR - Error in episode 2626: name 'args' is not defined +2025-03-10 15:29:57,532 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,533 - ERROR - Error in episode 2627: name 'args' is not defined +2025-03-10 15:29:57,536 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,536 - ERROR - Error in episode 2628: name 'args' is not defined +2025-03-10 15:29:57,540 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,541 - ERROR - Error in episode 2629: name 'args' is not defined +2025-03-10 15:29:57,544 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,545 - ERROR - Error in episode 2630: name 'args' is not defined +2025-03-10 15:29:57,548 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,548 - ERROR - Error in episode 2631: name 'args' is not defined +2025-03-10 15:29:57,552 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,552 - ERROR - Error in episode 2632: name 'args' is not defined +2025-03-10 15:29:57,555 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,556 - ERROR - Error in episode 2633: name 'args' is not defined +2025-03-10 15:29:57,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,560 - ERROR - Error in episode 2634: name 'args' is not defined +2025-03-10 15:29:57,563 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,563 - ERROR - Error in episode 2635: name 'args' is not defined +2025-03-10 15:29:57,566 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,567 - ERROR - Error in episode 2636: name 'args' is not defined +2025-03-10 15:29:57,572 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,573 - ERROR - Error in episode 2637: name 'args' is not defined +2025-03-10 15:29:57,576 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,576 - ERROR - Error in episode 2638: name 'args' is not defined +2025-03-10 15:29:57,580 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,581 - ERROR - Error in episode 2639: name 'args' is not defined +2025-03-10 15:29:57,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,584 - ERROR - Error in episode 2640: name 'args' is not defined +2025-03-10 15:29:57,587 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,588 - ERROR - Error in episode 2641: name 'args' is not defined +2025-03-10 15:29:57,591 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,591 - ERROR - Error in episode 2642: name 'args' is not defined +2025-03-10 15:29:57,594 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,595 - ERROR - Error in episode 2643: name 'args' is not defined +2025-03-10 15:29:57,599 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,600 - ERROR - Error in episode 2644: name 'args' is not defined +2025-03-10 15:29:57,602 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,603 - ERROR - Error in episode 2645: name 'args' is not defined +2025-03-10 15:29:57,606 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,606 - ERROR - Error in episode 2646: name 'args' is not defined +2025-03-10 15:29:57,609 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,609 - ERROR - Error in episode 2647: name 'args' is not defined +2025-03-10 15:29:57,613 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,613 - ERROR - Error in episode 2648: name 'args' is not defined +2025-03-10 15:29:57,617 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,617 - ERROR - Error in episode 2649: name 'args' is not defined +2025-03-10 15:29:57,621 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,621 - ERROR - Error in episode 2650: name 'args' is not defined +2025-03-10 15:29:57,625 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,625 - ERROR - Error in episode 2651: name 'args' is not defined +2025-03-10 15:29:57,628 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,629 - ERROR - Error in episode 2652: name 'args' is not defined +2025-03-10 15:29:57,633 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,633 - ERROR - Error in episode 2653: name 'args' is not defined +2025-03-10 15:29:57,637 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,637 - ERROR - Error in episode 2654: name 'args' is not defined +2025-03-10 15:29:57,641 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,641 - ERROR - Error in episode 2655: name 'args' is not defined +2025-03-10 15:29:57,644 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,645 - ERROR - Error in episode 2656: name 'args' is not defined +2025-03-10 15:29:57,648 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,649 - ERROR - Error in episode 2657: name 'args' is not defined +2025-03-10 15:29:57,652 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,652 - ERROR - Error in episode 2658: name 'args' is not defined +2025-03-10 15:29:57,655 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,655 - ERROR - Error in episode 2659: name 'args' is not defined +2025-03-10 15:29:57,659 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,660 - ERROR - Error in episode 2660: name 'args' is not defined +2025-03-10 15:29:57,663 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,664 - ERROR - Error in episode 2661: name 'args' is not defined +2025-03-10 15:29:57,667 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,668 - ERROR - Error in episode 2662: name 'args' is not defined +2025-03-10 15:29:57,671 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,671 - ERROR - Error in episode 2663: name 'args' is not defined +2025-03-10 15:29:57,675 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,675 - ERROR - Error in episode 2664: name 'args' is not defined +2025-03-10 15:29:57,679 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,680 - ERROR - Error in episode 2665: name 'args' is not defined +2025-03-10 15:29:57,683 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,683 - ERROR - Error in episode 2666: name 'args' is not defined +2025-03-10 15:29:57,687 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,687 - ERROR - Error in episode 2667: name 'args' is not defined +2025-03-10 15:29:57,690 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,691 - ERROR - Error in episode 2668: name 'args' is not defined +2025-03-10 15:29:57,694 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,694 - ERROR - Error in episode 2669: name 'args' is not defined +2025-03-10 15:29:57,697 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,698 - ERROR - Error in episode 2670: name 'args' is not defined +2025-03-10 15:29:57,702 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,703 - ERROR - Error in episode 2671: name 'args' is not defined +2025-03-10 15:29:57,706 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,706 - ERROR - Error in episode 2672: name 'args' is not defined +2025-03-10 15:29:57,710 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,710 - ERROR - Error in episode 2673: name 'args' is not defined +2025-03-10 15:29:57,713 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,714 - ERROR - Error in episode 2674: name 'args' is not defined +2025-03-10 15:29:57,718 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,719 - ERROR - Error in episode 2675: name 'args' is not defined +2025-03-10 15:29:57,722 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,722 - ERROR - Error in episode 2676: name 'args' is not defined +2025-03-10 15:29:57,726 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,727 - ERROR - Error in episode 2677: name 'args' is not defined +2025-03-10 15:29:57,729 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,731 - ERROR - Error in episode 2678: name 'args' is not defined +2025-03-10 15:29:57,734 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,735 - ERROR - Error in episode 2679: name 'args' is not defined +2025-03-10 15:29:57,737 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,738 - ERROR - Error in episode 2680: name 'args' is not defined +2025-03-10 15:29:57,740 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,741 - ERROR - Error in episode 2681: name 'args' is not defined +2025-03-10 15:29:57,744 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,745 - ERROR - Error in episode 2682: name 'args' is not defined +2025-03-10 15:29:57,748 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,748 - ERROR - Error in episode 2683: name 'args' is not defined +2025-03-10 15:29:57,751 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,751 - ERROR - Error in episode 2684: name 'args' is not defined +2025-03-10 15:29:57,754 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,755 - ERROR - Error in episode 2685: name 'args' is not defined +2025-03-10 15:29:57,758 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,759 - ERROR - Error in episode 2686: name 'args' is not defined +2025-03-10 15:29:57,762 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,762 - ERROR - Error in episode 2687: name 'args' is not defined +2025-03-10 15:29:57,765 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,765 - ERROR - Error in episode 2688: name 'args' is not defined +2025-03-10 15:29:57,769 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,769 - ERROR - Error in episode 2689: name 'args' is not defined +2025-03-10 15:29:57,773 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,773 - ERROR - Error in episode 2690: name 'args' is not defined +2025-03-10 15:29:57,777 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,777 - ERROR - Error in episode 2691: name 'args' is not defined +2025-03-10 15:29:57,781 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,781 - ERROR - Error in episode 2692: name 'args' is not defined +2025-03-10 15:29:57,785 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,785 - ERROR - Error in episode 2693: name 'args' is not defined +2025-03-10 15:29:57,789 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,789 - ERROR - Error in episode 2694: name 'args' is not defined +2025-03-10 15:29:57,792 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,792 - ERROR - Error in episode 2695: name 'args' is not defined +2025-03-10 15:29:57,795 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,796 - ERROR - Error in episode 2696: name 'args' is not defined +2025-03-10 15:29:57,799 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,799 - ERROR - Error in episode 2697: name 'args' is not defined +2025-03-10 15:29:57,802 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,802 - ERROR - Error in episode 2698: name 'args' is not defined +2025-03-10 15:29:57,805 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,805 - ERROR - Error in episode 2699: name 'args' is not defined +2025-03-10 15:29:57,808 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,808 - ERROR - Error in episode 2700: name 'args' is not defined +2025-03-10 15:29:57,811 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,811 - ERROR - Error in episode 2701: name 'args' is not defined +2025-03-10 15:29:57,815 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,815 - ERROR - Error in episode 2702: name 'args' is not defined +2025-03-10 15:29:57,818 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,819 - ERROR - Error in episode 2703: name 'args' is not defined +2025-03-10 15:29:57,821 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,821 - ERROR - Error in episode 2704: name 'args' is not defined +2025-03-10 15:29:57,826 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,826 - ERROR - Error in episode 2705: name 'args' is not defined +2025-03-10 15:29:57,829 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,830 - ERROR - Error in episode 2706: name 'args' is not defined +2025-03-10 15:29:57,834 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,834 - ERROR - Error in episode 2707: name 'args' is not defined +2025-03-10 15:29:57,838 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,838 - ERROR - Error in episode 2708: name 'args' is not defined +2025-03-10 15:29:57,841 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,841 - ERROR - Error in episode 2709: name 'args' is not defined +2025-03-10 15:29:57,844 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,845 - ERROR - Error in episode 2710: name 'args' is not defined +2025-03-10 15:29:57,848 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,848 - ERROR - Error in episode 2711: name 'args' is not defined +2025-03-10 15:29:57,852 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,853 - ERROR - Error in episode 2712: name 'args' is not defined +2025-03-10 15:29:57,856 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,856 - ERROR - Error in episode 2713: name 'args' is not defined +2025-03-10 15:29:57,860 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,861 - ERROR - Error in episode 2714: name 'args' is not defined +2025-03-10 15:29:57,864 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,865 - ERROR - Error in episode 2715: name 'args' is not defined +2025-03-10 15:29:57,868 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,869 - ERROR - Error in episode 2716: name 'args' is not defined +2025-03-10 15:29:57,872 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,872 - ERROR - Error in episode 2717: name 'args' is not defined +2025-03-10 15:29:57,876 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,877 - ERROR - Error in episode 2718: name 'args' is not defined +2025-03-10 15:29:57,879 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,879 - ERROR - Error in episode 2719: name 'args' is not defined +2025-03-10 15:29:57,884 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,884 - ERROR - Error in episode 2720: name 'args' is not defined +2025-03-10 15:29:57,887 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,887 - ERROR - Error in episode 2721: name 'args' is not defined +2025-03-10 15:29:57,891 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,891 - ERROR - Error in episode 2722: name 'args' is not defined +2025-03-10 15:29:57,893 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,894 - ERROR - Error in episode 2723: name 'args' is not defined +2025-03-10 15:29:57,896 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,897 - ERROR - Error in episode 2724: name 'args' is not defined +2025-03-10 15:29:57,899 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,899 - ERROR - Error in episode 2725: name 'args' is not defined +2025-03-10 15:29:57,901 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,902 - ERROR - Error in episode 2726: name 'args' is not defined +2025-03-10 15:29:57,904 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,905 - ERROR - Error in episode 2727: name 'args' is not defined +2025-03-10 15:29:57,907 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,907 - ERROR - Error in episode 2728: name 'args' is not defined +2025-03-10 15:29:57,910 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,910 - ERROR - Error in episode 2729: name 'args' is not defined +2025-03-10 15:29:57,913 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,914 - ERROR - Error in episode 2730: name 'args' is not defined +2025-03-10 15:29:57,917 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,917 - ERROR - Error in episode 2731: name 'args' is not defined +2025-03-10 15:29:57,919 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,921 - ERROR - Error in episode 2732: name 'args' is not defined +2025-03-10 15:29:57,923 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,923 - ERROR - Error in episode 2733: name 'args' is not defined +2025-03-10 15:29:57,926 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,926 - ERROR - Error in episode 2734: name 'args' is not defined +2025-03-10 15:29:57,929 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,929 - ERROR - Error in episode 2735: name 'args' is not defined +2025-03-10 15:29:57,933 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,933 - ERROR - Error in episode 2736: name 'args' is not defined +2025-03-10 15:29:57,936 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,936 - ERROR - Error in episode 2737: name 'args' is not defined +2025-03-10 15:29:57,939 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,939 - ERROR - Error in episode 2738: name 'args' is not defined +2025-03-10 15:29:57,941 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,942 - ERROR - Error in episode 2739: name 'args' is not defined +2025-03-10 15:29:57,944 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,944 - ERROR - Error in episode 2740: name 'args' is not defined +2025-03-10 15:29:57,947 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,948 - ERROR - Error in episode 2741: name 'args' is not defined +2025-03-10 15:29:57,950 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,951 - ERROR - Error in episode 2742: name 'args' is not defined +2025-03-10 15:29:57,953 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,953 - ERROR - Error in episode 2743: name 'args' is not defined +2025-03-10 15:29:57,956 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,956 - ERROR - Error in episode 2744: name 'args' is not defined +2025-03-10 15:29:57,959 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,959 - ERROR - Error in episode 2745: name 'args' is not defined +2025-03-10 15:29:57,962 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,962 - ERROR - Error in episode 2746: name 'args' is not defined +2025-03-10 15:29:57,965 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,965 - ERROR - Error in episode 2747: name 'args' is not defined +2025-03-10 15:29:57,968 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,968 - ERROR - Error in episode 2748: name 'args' is not defined +2025-03-10 15:29:57,971 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,971 - ERROR - Error in episode 2749: name 'args' is not defined +2025-03-10 15:29:57,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,974 - ERROR - Error in episode 2750: name 'args' is not defined +2025-03-10 15:29:57,977 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,977 - ERROR - Error in episode 2751: name 'args' is not defined +2025-03-10 15:29:57,980 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,980 - ERROR - Error in episode 2752: name 'args' is not defined +2025-03-10 15:29:57,982 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,983 - ERROR - Error in episode 2753: name 'args' is not defined +2025-03-10 15:29:57,985 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,985 - ERROR - Error in episode 2754: name 'args' is not defined +2025-03-10 15:29:57,988 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,988 - ERROR - Error in episode 2755: name 'args' is not defined +2025-03-10 15:29:57,991 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,991 - ERROR - Error in episode 2756: name 'args' is not defined +2025-03-10 15:29:57,994 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,995 - ERROR - Error in episode 2757: name 'args' is not defined +2025-03-10 15:29:57,997 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:57,997 - ERROR - Error in episode 2758: name 'args' is not defined +2025-03-10 15:29:58,000 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,000 - ERROR - Error in episode 2759: name 'args' is not defined +2025-03-10 15:29:58,003 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,003 - ERROR - Error in episode 2760: name 'args' is not defined +2025-03-10 15:29:58,005 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,006 - ERROR - Error in episode 2761: name 'args' is not defined +2025-03-10 15:29:58,008 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,008 - ERROR - Error in episode 2762: name 'args' is not defined +2025-03-10 15:29:58,011 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,011 - ERROR - Error in episode 2763: name 'args' is not defined +2025-03-10 15:29:58,014 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,014 - ERROR - Error in episode 2764: name 'args' is not defined +2025-03-10 15:29:58,017 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,017 - ERROR - Error in episode 2765: name 'args' is not defined +2025-03-10 15:29:58,019 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,020 - ERROR - Error in episode 2766: name 'args' is not defined +2025-03-10 15:29:58,021 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,022 - ERROR - Error in episode 2767: name 'args' is not defined +2025-03-10 15:29:58,024 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,024 - ERROR - Error in episode 2768: name 'args' is not defined +2025-03-10 15:29:58,027 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,028 - ERROR - Error in episode 2769: name 'args' is not defined +2025-03-10 15:29:58,030 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,030 - ERROR - Error in episode 2770: name 'args' is not defined +2025-03-10 15:29:58,033 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,034 - ERROR - Error in episode 2771: name 'args' is not defined +2025-03-10 15:29:58,036 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,037 - ERROR - Error in episode 2772: name 'args' is not defined +2025-03-10 15:29:58,039 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,040 - ERROR - Error in episode 2773: name 'args' is not defined +2025-03-10 15:29:58,043 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,043 - ERROR - Error in episode 2774: name 'args' is not defined +2025-03-10 15:29:58,045 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,046 - ERROR - Error in episode 2775: name 'args' is not defined +2025-03-10 15:29:58,049 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,049 - ERROR - Error in episode 2776: name 'args' is not defined +2025-03-10 15:29:58,052 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,052 - ERROR - Error in episode 2777: name 'args' is not defined +2025-03-10 15:29:58,055 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,055 - ERROR - Error in episode 2778: name 'args' is not defined +2025-03-10 15:29:58,058 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,058 - ERROR - Error in episode 2779: name 'args' is not defined +2025-03-10 15:29:58,060 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,060 - ERROR - Error in episode 2780: name 'args' is not defined +2025-03-10 15:29:58,064 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,064 - ERROR - Error in episode 2781: name 'args' is not defined +2025-03-10 15:29:58,066 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,067 - ERROR - Error in episode 2782: name 'args' is not defined +2025-03-10 15:29:58,069 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,069 - ERROR - Error in episode 2783: name 'args' is not defined +2025-03-10 15:29:58,072 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,072 - ERROR - Error in episode 2784: name 'args' is not defined +2025-03-10 15:29:58,074 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,074 - ERROR - Error in episode 2785: name 'args' is not defined +2025-03-10 15:29:58,077 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,077 - ERROR - Error in episode 2786: name 'args' is not defined +2025-03-10 15:29:58,080 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,080 - ERROR - Error in episode 2787: name 'args' is not defined +2025-03-10 15:29:58,082 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,083 - ERROR - Error in episode 2788: name 'args' is not defined +2025-03-10 15:29:58,086 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,087 - ERROR - Error in episode 2789: name 'args' is not defined +2025-03-10 15:29:58,089 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,090 - ERROR - Error in episode 2790: name 'args' is not defined +2025-03-10 15:29:58,092 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,093 - ERROR - Error in episode 2791: name 'args' is not defined +2025-03-10 15:29:58,096 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,096 - ERROR - Error in episode 2792: name 'args' is not defined +2025-03-10 15:29:58,099 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,099 - ERROR - Error in episode 2793: name 'args' is not defined +2025-03-10 15:29:58,102 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,102 - ERROR - Error in episode 2794: name 'args' is not defined +2025-03-10 15:29:58,105 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,105 - ERROR - Error in episode 2795: name 'args' is not defined +2025-03-10 15:29:58,107 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,108 - ERROR - Error in episode 2796: name 'args' is not defined +2025-03-10 15:29:58,111 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,111 - ERROR - Error in episode 2797: name 'args' is not defined +2025-03-10 15:29:58,114 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,114 - ERROR - Error in episode 2798: name 'args' is not defined +2025-03-10 15:29:58,116 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,117 - ERROR - Error in episode 2799: name 'args' is not defined +2025-03-10 15:29:58,119 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,119 - ERROR - Error in episode 2800: name 'args' is not defined +2025-03-10 15:29:58,123 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,123 - ERROR - Error in episode 2801: name 'args' is not defined +2025-03-10 15:29:58,125 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,126 - ERROR - Error in episode 2802: name 'args' is not defined +2025-03-10 15:29:58,129 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,129 - ERROR - Error in episode 2803: name 'args' is not defined +2025-03-10 15:29:58,133 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,133 - ERROR - Error in episode 2804: name 'args' is not defined +2025-03-10 15:29:58,136 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,136 - ERROR - Error in episode 2805: name 'args' is not defined +2025-03-10 15:29:58,139 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,139 - ERROR - Error in episode 2806: name 'args' is not defined +2025-03-10 15:29:58,142 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,142 - ERROR - Error in episode 2807: name 'args' is not defined +2025-03-10 15:29:58,145 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,145 - ERROR - Error in episode 2808: name 'args' is not defined +2025-03-10 15:29:58,148 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,148 - ERROR - Error in episode 2809: name 'args' is not defined +2025-03-10 15:29:58,151 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,151 - ERROR - Error in episode 2810: name 'args' is not defined +2025-03-10 15:29:58,154 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,154 - ERROR - Error in episode 2811: name 'args' is not defined +2025-03-10 15:29:58,157 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,157 - ERROR - Error in episode 2812: name 'args' is not defined +2025-03-10 15:29:58,159 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,160 - ERROR - Error in episode 2813: name 'args' is not defined +2025-03-10 15:29:58,163 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,163 - ERROR - Error in episode 2814: name 'args' is not defined +2025-03-10 15:29:58,166 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,166 - ERROR - Error in episode 2815: name 'args' is not defined +2025-03-10 15:29:58,169 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,169 - ERROR - Error in episode 2816: name 'args' is not defined +2025-03-10 15:29:58,172 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,172 - ERROR - Error in episode 2817: name 'args' is not defined +2025-03-10 15:29:58,175 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,175 - ERROR - Error in episode 2818: name 'args' is not defined +2025-03-10 15:29:58,177 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,177 - ERROR - Error in episode 2819: name 'args' is not defined +2025-03-10 15:29:58,181 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,182 - ERROR - Error in episode 2820: name 'args' is not defined +2025-03-10 15:29:58,184 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,185 - ERROR - Error in episode 2821: name 'args' is not defined +2025-03-10 15:29:58,187 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,187 - ERROR - Error in episode 2822: name 'args' is not defined +2025-03-10 15:29:58,190 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,190 - ERROR - Error in episode 2823: name 'args' is not defined +2025-03-10 15:29:58,193 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,193 - ERROR - Error in episode 2824: name 'args' is not defined +2025-03-10 15:29:58,195 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,196 - ERROR - Error in episode 2825: name 'args' is not defined +2025-03-10 15:29:58,198 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,199 - ERROR - Error in episode 2826: name 'args' is not defined +2025-03-10 15:29:58,202 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,202 - ERROR - Error in episode 2827: name 'args' is not defined +2025-03-10 15:29:58,205 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,205 - ERROR - Error in episode 2828: name 'args' is not defined +2025-03-10 15:29:58,208 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,208 - ERROR - Error in episode 2829: name 'args' is not defined +2025-03-10 15:29:58,211 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,211 - ERROR - Error in episode 2830: name 'args' is not defined +2025-03-10 15:29:58,214 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,214 - ERROR - Error in episode 2831: name 'args' is not defined +2025-03-10 15:29:58,216 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,217 - ERROR - Error in episode 2832: name 'args' is not defined +2025-03-10 15:29:58,220 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,220 - ERROR - Error in episode 2833: name 'args' is not defined +2025-03-10 15:29:58,222 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,223 - ERROR - Error in episode 2834: name 'args' is not defined +2025-03-10 15:29:58,226 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,227 - ERROR - Error in episode 2835: name 'args' is not defined +2025-03-10 15:29:58,229 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,229 - ERROR - Error in episode 2836: name 'args' is not defined +2025-03-10 15:29:58,232 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,232 - ERROR - Error in episode 2837: name 'args' is not defined +2025-03-10 15:29:58,235 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,235 - ERROR - Error in episode 2838: name 'args' is not defined +2025-03-10 15:29:58,237 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,238 - ERROR - Error in episode 2839: name 'args' is not defined +2025-03-10 15:29:58,240 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,240 - ERROR - Error in episode 2840: name 'args' is not defined +2025-03-10 15:29:58,243 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,243 - ERROR - Error in episode 2841: name 'args' is not defined +2025-03-10 15:29:58,246 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,246 - ERROR - Error in episode 2842: name 'args' is not defined +2025-03-10 15:29:58,249 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,249 - ERROR - Error in episode 2843: name 'args' is not defined +2025-03-10 15:29:58,251 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,251 - ERROR - Error in episode 2844: name 'args' is not defined +2025-03-10 15:29:58,254 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,254 - ERROR - Error in episode 2845: name 'args' is not defined +2025-03-10 15:29:58,256 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,258 - ERROR - Error in episode 2846: name 'args' is not defined +2025-03-10 15:29:58,260 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,261 - ERROR - Error in episode 2847: name 'args' is not defined +2025-03-10 15:29:58,263 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,263 - ERROR - Error in episode 2848: name 'args' is not defined +2025-03-10 15:29:58,266 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,266 - ERROR - Error in episode 2849: name 'args' is not defined +2025-03-10 15:29:58,269 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,269 - ERROR - Error in episode 2850: name 'args' is not defined +2025-03-10 15:29:58,271 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,272 - ERROR - Error in episode 2851: name 'args' is not defined +2025-03-10 15:29:58,274 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,275 - ERROR - Error in episode 2852: name 'args' is not defined +2025-03-10 15:29:58,278 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,278 - ERROR - Error in episode 2853: name 'args' is not defined +2025-03-10 15:29:58,281 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,281 - ERROR - Error in episode 2854: name 'args' is not defined +2025-03-10 15:29:58,283 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,283 - ERROR - Error in episode 2855: name 'args' is not defined +2025-03-10 15:29:58,286 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,286 - ERROR - Error in episode 2856: name 'args' is not defined +2025-03-10 15:29:58,289 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,289 - ERROR - Error in episode 2857: name 'args' is not defined +2025-03-10 15:29:58,292 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,292 - ERROR - Error in episode 2858: name 'args' is not defined +2025-03-10 15:29:58,295 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,295 - ERROR - Error in episode 2859: name 'args' is not defined +2025-03-10 15:29:58,298 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,299 - ERROR - Error in episode 2860: name 'args' is not defined +2025-03-10 15:29:58,301 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,302 - ERROR - Error in episode 2861: name 'args' is not defined +2025-03-10 15:29:58,305 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,305 - ERROR - Error in episode 2862: name 'args' is not defined +2025-03-10 15:29:58,308 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,308 - ERROR - Error in episode 2863: name 'args' is not defined +2025-03-10 15:29:58,311 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,311 - ERROR - Error in episode 2864: name 'args' is not defined +2025-03-10 15:29:58,315 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,315 - ERROR - Error in episode 2865: name 'args' is not defined +2025-03-10 15:29:58,318 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,318 - ERROR - Error in episode 2866: name 'args' is not defined +2025-03-10 15:29:58,321 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,321 - ERROR - Error in episode 2867: name 'args' is not defined +2025-03-10 15:29:58,324 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,324 - ERROR - Error in episode 2868: name 'args' is not defined +2025-03-10 15:29:58,326 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,327 - ERROR - Error in episode 2869: name 'args' is not defined +2025-03-10 15:29:58,330 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,330 - ERROR - Error in episode 2870: name 'args' is not defined +2025-03-10 15:29:58,332 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,334 - ERROR - Error in episode 2871: name 'args' is not defined +2025-03-10 15:29:58,336 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,337 - ERROR - Error in episode 2872: name 'args' is not defined +2025-03-10 15:29:58,340 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,340 - ERROR - Error in episode 2873: name 'args' is not defined +2025-03-10 15:29:58,343 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,343 - ERROR - Error in episode 2874: name 'args' is not defined +2025-03-10 15:29:58,345 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,346 - ERROR - Error in episode 2875: name 'args' is not defined +2025-03-10 15:29:58,348 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,348 - ERROR - Error in episode 2876: name 'args' is not defined +2025-03-10 15:29:58,351 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,351 - ERROR - Error in episode 2877: name 'args' is not defined +2025-03-10 15:29:58,353 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,353 - ERROR - Error in episode 2878: name 'args' is not defined +2025-03-10 15:29:58,356 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,357 - ERROR - Error in episode 2879: name 'args' is not defined +2025-03-10 15:29:58,360 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,360 - ERROR - Error in episode 2880: name 'args' is not defined +2025-03-10 15:29:58,362 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,362 - ERROR - Error in episode 2881: name 'args' is not defined +2025-03-10 15:29:58,364 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,365 - ERROR - Error in episode 2882: name 'args' is not defined +2025-03-10 15:29:58,368 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,369 - ERROR - Error in episode 2883: name 'args' is not defined +2025-03-10 15:29:58,371 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,372 - ERROR - Error in episode 2884: name 'args' is not defined +2025-03-10 15:29:58,374 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,374 - ERROR - Error in episode 2885: name 'args' is not defined +2025-03-10 15:29:58,376 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,376 - ERROR - Error in episode 2886: name 'args' is not defined +2025-03-10 15:29:58,379 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,379 - ERROR - Error in episode 2887: name 'args' is not defined +2025-03-10 15:29:58,382 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,382 - ERROR - Error in episode 2888: name 'args' is not defined +2025-03-10 15:29:58,385 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,385 - ERROR - Error in episode 2889: name 'args' is not defined +2025-03-10 15:29:58,387 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,388 - ERROR - Error in episode 2890: name 'args' is not defined +2025-03-10 15:29:58,390 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,390 - ERROR - Error in episode 2891: name 'args' is not defined +2025-03-10 15:29:58,393 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,394 - ERROR - Error in episode 2892: name 'args' is not defined +2025-03-10 15:29:58,397 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,397 - ERROR - Error in episode 2893: name 'args' is not defined +2025-03-10 15:29:58,401 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,401 - ERROR - Error in episode 2894: name 'args' is not defined +2025-03-10 15:29:58,405 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,405 - ERROR - Error in episode 2895: name 'args' is not defined +2025-03-10 15:29:58,407 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,408 - ERROR - Error in episode 2896: name 'args' is not defined +2025-03-10 15:29:58,410 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,410 - ERROR - Error in episode 2897: name 'args' is not defined +2025-03-10 15:29:58,413 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,413 - ERROR - Error in episode 2898: name 'args' is not defined +2025-03-10 15:29:58,416 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,416 - ERROR - Error in episode 2899: name 'args' is not defined +2025-03-10 15:29:58,418 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,419 - ERROR - Error in episode 2900: name 'args' is not defined +2025-03-10 15:29:58,421 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,422 - ERROR - Error in episode 2901: name 'args' is not defined +2025-03-10 15:29:58,424 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,424 - ERROR - Error in episode 2902: name 'args' is not defined +2025-03-10 15:29:58,427 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,428 - ERROR - Error in episode 2903: name 'args' is not defined +2025-03-10 15:29:58,430 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,430 - ERROR - Error in episode 2904: name 'args' is not defined +2025-03-10 15:29:58,433 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,433 - ERROR - Error in episode 2905: name 'args' is not defined +2025-03-10 15:29:58,436 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,437 - ERROR - Error in episode 2906: name 'args' is not defined +2025-03-10 15:29:58,439 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,440 - ERROR - Error in episode 2907: name 'args' is not defined +2025-03-10 15:29:58,442 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,443 - ERROR - Error in episode 2908: name 'args' is not defined +2025-03-10 15:29:58,445 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,446 - ERROR - Error in episode 2909: name 'args' is not defined +2025-03-10 15:29:58,448 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,448 - ERROR - Error in episode 2910: name 'args' is not defined +2025-03-10 15:29:58,451 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,451 - ERROR - Error in episode 2911: name 'args' is not defined +2025-03-10 15:29:58,454 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,454 - ERROR - Error in episode 2912: name 'args' is not defined +2025-03-10 15:29:58,457 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,457 - ERROR - Error in episode 2913: name 'args' is not defined +2025-03-10 15:29:58,460 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,460 - ERROR - Error in episode 2914: name 'args' is not defined +2025-03-10 15:29:58,463 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,463 - ERROR - Error in episode 2915: name 'args' is not defined +2025-03-10 15:29:58,466 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,466 - ERROR - Error in episode 2916: name 'args' is not defined +2025-03-10 15:29:58,469 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,469 - ERROR - Error in episode 2917: name 'args' is not defined +2025-03-10 15:29:58,471 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,472 - ERROR - Error in episode 2918: name 'args' is not defined +2025-03-10 15:29:58,474 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,474 - ERROR - Error in episode 2919: name 'args' is not defined +2025-03-10 15:29:58,478 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,478 - ERROR - Error in episode 2920: name 'args' is not defined +2025-03-10 15:29:58,481 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,481 - ERROR - Error in episode 2921: name 'args' is not defined +2025-03-10 15:29:58,484 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,484 - ERROR - Error in episode 2922: name 'args' is not defined +2025-03-10 15:29:58,486 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,487 - ERROR - Error in episode 2923: name 'args' is not defined +2025-03-10 15:29:58,489 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,489 - ERROR - Error in episode 2924: name 'args' is not defined +2025-03-10 15:29:58,492 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,493 - ERROR - Error in episode 2925: name 'args' is not defined +2025-03-10 15:29:58,496 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,496 - ERROR - Error in episode 2926: name 'args' is not defined +2025-03-10 15:29:58,499 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,499 - ERROR - Error in episode 2927: name 'args' is not defined +2025-03-10 15:29:58,502 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,502 - ERROR - Error in episode 2928: name 'args' is not defined +2025-03-10 15:29:58,505 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,505 - ERROR - Error in episode 2929: name 'args' is not defined +2025-03-10 15:29:58,508 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,509 - ERROR - Error in episode 2930: name 'args' is not defined +2025-03-10 15:29:58,512 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,512 - ERROR - Error in episode 2931: name 'args' is not defined +2025-03-10 15:29:58,514 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,515 - ERROR - Error in episode 2932: name 'args' is not defined +2025-03-10 15:29:58,518 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,518 - ERROR - Error in episode 2933: name 'args' is not defined +2025-03-10 15:29:58,520 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,521 - ERROR - Error in episode 2934: name 'args' is not defined +2025-03-10 15:29:58,523 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,524 - ERROR - Error in episode 2935: name 'args' is not defined +2025-03-10 15:29:58,527 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,527 - ERROR - Error in episode 2936: name 'args' is not defined +2025-03-10 15:29:58,531 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,531 - ERROR - Error in episode 2937: name 'args' is not defined +2025-03-10 15:29:58,534 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,534 - ERROR - Error in episode 2938: name 'args' is not defined +2025-03-10 15:29:58,537 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,537 - ERROR - Error in episode 2939: name 'args' is not defined +2025-03-10 15:29:58,539 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,540 - ERROR - Error in episode 2940: name 'args' is not defined +2025-03-10 15:29:58,542 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,542 - ERROR - Error in episode 2941: name 'args' is not defined +2025-03-10 15:29:58,545 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,545 - ERROR - Error in episode 2942: name 'args' is not defined +2025-03-10 15:29:58,547 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,548 - ERROR - Error in episode 2943: name 'args' is not defined +2025-03-10 15:29:58,551 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,551 - ERROR - Error in episode 2944: name 'args' is not defined +2025-03-10 15:29:58,554 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,554 - ERROR - Error in episode 2945: name 'args' is not defined +2025-03-10 15:29:58,556 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,556 - ERROR - Error in episode 2946: name 'args' is not defined +2025-03-10 15:29:58,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,560 - ERROR - Error in episode 2947: name 'args' is not defined +2025-03-10 15:29:58,562 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,562 - ERROR - Error in episode 2948: name 'args' is not defined +2025-03-10 15:29:58,565 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,565 - ERROR - Error in episode 2949: name 'args' is not defined +2025-03-10 15:29:58,568 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,568 - ERROR - Error in episode 2950: name 'args' is not defined +2025-03-10 15:29:58,571 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,571 - ERROR - Error in episode 2951: name 'args' is not defined +2025-03-10 15:29:58,574 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,574 - ERROR - Error in episode 2952: name 'args' is not defined +2025-03-10 15:29:58,578 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,578 - ERROR - Error in episode 2953: name 'args' is not defined +2025-03-10 15:29:58,581 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,581 - ERROR - Error in episode 2954: name 'args' is not defined +2025-03-10 15:29:58,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,584 - ERROR - Error in episode 2955: name 'args' is not defined +2025-03-10 15:29:58,587 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,588 - ERROR - Error in episode 2956: name 'args' is not defined +2025-03-10 15:29:58,590 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,591 - ERROR - Error in episode 2957: name 'args' is not defined +2025-03-10 15:29:58,593 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,593 - ERROR - Error in episode 2958: name 'args' is not defined +2025-03-10 15:29:58,597 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,597 - ERROR - Error in episode 2959: name 'args' is not defined +2025-03-10 15:29:58,599 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,600 - ERROR - Error in episode 2960: name 'args' is not defined +2025-03-10 15:29:58,603 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,603 - ERROR - Error in episode 2961: name 'args' is not defined +2025-03-10 15:29:58,606 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,606 - ERROR - Error in episode 2962: name 'args' is not defined +2025-03-10 15:29:58,608 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,609 - ERROR - Error in episode 2963: name 'args' is not defined +2025-03-10 15:29:58,611 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,612 - ERROR - Error in episode 2964: name 'args' is not defined +2025-03-10 15:29:58,614 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,614 - ERROR - Error in episode 2965: name 'args' is not defined +2025-03-10 15:29:58,617 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,617 - ERROR - Error in episode 2966: name 'args' is not defined +2025-03-10 15:29:58,620 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,620 - ERROR - Error in episode 2967: name 'args' is not defined +2025-03-10 15:29:58,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,623 - ERROR - Error in episode 2968: name 'args' is not defined +2025-03-10 15:29:58,626 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,627 - ERROR - Error in episode 2969: name 'args' is not defined +2025-03-10 15:29:58,629 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,630 - ERROR - Error in episode 2970: name 'args' is not defined +2025-03-10 15:29:58,632 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,632 - ERROR - Error in episode 2971: name 'args' is not defined +2025-03-10 15:29:58,635 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,635 - ERROR - Error in episode 2972: name 'args' is not defined +2025-03-10 15:29:58,639 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,639 - ERROR - Error in episode 2973: name 'args' is not defined +2025-03-10 15:29:58,641 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,642 - ERROR - Error in episode 2974: name 'args' is not defined +2025-03-10 15:29:58,644 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,644 - ERROR - Error in episode 2975: name 'args' is not defined +2025-03-10 15:29:58,647 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,648 - ERROR - Error in episode 2976: name 'args' is not defined +2025-03-10 15:29:58,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,651 - ERROR - Error in episode 2977: name 'args' is not defined +2025-03-10 15:29:58,653 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,653 - ERROR - Error in episode 2978: name 'args' is not defined +2025-03-10 15:29:58,657 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,658 - ERROR - Error in episode 2979: name 'args' is not defined +2025-03-10 15:29:58,660 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,661 - ERROR - Error in episode 2980: name 'args' is not defined +2025-03-10 15:29:58,663 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,663 - ERROR - Error in episode 2981: name 'args' is not defined +2025-03-10 15:29:58,667 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,667 - ERROR - Error in episode 2982: name 'args' is not defined +2025-03-10 15:29:58,670 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,670 - ERROR - Error in episode 2983: name 'args' is not defined +2025-03-10 15:29:58,673 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,673 - ERROR - Error in episode 2984: name 'args' is not defined +2025-03-10 15:29:58,676 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,676 - ERROR - Error in episode 2985: name 'args' is not defined +2025-03-10 15:29:58,678 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,679 - ERROR - Error in episode 2986: name 'args' is not defined +2025-03-10 15:29:58,681 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,682 - ERROR - Error in episode 2987: name 'args' is not defined +2025-03-10 15:29:58,685 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,685 - ERROR - Error in episode 2988: name 'args' is not defined +2025-03-10 15:29:58,688 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,688 - ERROR - Error in episode 2989: name 'args' is not defined +2025-03-10 15:29:58,690 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,692 - ERROR - Error in episode 2990: name 'args' is not defined +2025-03-10 15:29:58,694 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,694 - ERROR - Error in episode 2991: name 'args' is not defined +2025-03-10 15:29:58,697 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,697 - ERROR - Error in episode 2992: name 'args' is not defined +2025-03-10 15:29:58,699 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,700 - ERROR - Error in episode 2993: name 'args' is not defined +2025-03-10 15:29:58,702 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,703 - ERROR - Error in episode 2994: name 'args' is not defined +2025-03-10 15:29:58,705 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,706 - ERROR - Error in episode 2995: name 'args' is not defined +2025-03-10 15:29:58,708 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,709 - ERROR - Error in episode 2996: name 'args' is not defined +2025-03-10 15:29:58,711 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,711 - ERROR - Error in episode 2997: name 'args' is not defined +2025-03-10 15:29:58,714 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,714 - ERROR - Error in episode 2998: name 'args' is not defined +2025-03-10 15:29:58,716 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,717 - ERROR - Error in episode 2999: name 'args' is not defined +2025-03-10 15:29:58,720 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,720 - ERROR - Error in episode 3000: name 'args' is not defined +2025-03-10 15:29:58,723 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,723 - ERROR - Error in episode 3001: name 'args' is not defined +2025-03-10 15:29:58,726 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,726 - ERROR - Error in episode 3002: name 'args' is not defined +2025-03-10 15:29:58,729 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,729 - ERROR - Error in episode 3003: name 'args' is not defined +2025-03-10 15:29:58,731 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,732 - ERROR - Error in episode 3004: name 'args' is not defined +2025-03-10 15:29:58,734 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,734 - ERROR - Error in episode 3005: name 'args' is not defined +2025-03-10 15:29:58,737 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,738 - ERROR - Error in episode 3006: name 'args' is not defined +2025-03-10 15:29:58,740 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,741 - ERROR - Error in episode 3007: name 'args' is not defined +2025-03-10 15:29:58,743 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,744 - ERROR - Error in episode 3008: name 'args' is not defined +2025-03-10 15:29:58,747 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,747 - ERROR - Error in episode 3009: name 'args' is not defined +2025-03-10 15:29:58,750 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,750 - ERROR - Error in episode 3010: name 'args' is not defined +2025-03-10 15:29:58,752 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,753 - ERROR - Error in episode 3011: name 'args' is not defined +2025-03-10 15:29:58,756 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,756 - ERROR - Error in episode 3012: name 'args' is not defined +2025-03-10 15:29:58,758 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,758 - ERROR - Error in episode 3013: name 'args' is not defined +2025-03-10 15:29:58,761 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,761 - ERROR - Error in episode 3014: name 'args' is not defined +2025-03-10 15:29:58,763 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,764 - ERROR - Error in episode 3015: name 'args' is not defined +2025-03-10 15:29:58,767 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,767 - ERROR - Error in episode 3016: name 'args' is not defined +2025-03-10 15:29:58,770 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,770 - ERROR - Error in episode 3017: name 'args' is not defined +2025-03-10 15:29:58,773 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,773 - ERROR - Error in episode 3018: name 'args' is not defined +2025-03-10 15:29:58,776 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,776 - ERROR - Error in episode 3019: name 'args' is not defined +2025-03-10 15:29:58,779 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,779 - ERROR - Error in episode 3020: name 'args' is not defined +2025-03-10 15:29:58,781 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,782 - ERROR - Error in episode 3021: name 'args' is not defined +2025-03-10 15:29:58,784 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,785 - ERROR - Error in episode 3022: name 'args' is not defined +2025-03-10 15:29:58,787 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,787 - ERROR - Error in episode 3023: name 'args' is not defined +2025-03-10 15:29:58,790 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,790 - ERROR - Error in episode 3024: name 'args' is not defined +2025-03-10 15:29:58,793 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,793 - ERROR - Error in episode 3025: name 'args' is not defined +2025-03-10 15:29:58,796 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,797 - ERROR - Error in episode 3026: name 'args' is not defined +2025-03-10 15:29:58,799 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,799 - ERROR - Error in episode 3027: name 'args' is not defined +2025-03-10 15:29:58,802 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,802 - ERROR - Error in episode 3028: name 'args' is not defined +2025-03-10 15:29:58,805 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,805 - ERROR - Error in episode 3029: name 'args' is not defined +2025-03-10 15:29:58,808 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,808 - ERROR - Error in episode 3030: name 'args' is not defined +2025-03-10 15:29:58,810 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,811 - ERROR - Error in episode 3031: name 'args' is not defined +2025-03-10 15:29:58,814 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,814 - ERROR - Error in episode 3032: name 'args' is not defined +2025-03-10 15:29:58,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,817 - ERROR - Error in episode 3033: name 'args' is not defined +2025-03-10 15:29:58,820 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,820 - ERROR - Error in episode 3034: name 'args' is not defined +2025-03-10 15:29:58,823 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,823 - ERROR - Error in episode 3035: name 'args' is not defined +2025-03-10 15:29:58,826 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,826 - ERROR - Error in episode 3036: name 'args' is not defined +2025-03-10 15:29:58,829 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,829 - ERROR - Error in episode 3037: name 'args' is not defined +2025-03-10 15:29:58,832 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,832 - ERROR - Error in episode 3038: name 'args' is not defined +2025-03-10 15:29:58,834 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,835 - ERROR - Error in episode 3039: name 'args' is not defined +2025-03-10 15:29:58,838 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,838 - ERROR - Error in episode 3040: name 'args' is not defined +2025-03-10 15:29:58,840 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,841 - ERROR - Error in episode 3041: name 'args' is not defined +2025-03-10 15:29:58,843 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,844 - ERROR - Error in episode 3042: name 'args' is not defined +2025-03-10 15:29:58,847 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,847 - ERROR - Error in episode 3043: name 'args' is not defined +2025-03-10 15:29:58,850 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,851 - ERROR - Error in episode 3044: name 'args' is not defined +2025-03-10 15:29:58,853 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,853 - ERROR - Error in episode 3045: name 'args' is not defined +2025-03-10 15:29:58,856 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,856 - ERROR - Error in episode 3046: name 'args' is not defined +2025-03-10 15:29:58,858 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,858 - ERROR - Error in episode 3047: name 'args' is not defined +2025-03-10 15:29:58,861 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,861 - ERROR - Error in episode 3048: name 'args' is not defined +2025-03-10 15:29:58,865 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,865 - ERROR - Error in episode 3049: name 'args' is not defined +2025-03-10 15:29:58,867 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,868 - ERROR - Error in episode 3050: name 'args' is not defined +2025-03-10 15:29:58,870 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,870 - ERROR - Error in episode 3051: name 'args' is not defined +2025-03-10 15:29:58,873 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,873 - ERROR - Error in episode 3052: name 'args' is not defined +2025-03-10 15:29:58,876 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,876 - ERROR - Error in episode 3053: name 'args' is not defined +2025-03-10 15:29:58,878 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,879 - ERROR - Error in episode 3054: name 'args' is not defined +2025-03-10 15:29:58,881 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,881 - ERROR - Error in episode 3055: name 'args' is not defined +2025-03-10 15:29:58,885 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,885 - ERROR - Error in episode 3056: name 'args' is not defined +2025-03-10 15:29:58,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,888 - ERROR - Error in episode 3057: name 'args' is not defined +2025-03-10 15:29:58,891 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,891 - ERROR - Error in episode 3058: name 'args' is not defined +2025-03-10 15:29:58,893 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,894 - ERROR - Error in episode 3059: name 'args' is not defined +2025-03-10 15:29:58,896 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,897 - ERROR - Error in episode 3060: name 'args' is not defined +2025-03-10 15:29:58,899 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,900 - ERROR - Error in episode 3061: name 'args' is not defined +2025-03-10 15:29:58,902 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,903 - ERROR - Error in episode 3062: name 'args' is not defined +2025-03-10 15:29:58,905 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,905 - ERROR - Error in episode 3063: name 'args' is not defined +2025-03-10 15:29:58,908 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,908 - ERROR - Error in episode 3064: name 'args' is not defined +2025-03-10 15:29:58,910 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,911 - ERROR - Error in episode 3065: name 'args' is not defined +2025-03-10 15:29:58,913 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,914 - ERROR - Error in episode 3066: name 'args' is not defined +2025-03-10 15:29:58,917 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,917 - ERROR - Error in episode 3067: name 'args' is not defined +2025-03-10 15:29:58,920 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,921 - ERROR - Error in episode 3068: name 'args' is not defined +2025-03-10 15:29:58,923 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,924 - ERROR - Error in episode 3069: name 'args' is not defined +2025-03-10 15:29:58,926 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,926 - ERROR - Error in episode 3070: name 'args' is not defined +2025-03-10 15:29:58,929 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,930 - ERROR - Error in episode 3071: name 'args' is not defined +2025-03-10 15:29:58,932 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,933 - ERROR - Error in episode 3072: name 'args' is not defined +2025-03-10 15:29:58,935 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,935 - ERROR - Error in episode 3073: name 'args' is not defined +2025-03-10 15:29:58,938 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,939 - ERROR - Error in episode 3074: name 'args' is not defined +2025-03-10 15:29:58,941 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,941 - ERROR - Error in episode 3075: name 'args' is not defined +2025-03-10 15:29:58,944 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,944 - ERROR - Error in episode 3076: name 'args' is not defined +2025-03-10 15:29:58,947 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,947 - ERROR - Error in episode 3077: name 'args' is not defined +2025-03-10 15:29:58,950 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,950 - ERROR - Error in episode 3078: name 'args' is not defined +2025-03-10 15:29:58,952 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,953 - ERROR - Error in episode 3079: name 'args' is not defined +2025-03-10 15:29:58,955 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,956 - ERROR - Error in episode 3080: name 'args' is not defined +2025-03-10 15:29:58,958 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,958 - ERROR - Error in episode 3081: name 'args' is not defined +2025-03-10 15:29:58,960 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,961 - ERROR - Error in episode 3082: name 'args' is not defined +2025-03-10 15:29:58,964 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,964 - ERROR - Error in episode 3083: name 'args' is not defined +2025-03-10 15:29:58,967 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,967 - ERROR - Error in episode 3084: name 'args' is not defined +2025-03-10 15:29:58,970 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,970 - ERROR - Error in episode 3085: name 'args' is not defined +2025-03-10 15:29:58,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,974 - ERROR - Error in episode 3086: name 'args' is not defined +2025-03-10 15:29:58,977 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,977 - ERROR - Error in episode 3087: name 'args' is not defined +2025-03-10 15:29:58,980 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,980 - ERROR - Error in episode 3088: name 'args' is not defined +2025-03-10 15:29:58,982 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,983 - ERROR - Error in episode 3089: name 'args' is not defined +2025-03-10 15:29:58,985 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,985 - ERROR - Error in episode 3090: name 'args' is not defined +2025-03-10 15:29:58,988 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,988 - ERROR - Error in episode 3091: name 'args' is not defined +2025-03-10 15:29:58,990 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,991 - ERROR - Error in episode 3092: name 'args' is not defined +2025-03-10 15:29:58,993 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,993 - ERROR - Error in episode 3093: name 'args' is not defined +2025-03-10 15:29:58,996 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:58,996 - ERROR - Error in episode 3094: name 'args' is not defined +2025-03-10 15:29:58,999 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,000 - ERROR - Error in episode 3095: name 'args' is not defined +2025-03-10 15:29:59,002 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,002 - ERROR - Error in episode 3096: name 'args' is not defined +2025-03-10 15:29:59,004 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,005 - ERROR - Error in episode 3097: name 'args' is not defined +2025-03-10 15:29:59,008 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,009 - ERROR - Error in episode 3098: name 'args' is not defined +2025-03-10 15:29:59,011 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,011 - ERROR - Error in episode 3099: name 'args' is not defined +2025-03-10 15:29:59,014 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,014 - ERROR - Error in episode 3100: name 'args' is not defined +2025-03-10 15:29:59,017 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,017 - ERROR - Error in episode 3101: name 'args' is not defined +2025-03-10 15:29:59,020 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,020 - ERROR - Error in episode 3102: name 'args' is not defined +2025-03-10 15:29:59,022 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,023 - ERROR - Error in episode 3103: name 'args' is not defined +2025-03-10 15:29:59,025 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,025 - ERROR - Error in episode 3104: name 'args' is not defined +2025-03-10 15:29:59,028 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,028 - ERROR - Error in episode 3105: name 'args' is not defined +2025-03-10 15:29:59,031 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,031 - ERROR - Error in episode 3106: name 'args' is not defined +2025-03-10 15:29:59,033 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,034 - ERROR - Error in episode 3107: name 'args' is not defined +2025-03-10 15:29:59,036 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,036 - ERROR - Error in episode 3108: name 'args' is not defined +2025-03-10 15:29:59,039 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,039 - ERROR - Error in episode 3109: name 'args' is not defined +2025-03-10 15:29:59,042 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,042 - ERROR - Error in episode 3110: name 'args' is not defined +2025-03-10 15:29:59,044 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,045 - ERROR - Error in episode 3111: name 'args' is not defined +2025-03-10 15:29:59,048 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,048 - ERROR - Error in episode 3112: name 'args' is not defined +2025-03-10 15:29:59,051 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,051 - ERROR - Error in episode 3113: name 'args' is not defined +2025-03-10 15:29:59,053 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,054 - ERROR - Error in episode 3114: name 'args' is not defined +2025-03-10 15:29:59,057 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,057 - ERROR - Error in episode 3115: name 'args' is not defined +2025-03-10 15:29:59,060 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,060 - ERROR - Error in episode 3116: name 'args' is not defined +2025-03-10 15:29:59,063 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,063 - ERROR - Error in episode 3117: name 'args' is not defined +2025-03-10 15:29:59,066 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,066 - ERROR - Error in episode 3118: name 'args' is not defined +2025-03-10 15:29:59,069 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,069 - ERROR - Error in episode 3119: name 'args' is not defined +2025-03-10 15:29:59,072 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,072 - ERROR - Error in episode 3120: name 'args' is not defined +2025-03-10 15:29:59,074 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,075 - ERROR - Error in episode 3121: name 'args' is not defined +2025-03-10 15:29:59,077 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,077 - ERROR - Error in episode 3122: name 'args' is not defined +2025-03-10 15:29:59,079 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,080 - ERROR - Error in episode 3123: name 'args' is not defined +2025-03-10 15:29:59,082 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,082 - ERROR - Error in episode 3124: name 'args' is not defined +2025-03-10 15:29:59,085 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,085 - ERROR - Error in episode 3125: name 'args' is not defined +2025-03-10 15:29:59,087 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,088 - ERROR - Error in episode 3126: name 'args' is not defined +2025-03-10 15:29:59,090 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,090 - ERROR - Error in episode 3127: name 'args' is not defined +2025-03-10 15:29:59,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,094 - ERROR - Error in episode 3128: name 'args' is not defined +2025-03-10 15:29:59,097 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,097 - ERROR - Error in episode 3129: name 'args' is not defined +2025-03-10 15:29:59,100 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,101 - ERROR - Error in episode 3130: name 'args' is not defined +2025-03-10 15:29:59,103 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,103 - ERROR - Error in episode 3131: name 'args' is not defined +2025-03-10 15:29:59,106 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,106 - ERROR - Error in episode 3132: name 'args' is not defined +2025-03-10 15:29:59,109 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,109 - ERROR - Error in episode 3133: name 'args' is not defined +2025-03-10 15:29:59,111 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,111 - ERROR - Error in episode 3134: name 'args' is not defined +2025-03-10 15:29:59,113 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,114 - ERROR - Error in episode 3135: name 'args' is not defined +2025-03-10 15:29:59,116 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,117 - ERROR - Error in episode 3136: name 'args' is not defined +2025-03-10 15:29:59,119 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,119 - ERROR - Error in episode 3137: name 'args' is not defined +2025-03-10 15:29:59,122 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,122 - ERROR - Error in episode 3138: name 'args' is not defined +2025-03-10 15:29:59,125 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,125 - ERROR - Error in episode 3139: name 'args' is not defined +2025-03-10 15:29:59,128 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,128 - ERROR - Error in episode 3140: name 'args' is not defined +2025-03-10 15:29:59,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,132 - ERROR - Error in episode 3141: name 'args' is not defined +2025-03-10 15:29:59,135 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,135 - ERROR - Error in episode 3142: name 'args' is not defined +2025-03-10 15:29:59,137 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,138 - ERROR - Error in episode 3143: name 'args' is not defined +2025-03-10 15:29:59,140 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,141 - ERROR - Error in episode 3144: name 'args' is not defined +2025-03-10 15:29:59,144 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,144 - ERROR - Error in episode 3145: name 'args' is not defined +2025-03-10 15:29:59,146 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,147 - ERROR - Error in episode 3146: name 'args' is not defined +2025-03-10 15:29:59,149 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,150 - ERROR - Error in episode 3147: name 'args' is not defined +2025-03-10 15:29:59,153 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,153 - ERROR - Error in episode 3148: name 'args' is not defined +2025-03-10 15:29:59,156 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,156 - ERROR - Error in episode 3149: name 'args' is not defined +2025-03-10 15:29:59,159 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,159 - ERROR - Error in episode 3150: name 'args' is not defined +2025-03-10 15:29:59,161 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,162 - ERROR - Error in episode 3151: name 'args' is not defined +2025-03-10 15:29:59,164 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,165 - ERROR - Error in episode 3152: name 'args' is not defined +2025-03-10 15:29:59,168 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,168 - ERROR - Error in episode 3153: name 'args' is not defined +2025-03-10 15:29:59,170 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,171 - ERROR - Error in episode 3154: name 'args' is not defined +2025-03-10 15:29:59,173 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,173 - ERROR - Error in episode 3155: name 'args' is not defined +2025-03-10 15:29:59,176 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,176 - ERROR - Error in episode 3156: name 'args' is not defined +2025-03-10 15:29:59,178 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,179 - ERROR - Error in episode 3157: name 'args' is not defined +2025-03-10 15:29:59,181 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,181 - ERROR - Error in episode 3158: name 'args' is not defined +2025-03-10 15:29:59,184 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,185 - ERROR - Error in episode 3159: name 'args' is not defined +2025-03-10 15:29:59,187 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,187 - ERROR - Error in episode 3160: name 'args' is not defined +2025-03-10 15:29:59,189 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,190 - ERROR - Error in episode 3161: name 'args' is not defined +2025-03-10 15:29:59,192 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,193 - ERROR - Error in episode 3162: name 'args' is not defined +2025-03-10 15:29:59,195 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,196 - ERROR - Error in episode 3163: name 'args' is not defined +2025-03-10 15:29:59,198 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,198 - ERROR - Error in episode 3164: name 'args' is not defined +2025-03-10 15:29:59,201 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,201 - ERROR - Error in episode 3165: name 'args' is not defined +2025-03-10 15:29:59,204 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,204 - ERROR - Error in episode 3166: name 'args' is not defined +2025-03-10 15:29:59,206 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,207 - ERROR - Error in episode 3167: name 'args' is not defined +2025-03-10 15:29:59,210 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,210 - ERROR - Error in episode 3168: name 'args' is not defined +2025-03-10 15:29:59,213 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,214 - ERROR - Error in episode 3169: name 'args' is not defined +2025-03-10 15:29:59,216 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,216 - ERROR - Error in episode 3170: name 'args' is not defined +2025-03-10 15:29:59,219 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,219 - ERROR - Error in episode 3171: name 'args' is not defined +2025-03-10 15:29:59,222 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,222 - ERROR - Error in episode 3172: name 'args' is not defined +2025-03-10 15:29:59,224 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,224 - ERROR - Error in episode 3173: name 'args' is not defined +2025-03-10 15:29:59,226 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,227 - ERROR - Error in episode 3174: name 'args' is not defined +2025-03-10 15:29:59,229 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,230 - ERROR - Error in episode 3175: name 'args' is not defined +2025-03-10 15:29:59,233 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,233 - ERROR - Error in episode 3176: name 'args' is not defined +2025-03-10 15:29:59,236 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,236 - ERROR - Error in episode 3177: name 'args' is not defined +2025-03-10 15:29:59,239 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,239 - ERROR - Error in episode 3178: name 'args' is not defined +2025-03-10 15:29:59,242 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,242 - ERROR - Error in episode 3179: name 'args' is not defined +2025-03-10 15:29:59,245 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,245 - ERROR - Error in episode 3180: name 'args' is not defined +2025-03-10 15:29:59,247 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,248 - ERROR - Error in episode 3181: name 'args' is not defined +2025-03-10 15:29:59,250 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,251 - ERROR - Error in episode 3182: name 'args' is not defined +2025-03-10 15:29:59,253 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,253 - ERROR - Error in episode 3183: name 'args' is not defined +2025-03-10 15:29:59,256 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,257 - ERROR - Error in episode 3184: name 'args' is not defined +2025-03-10 15:29:59,260 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,260 - ERROR - Error in episode 3185: name 'args' is not defined +2025-03-10 15:29:59,262 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,264 - ERROR - Error in episode 3186: name 'args' is not defined +2025-03-10 15:29:59,266 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,266 - ERROR - Error in episode 3187: name 'args' is not defined +2025-03-10 15:29:59,268 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,269 - ERROR - Error in episode 3188: name 'args' is not defined +2025-03-10 15:29:59,272 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,272 - ERROR - Error in episode 3189: name 'args' is not defined +2025-03-10 15:29:59,275 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,275 - ERROR - Error in episode 3190: name 'args' is not defined +2025-03-10 15:29:59,277 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,278 - ERROR - Error in episode 3191: name 'args' is not defined +2025-03-10 15:29:59,281 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,281 - ERROR - Error in episode 3192: name 'args' is not defined +2025-03-10 15:29:59,283 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,283 - ERROR - Error in episode 3193: name 'args' is not defined +2025-03-10 15:29:59,287 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,287 - ERROR - Error in episode 3194: name 'args' is not defined +2025-03-10 15:29:59,290 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,290 - ERROR - Error in episode 3195: name 'args' is not defined +2025-03-10 15:29:59,293 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,294 - ERROR - Error in episode 3196: name 'args' is not defined +2025-03-10 15:29:59,296 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,297 - ERROR - Error in episode 3197: name 'args' is not defined +2025-03-10 15:29:59,300 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,300 - ERROR - Error in episode 3198: name 'args' is not defined +2025-03-10 15:29:59,303 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,303 - ERROR - Error in episode 3199: name 'args' is not defined +2025-03-10 15:29:59,306 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,306 - ERROR - Error in episode 3200: name 'args' is not defined +2025-03-10 15:29:59,309 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,309 - ERROR - Error in episode 3201: name 'args' is not defined +2025-03-10 15:29:59,312 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,312 - ERROR - Error in episode 3202: name 'args' is not defined +2025-03-10 15:29:59,315 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,315 - ERROR - Error in episode 3203: name 'args' is not defined +2025-03-10 15:29:59,318 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,318 - ERROR - Error in episode 3204: name 'args' is not defined +2025-03-10 15:29:59,321 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,321 - ERROR - Error in episode 3205: name 'args' is not defined +2025-03-10 15:29:59,324 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,324 - ERROR - Error in episode 3206: name 'args' is not defined +2025-03-10 15:29:59,326 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,326 - ERROR - Error in episode 3207: name 'args' is not defined +2025-03-10 15:29:59,329 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,329 - ERROR - Error in episode 3208: name 'args' is not defined +2025-03-10 15:29:59,332 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,332 - ERROR - Error in episode 3209: name 'args' is not defined +2025-03-10 15:29:59,334 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,335 - ERROR - Error in episode 3210: name 'args' is not defined +2025-03-10 15:29:59,337 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,337 - ERROR - Error in episode 3211: name 'args' is not defined +2025-03-10 15:29:59,341 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,341 - ERROR - Error in episode 3212: name 'args' is not defined +2025-03-10 15:29:59,344 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,344 - ERROR - Error in episode 3213: name 'args' is not defined +2025-03-10 15:29:59,347 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,347 - ERROR - Error in episode 3214: name 'args' is not defined +2025-03-10 15:29:59,349 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,349 - ERROR - Error in episode 3215: name 'args' is not defined +2025-03-10 15:29:59,352 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,352 - ERROR - Error in episode 3216: name 'args' is not defined +2025-03-10 15:29:59,355 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,355 - ERROR - Error in episode 3217: name 'args' is not defined +2025-03-10 15:29:59,358 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,359 - ERROR - Error in episode 3218: name 'args' is not defined +2025-03-10 15:29:59,362 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,363 - ERROR - Error in episode 3219: name 'args' is not defined +2025-03-10 15:29:59,365 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,366 - ERROR - Error in episode 3220: name 'args' is not defined +2025-03-10 15:29:59,369 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,370 - ERROR - Error in episode 3221: name 'args' is not defined +2025-03-10 15:29:59,373 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,373 - ERROR - Error in episode 3222: name 'args' is not defined +2025-03-10 15:29:59,376 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,376 - ERROR - Error in episode 3223: name 'args' is not defined +2025-03-10 15:29:59,380 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,381 - ERROR - Error in episode 3224: name 'args' is not defined +2025-03-10 15:29:59,383 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,384 - ERROR - Error in episode 3225: name 'args' is not defined +2025-03-10 15:29:59,387 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,387 - ERROR - Error in episode 3226: name 'args' is not defined +2025-03-10 15:29:59,392 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,392 - ERROR - Error in episode 3227: name 'args' is not defined +2025-03-10 15:29:59,396 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,397 - ERROR - Error in episode 3228: name 'args' is not defined +2025-03-10 15:29:59,399 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,400 - ERROR - Error in episode 3229: name 'args' is not defined +2025-03-10 15:29:59,403 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,403 - ERROR - Error in episode 3230: name 'args' is not defined +2025-03-10 15:29:59,407 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,407 - ERROR - Error in episode 3231: name 'args' is not defined +2025-03-10 15:29:59,412 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,412 - ERROR - Error in episode 3232: name 'args' is not defined +2025-03-10 15:29:59,415 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,416 - ERROR - Error in episode 3233: name 'args' is not defined +2025-03-10 15:29:59,418 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,418 - ERROR - Error in episode 3234: name 'args' is not defined +2025-03-10 15:29:59,422 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,423 - ERROR - Error in episode 3235: name 'args' is not defined +2025-03-10 15:29:59,425 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,425 - ERROR - Error in episode 3236: name 'args' is not defined +2025-03-10 15:29:59,428 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,429 - ERROR - Error in episode 3237: name 'args' is not defined +2025-03-10 15:29:59,432 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,433 - ERROR - Error in episode 3238: name 'args' is not defined +2025-03-10 15:29:59,435 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,435 - ERROR - Error in episode 3239: name 'args' is not defined +2025-03-10 15:29:59,438 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,438 - ERROR - Error in episode 3240: name 'args' is not defined +2025-03-10 15:29:59,442 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,442 - ERROR - Error in episode 3241: name 'args' is not defined +2025-03-10 15:29:59,445 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,445 - ERROR - Error in episode 3242: name 'args' is not defined +2025-03-10 15:29:59,447 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,448 - ERROR - Error in episode 3243: name 'args' is not defined +2025-03-10 15:29:59,450 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,451 - ERROR - Error in episode 3244: name 'args' is not defined +2025-03-10 15:29:59,454 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,454 - ERROR - Error in episode 3245: name 'args' is not defined +2025-03-10 15:29:59,458 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,458 - ERROR - Error in episode 3246: name 'args' is not defined +2025-03-10 15:29:59,461 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,461 - ERROR - Error in episode 3247: name 'args' is not defined +2025-03-10 15:29:59,464 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,465 - ERROR - Error in episode 3248: name 'args' is not defined +2025-03-10 15:29:59,468 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,468 - ERROR - Error in episode 3249: name 'args' is not defined +2025-03-10 15:29:59,471 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,471 - ERROR - Error in episode 3250: name 'args' is not defined +2025-03-10 15:29:59,474 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,474 - ERROR - Error in episode 3251: name 'args' is not defined +2025-03-10 15:29:59,477 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,477 - ERROR - Error in episode 3252: name 'args' is not defined +2025-03-10 15:29:59,480 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,480 - ERROR - Error in episode 3253: name 'args' is not defined +2025-03-10 15:29:59,484 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,484 - ERROR - Error in episode 3254: name 'args' is not defined +2025-03-10 15:29:59,487 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,487 - ERROR - Error in episode 3255: name 'args' is not defined +2025-03-10 15:29:59,490 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,491 - ERROR - Error in episode 3256: name 'args' is not defined +2025-03-10 15:29:59,494 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,494 - ERROR - Error in episode 3257: name 'args' is not defined +2025-03-10 15:29:59,497 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,497 - ERROR - Error in episode 3258: name 'args' is not defined +2025-03-10 15:29:59,499 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,500 - ERROR - Error in episode 3259: name 'args' is not defined +2025-03-10 15:29:59,502 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,503 - ERROR - Error in episode 3260: name 'args' is not defined +2025-03-10 15:29:59,505 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,506 - ERROR - Error in episode 3261: name 'args' is not defined +2025-03-10 15:29:59,509 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,509 - ERROR - Error in episode 3262: name 'args' is not defined +2025-03-10 15:29:59,512 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,512 - ERROR - Error in episode 3263: name 'args' is not defined +2025-03-10 15:29:59,515 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,515 - ERROR - Error in episode 3264: name 'args' is not defined +2025-03-10 15:29:59,518 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,518 - ERROR - Error in episode 3265: name 'args' is not defined +2025-03-10 15:29:59,521 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,521 - ERROR - Error in episode 3266: name 'args' is not defined +2025-03-10 15:29:59,523 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,523 - ERROR - Error in episode 3267: name 'args' is not defined +2025-03-10 15:29:59,527 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,527 - ERROR - Error in episode 3268: name 'args' is not defined +2025-03-10 15:29:59,530 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,531 - ERROR - Error in episode 3269: name 'args' is not defined +2025-03-10 15:29:59,533 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,533 - ERROR - Error in episode 3270: name 'args' is not defined +2025-03-10 15:29:59,536 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,537 - ERROR - Error in episode 3271: name 'args' is not defined +2025-03-10 15:29:59,539 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,540 - ERROR - Error in episode 3272: name 'args' is not defined +2025-03-10 15:29:59,542 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,542 - ERROR - Error in episode 3273: name 'args' is not defined +2025-03-10 15:29:59,546 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,546 - ERROR - Error in episode 3274: name 'args' is not defined +2025-03-10 15:29:59,548 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,549 - ERROR - Error in episode 3275: name 'args' is not defined +2025-03-10 15:29:59,552 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,552 - ERROR - Error in episode 3276: name 'args' is not defined +2025-03-10 15:29:59,554 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,555 - ERROR - Error in episode 3277: name 'args' is not defined +2025-03-10 15:29:59,557 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,558 - ERROR - Error in episode 3278: name 'args' is not defined +2025-03-10 15:29:59,561 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,562 - ERROR - Error in episode 3279: name 'args' is not defined +2025-03-10 15:29:59,565 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,565 - ERROR - Error in episode 3280: name 'args' is not defined +2025-03-10 15:29:59,568 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,568 - ERROR - Error in episode 3281: name 'args' is not defined +2025-03-10 15:29:59,570 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,570 - ERROR - Error in episode 3282: name 'args' is not defined +2025-03-10 15:29:59,573 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,573 - ERROR - Error in episode 3283: name 'args' is not defined +2025-03-10 15:29:59,576 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,576 - ERROR - Error in episode 3284: name 'args' is not defined +2025-03-10 15:29:59,580 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,580 - ERROR - Error in episode 3285: name 'args' is not defined +2025-03-10 15:29:59,583 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,583 - ERROR - Error in episode 3286: name 'args' is not defined +2025-03-10 15:29:59,586 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,586 - ERROR - Error in episode 3287: name 'args' is not defined +2025-03-10 15:29:59,588 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,589 - ERROR - Error in episode 3288: name 'args' is not defined +2025-03-10 15:29:59,591 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,591 - ERROR - Error in episode 3289: name 'args' is not defined +2025-03-10 15:29:59,594 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,595 - ERROR - Error in episode 3290: name 'args' is not defined +2025-03-10 15:29:59,597 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,597 - ERROR - Error in episode 3291: name 'args' is not defined +2025-03-10 15:29:59,600 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,601 - ERROR - Error in episode 3292: name 'args' is not defined +2025-03-10 15:29:59,603 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,604 - ERROR - Error in episode 3293: name 'args' is not defined +2025-03-10 15:29:59,606 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,607 - ERROR - Error in episode 3294: name 'args' is not defined +2025-03-10 15:29:59,609 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,610 - ERROR - Error in episode 3295: name 'args' is not defined +2025-03-10 15:29:59,612 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,612 - ERROR - Error in episode 3296: name 'args' is not defined +2025-03-10 15:29:59,615 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,615 - ERROR - Error in episode 3297: name 'args' is not defined +2025-03-10 15:29:59,619 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,619 - ERROR - Error in episode 3298: name 'args' is not defined +2025-03-10 15:29:59,622 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,622 - ERROR - Error in episode 3299: name 'args' is not defined +2025-03-10 15:29:59,624 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,625 - ERROR - Error in episode 3300: name 'args' is not defined +2025-03-10 15:29:59,627 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,627 - ERROR - Error in episode 3301: name 'args' is not defined +2025-03-10 15:29:59,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,630 - ERROR - Error in episode 3302: name 'args' is not defined +2025-03-10 15:29:59,632 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,633 - ERROR - Error in episode 3303: name 'args' is not defined +2025-03-10 15:29:59,636 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,636 - ERROR - Error in episode 3304: name 'args' is not defined +2025-03-10 15:29:59,638 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,639 - ERROR - Error in episode 3305: name 'args' is not defined +2025-03-10 15:29:59,641 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,642 - ERROR - Error in episode 3306: name 'args' is not defined +2025-03-10 15:29:59,644 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,645 - ERROR - Error in episode 3307: name 'args' is not defined +2025-03-10 15:29:59,647 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,647 - ERROR - Error in episode 3308: name 'args' is not defined +2025-03-10 15:29:59,650 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,650 - ERROR - Error in episode 3309: name 'args' is not defined +2025-03-10 15:29:59,653 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,653 - ERROR - Error in episode 3310: name 'args' is not defined +2025-03-10 15:29:59,656 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,657 - ERROR - Error in episode 3311: name 'args' is not defined +2025-03-10 15:29:59,660 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,660 - ERROR - Error in episode 3312: name 'args' is not defined +2025-03-10 15:29:59,663 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,664 - ERROR - Error in episode 3313: name 'args' is not defined +2025-03-10 15:29:59,667 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,667 - ERROR - Error in episode 3314: name 'args' is not defined +2025-03-10 15:29:59,671 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,671 - ERROR - Error in episode 3315: name 'args' is not defined +2025-03-10 15:29:59,674 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,675 - ERROR - Error in episode 3316: name 'args' is not defined +2025-03-10 15:29:59,678 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,678 - ERROR - Error in episode 3317: name 'args' is not defined +2025-03-10 15:29:59,681 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,681 - ERROR - Error in episode 3318: name 'args' is not defined +2025-03-10 15:29:59,684 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,685 - ERROR - Error in episode 3319: name 'args' is not defined +2025-03-10 15:29:59,687 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,688 - ERROR - Error in episode 3320: name 'args' is not defined +2025-03-10 15:29:59,691 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,691 - ERROR - Error in episode 3321: name 'args' is not defined +2025-03-10 15:29:59,694 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,694 - ERROR - Error in episode 3322: name 'args' is not defined +2025-03-10 15:29:59,697 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,698 - ERROR - Error in episode 3323: name 'args' is not defined +2025-03-10 15:29:59,700 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,701 - ERROR - Error in episode 3324: name 'args' is not defined +2025-03-10 15:29:59,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,704 - ERROR - Error in episode 3325: name 'args' is not defined +2025-03-10 15:29:59,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,707 - ERROR - Error in episode 3326: name 'args' is not defined +2025-03-10 15:29:59,711 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,711 - ERROR - Error in episode 3327: name 'args' is not defined +2025-03-10 15:29:59,714 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,714 - ERROR - Error in episode 3328: name 'args' is not defined +2025-03-10 15:29:59,717 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,717 - ERROR - Error in episode 3329: name 'args' is not defined +2025-03-10 15:29:59,720 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,721 - ERROR - Error in episode 3330: name 'args' is not defined +2025-03-10 15:29:59,723 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,724 - ERROR - Error in episode 3331: name 'args' is not defined +2025-03-10 15:29:59,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,727 - ERROR - Error in episode 3332: name 'args' is not defined +2025-03-10 15:29:59,730 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,730 - ERROR - Error in episode 3333: name 'args' is not defined +2025-03-10 15:29:59,733 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,734 - ERROR - Error in episode 3334: name 'args' is not defined +2025-03-10 15:29:59,736 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,737 - ERROR - Error in episode 3335: name 'args' is not defined +2025-03-10 15:29:59,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,740 - ERROR - Error in episode 3336: name 'args' is not defined +2025-03-10 15:29:59,742 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,742 - ERROR - Error in episode 3337: name 'args' is not defined +2025-03-10 15:29:59,745 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,745 - ERROR - Error in episode 3338: name 'args' is not defined +2025-03-10 15:29:59,747 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,748 - ERROR - Error in episode 3339: name 'args' is not defined +2025-03-10 15:29:59,750 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,751 - ERROR - Error in episode 3340: name 'args' is not defined +2025-03-10 15:29:59,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,754 - ERROR - Error in episode 3341: name 'args' is not defined +2025-03-10 15:29:59,757 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,757 - ERROR - Error in episode 3342: name 'args' is not defined +2025-03-10 15:29:59,759 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,761 - ERROR - Error in episode 3343: name 'args' is not defined +2025-03-10 15:29:59,763 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,763 - ERROR - Error in episode 3344: name 'args' is not defined +2025-03-10 15:29:59,766 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,766 - ERROR - Error in episode 3345: name 'args' is not defined +2025-03-10 15:29:59,769 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,770 - ERROR - Error in episode 3346: name 'args' is not defined +2025-03-10 15:29:59,773 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,773 - ERROR - Error in episode 3347: name 'args' is not defined +2025-03-10 15:29:59,776 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,776 - ERROR - Error in episode 3348: name 'args' is not defined +2025-03-10 15:29:59,779 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,780 - ERROR - Error in episode 3349: name 'args' is not defined +2025-03-10 15:29:59,782 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,783 - ERROR - Error in episode 3350: name 'args' is not defined +2025-03-10 15:29:59,785 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,786 - ERROR - Error in episode 3351: name 'args' is not defined +2025-03-10 15:29:59,788 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,788 - ERROR - Error in episode 3352: name 'args' is not defined +2025-03-10 15:29:59,791 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,791 - ERROR - Error in episode 3353: name 'args' is not defined +2025-03-10 15:29:59,794 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,794 - ERROR - Error in episode 3354: name 'args' is not defined +2025-03-10 15:29:59,797 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,797 - ERROR - Error in episode 3355: name 'args' is not defined +2025-03-10 15:29:59,800 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,800 - ERROR - Error in episode 3356: name 'args' is not defined +2025-03-10 15:29:59,803 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,804 - ERROR - Error in episode 3357: name 'args' is not defined +2025-03-10 15:29:59,806 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,807 - ERROR - Error in episode 3358: name 'args' is not defined +2025-03-10 15:29:59,810 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,810 - ERROR - Error in episode 3359: name 'args' is not defined +2025-03-10 15:29:59,813 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,813 - ERROR - Error in episode 3360: name 'args' is not defined +2025-03-10 15:29:59,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,816 - ERROR - Error in episode 3361: name 'args' is not defined +2025-03-10 15:29:59,819 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,819 - ERROR - Error in episode 3362: name 'args' is not defined +2025-03-10 15:29:59,821 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,822 - ERROR - Error in episode 3363: name 'args' is not defined +2025-03-10 15:29:59,824 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,824 - ERROR - Error in episode 3364: name 'args' is not defined +2025-03-10 15:29:59,828 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,828 - ERROR - Error in episode 3365: name 'args' is not defined +2025-03-10 15:29:59,830 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,831 - ERROR - Error in episode 3366: name 'args' is not defined +2025-03-10 15:29:59,833 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,834 - ERROR - Error in episode 3367: name 'args' is not defined +2025-03-10 15:29:59,836 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,837 - ERROR - Error in episode 3368: name 'args' is not defined +2025-03-10 15:29:59,839 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,840 - ERROR - Error in episode 3369: name 'args' is not defined +2025-03-10 15:29:59,842 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,842 - ERROR - Error in episode 3370: name 'args' is not defined +2025-03-10 15:29:59,845 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,845 - ERROR - Error in episode 3371: name 'args' is not defined +2025-03-10 15:29:59,848 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,848 - ERROR - Error in episode 3372: name 'args' is not defined +2025-03-10 15:29:59,851 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,851 - ERROR - Error in episode 3373: name 'args' is not defined +2025-03-10 15:29:59,853 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,854 - ERROR - Error in episode 3374: name 'args' is not defined +2025-03-10 15:29:59,856 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,857 - ERROR - Error in episode 3375: name 'args' is not defined +2025-03-10 15:29:59,859 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,859 - ERROR - Error in episode 3376: name 'args' is not defined +2025-03-10 15:29:59,862 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,862 - ERROR - Error in episode 3377: name 'args' is not defined +2025-03-10 15:29:59,865 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,865 - ERROR - Error in episode 3378: name 'args' is not defined +2025-03-10 15:29:59,868 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,868 - ERROR - Error in episode 3379: name 'args' is not defined +2025-03-10 15:29:59,870 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,871 - ERROR - Error in episode 3380: name 'args' is not defined +2025-03-10 15:29:59,873 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,873 - ERROR - Error in episode 3381: name 'args' is not defined +2025-03-10 15:29:59,876 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,877 - ERROR - Error in episode 3382: name 'args' is not defined +2025-03-10 15:29:59,879 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,880 - ERROR - Error in episode 3383: name 'args' is not defined +2025-03-10 15:29:59,882 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,882 - ERROR - Error in episode 3384: name 'args' is not defined +2025-03-10 15:29:59,885 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,885 - ERROR - Error in episode 3385: name 'args' is not defined +2025-03-10 15:29:59,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,888 - ERROR - Error in episode 3386: name 'args' is not defined +2025-03-10 15:29:59,890 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,891 - ERROR - Error in episode 3387: name 'args' is not defined +2025-03-10 15:29:59,893 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,893 - ERROR - Error in episode 3388: name 'args' is not defined +2025-03-10 15:29:59,897 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,897 - ERROR - Error in episode 3389: name 'args' is not defined +2025-03-10 15:29:59,899 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,900 - ERROR - Error in episode 3390: name 'args' is not defined +2025-03-10 15:29:59,902 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,903 - ERROR - Error in episode 3391: name 'args' is not defined +2025-03-10 15:29:59,905 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,906 - ERROR - Error in episode 3392: name 'args' is not defined +2025-03-10 15:29:59,909 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,909 - ERROR - Error in episode 3393: name 'args' is not defined +2025-03-10 15:29:59,912 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,912 - ERROR - Error in episode 3394: name 'args' is not defined +2025-03-10 15:29:59,915 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,915 - ERROR - Error in episode 3395: name 'args' is not defined +2025-03-10 15:29:59,918 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,918 - ERROR - Error in episode 3396: name 'args' is not defined +2025-03-10 15:29:59,920 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,920 - ERROR - Error in episode 3397: name 'args' is not defined +2025-03-10 15:29:59,922 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,923 - ERROR - Error in episode 3398: name 'args' is not defined +2025-03-10 15:29:59,925 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,927 - ERROR - Error in episode 3399: name 'args' is not defined +2025-03-10 15:29:59,929 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,929 - ERROR - Error in episode 3400: name 'args' is not defined +2025-03-10 15:29:59,932 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,932 - ERROR - Error in episode 3401: name 'args' is not defined +2025-03-10 15:29:59,935 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,935 - ERROR - Error in episode 3402: name 'args' is not defined +2025-03-10 15:29:59,938 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,938 - ERROR - Error in episode 3403: name 'args' is not defined +2025-03-10 15:29:59,941 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,941 - ERROR - Error in episode 3404: name 'args' is not defined +2025-03-10 15:29:59,944 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,945 - ERROR - Error in episode 3405: name 'args' is not defined +2025-03-10 15:29:59,947 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,947 - ERROR - Error in episode 3406: name 'args' is not defined +2025-03-10 15:29:59,950 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,951 - ERROR - Error in episode 3407: name 'args' is not defined +2025-03-10 15:29:59,953 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,954 - ERROR - Error in episode 3408: name 'args' is not defined +2025-03-10 15:29:59,956 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,957 - ERROR - Error in episode 3409: name 'args' is not defined +2025-03-10 15:29:59,959 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,960 - ERROR - Error in episode 3410: name 'args' is not defined +2025-03-10 15:29:59,962 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,962 - ERROR - Error in episode 3411: name 'args' is not defined +2025-03-10 15:29:59,965 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,965 - ERROR - Error in episode 3412: name 'args' is not defined +2025-03-10 15:29:59,967 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,968 - ERROR - Error in episode 3413: name 'args' is not defined +2025-03-10 15:29:59,970 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,971 - ERROR - Error in episode 3414: name 'args' is not defined +2025-03-10 15:29:59,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,974 - ERROR - Error in episode 3415: name 'args' is not defined +2025-03-10 15:29:59,977 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,978 - ERROR - Error in episode 3416: name 'args' is not defined +2025-03-10 15:29:59,980 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,980 - ERROR - Error in episode 3417: name 'args' is not defined +2025-03-10 15:29:59,983 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,983 - ERROR - Error in episode 3418: name 'args' is not defined +2025-03-10 15:29:59,987 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,987 - ERROR - Error in episode 3419: name 'args' is not defined +2025-03-10 15:29:59,990 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,991 - ERROR - Error in episode 3420: name 'args' is not defined +2025-03-10 15:29:59,994 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,994 - ERROR - Error in episode 3421: name 'args' is not defined +2025-03-10 15:29:59,997 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:29:59,997 - ERROR - Error in episode 3422: name 'args' is not defined +2025-03-10 15:29:59,999 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,000 - ERROR - Error in episode 3423: name 'args' is not defined +2025-03-10 15:30:00,004 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,004 - ERROR - Error in episode 3424: name 'args' is not defined +2025-03-10 15:30:00,007 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,007 - ERROR - Error in episode 3425: name 'args' is not defined +2025-03-10 15:30:00,011 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,011 - ERROR - Error in episode 3426: name 'args' is not defined +2025-03-10 15:30:00,014 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,015 - ERROR - Error in episode 3427: name 'args' is not defined +2025-03-10 15:30:00,018 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,019 - ERROR - Error in episode 3428: name 'args' is not defined +2025-03-10 15:30:00,021 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,022 - ERROR - Error in episode 3429: name 'args' is not defined +2025-03-10 15:30:00,026 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,026 - ERROR - Error in episode 3430: name 'args' is not defined +2025-03-10 15:30:00,030 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,030 - ERROR - Error in episode 3431: name 'args' is not defined +2025-03-10 15:30:00,034 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,035 - ERROR - Error in episode 3432: name 'args' is not defined +2025-03-10 15:30:00,038 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,038 - ERROR - Error in episode 3433: name 'args' is not defined +2025-03-10 15:30:00,041 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,041 - ERROR - Error in episode 3434: name 'args' is not defined +2025-03-10 15:30:00,045 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,046 - ERROR - Error in episode 3435: name 'args' is not defined +2025-03-10 15:30:00,048 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,049 - ERROR - Error in episode 3436: name 'args' is not defined +2025-03-10 15:30:00,052 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,052 - ERROR - Error in episode 3437: name 'args' is not defined +2025-03-10 15:30:00,054 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,055 - ERROR - Error in episode 3438: name 'args' is not defined +2025-03-10 15:30:00,057 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,058 - ERROR - Error in episode 3439: name 'args' is not defined +2025-03-10 15:30:00,060 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,061 - ERROR - Error in episode 3440: name 'args' is not defined +2025-03-10 15:30:00,063 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,063 - ERROR - Error in episode 3441: name 'args' is not defined +2025-03-10 15:30:00,066 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,066 - ERROR - Error in episode 3442: name 'args' is not defined +2025-03-10 15:30:00,069 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,070 - ERROR - Error in episode 3443: name 'args' is not defined +2025-03-10 15:30:00,072 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,072 - ERROR - Error in episode 3444: name 'args' is not defined +2025-03-10 15:30:00,075 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,075 - ERROR - Error in episode 3445: name 'args' is not defined +2025-03-10 15:30:00,079 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,079 - ERROR - Error in episode 3446: name 'args' is not defined +2025-03-10 15:30:00,081 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,082 - ERROR - Error in episode 3447: name 'args' is not defined +2025-03-10 15:30:00,085 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,085 - ERROR - Error in episode 3448: name 'args' is not defined +2025-03-10 15:30:00,088 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,088 - ERROR - Error in episode 3449: name 'args' is not defined +2025-03-10 15:30:00,091 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,091 - ERROR - Error in episode 3450: name 'args' is not defined +2025-03-10 15:30:00,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,094 - ERROR - Error in episode 3451: name 'args' is not defined +2025-03-10 15:30:00,097 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,097 - ERROR - Error in episode 3452: name 'args' is not defined +2025-03-10 15:30:00,100 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,100 - ERROR - Error in episode 3453: name 'args' is not defined +2025-03-10 15:30:00,103 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,103 - ERROR - Error in episode 3454: name 'args' is not defined +2025-03-10 15:30:00,105 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,106 - ERROR - Error in episode 3455: name 'args' is not defined +2025-03-10 15:30:00,108 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,109 - ERROR - Error in episode 3456: name 'args' is not defined +2025-03-10 15:30:00,111 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,112 - ERROR - Error in episode 3457: name 'args' is not defined +2025-03-10 15:30:00,114 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,115 - ERROR - Error in episode 3458: name 'args' is not defined +2025-03-10 15:30:00,117 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,117 - ERROR - Error in episode 3459: name 'args' is not defined +2025-03-10 15:30:00,120 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,120 - ERROR - Error in episode 3460: name 'args' is not defined +2025-03-10 15:30:00,123 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,123 - ERROR - Error in episode 3461: name 'args' is not defined +2025-03-10 15:30:00,126 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,127 - ERROR - Error in episode 3462: name 'args' is not defined +2025-03-10 15:30:00,129 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,129 - ERROR - Error in episode 3463: name 'args' is not defined +2025-03-10 15:30:00,132 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,132 - ERROR - Error in episode 3464: name 'args' is not defined +2025-03-10 15:30:00,135 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,135 - ERROR - Error in episode 3465: name 'args' is not defined +2025-03-10 15:30:00,137 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,138 - ERROR - Error in episode 3466: name 'args' is not defined +2025-03-10 15:30:00,140 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,140 - ERROR - Error in episode 3467: name 'args' is not defined +2025-03-10 15:30:00,143 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,143 - ERROR - Error in episode 3468: name 'args' is not defined +2025-03-10 15:30:00,146 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,146 - ERROR - Error in episode 3469: name 'args' is not defined +2025-03-10 15:30:00,149 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,149 - ERROR - Error in episode 3470: name 'args' is not defined +2025-03-10 15:30:00,152 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,152 - ERROR - Error in episode 3471: name 'args' is not defined +2025-03-10 15:30:00,155 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,155 - ERROR - Error in episode 3472: name 'args' is not defined +2025-03-10 15:30:00,159 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,159 - ERROR - Error in episode 3473: name 'args' is not defined +2025-03-10 15:30:00,162 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,162 - ERROR - Error in episode 3474: name 'args' is not defined +2025-03-10 15:30:00,164 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,165 - ERROR - Error in episode 3475: name 'args' is not defined +2025-03-10 15:30:00,167 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,168 - ERROR - Error in episode 3476: name 'args' is not defined +2025-03-10 15:30:00,170 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,170 - ERROR - Error in episode 3477: name 'args' is not defined +2025-03-10 15:30:00,172 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,173 - ERROR - Error in episode 3478: name 'args' is not defined +2025-03-10 15:30:00,175 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,176 - ERROR - Error in episode 3479: name 'args' is not defined +2025-03-10 15:30:00,179 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,179 - ERROR - Error in episode 3480: name 'args' is not defined +2025-03-10 15:30:00,181 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,182 - ERROR - Error in episode 3481: name 'args' is not defined +2025-03-10 15:30:00,184 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,184 - ERROR - Error in episode 3482: name 'args' is not defined +2025-03-10 15:30:00,187 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,187 - ERROR - Error in episode 3483: name 'args' is not defined +2025-03-10 15:30:00,190 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,190 - ERROR - Error in episode 3484: name 'args' is not defined +2025-03-10 15:30:00,193 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,194 - ERROR - Error in episode 3485: name 'args' is not defined +2025-03-10 15:30:00,196 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,196 - ERROR - Error in episode 3486: name 'args' is not defined +2025-03-10 15:30:00,199 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,199 - ERROR - Error in episode 3487: name 'args' is not defined +2025-03-10 15:30:00,203 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,204 - ERROR - Error in episode 3488: name 'args' is not defined +2025-03-10 15:30:00,207 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,207 - ERROR - Error in episode 3489: name 'args' is not defined +2025-03-10 15:30:00,211 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,211 - ERROR - Error in episode 3490: name 'args' is not defined +2025-03-10 15:30:00,214 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,214 - ERROR - Error in episode 3491: name 'args' is not defined +2025-03-10 15:30:00,217 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,217 - ERROR - Error in episode 3492: name 'args' is not defined +2025-03-10 15:30:00,221 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,221 - ERROR - Error in episode 3493: name 'args' is not defined +2025-03-10 15:30:00,223 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,224 - ERROR - Error in episode 3494: name 'args' is not defined +2025-03-10 15:30:00,227 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,227 - ERROR - Error in episode 3495: name 'args' is not defined +2025-03-10 15:30:00,229 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,230 - ERROR - Error in episode 3496: name 'args' is not defined +2025-03-10 15:30:00,234 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,235 - ERROR - Error in episode 3497: name 'args' is not defined +2025-03-10 15:30:00,238 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,239 - ERROR - Error in episode 3498: name 'args' is not defined +2025-03-10 15:30:00,242 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,243 - ERROR - Error in episode 3499: name 'args' is not defined +2025-03-10 15:30:00,245 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,246 - ERROR - Error in episode 3500: name 'args' is not defined +2025-03-10 15:30:00,249 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,249 - ERROR - Error in episode 3501: name 'args' is not defined +2025-03-10 15:30:00,253 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,253 - ERROR - Error in episode 3502: name 'args' is not defined +2025-03-10 15:30:00,257 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,257 - ERROR - Error in episode 3503: name 'args' is not defined +2025-03-10 15:30:00,260 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,261 - ERROR - Error in episode 3504: name 'args' is not defined +2025-03-10 15:30:00,263 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,263 - ERROR - Error in episode 3505: name 'args' is not defined +2025-03-10 15:30:00,266 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,267 - ERROR - Error in episode 3506: name 'args' is not defined +2025-03-10 15:30:00,269 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,270 - ERROR - Error in episode 3507: name 'args' is not defined +2025-03-10 15:30:00,273 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,273 - ERROR - Error in episode 3508: name 'args' is not defined +2025-03-10 15:30:00,276 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,277 - ERROR - Error in episode 3509: name 'args' is not defined +2025-03-10 15:30:00,279 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,279 - ERROR - Error in episode 3510: name 'args' is not defined +2025-03-10 15:30:00,283 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,283 - ERROR - Error in episode 3511: name 'args' is not defined +2025-03-10 15:30:00,286 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,287 - ERROR - Error in episode 3512: name 'args' is not defined +2025-03-10 15:30:00,289 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,290 - ERROR - Error in episode 3513: name 'args' is not defined +2025-03-10 15:30:00,292 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,292 - ERROR - Error in episode 3514: name 'args' is not defined +2025-03-10 15:30:00,296 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,296 - ERROR - Error in episode 3515: name 'args' is not defined +2025-03-10 15:30:00,299 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,299 - ERROR - Error in episode 3516: name 'args' is not defined +2025-03-10 15:30:00,303 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,303 - ERROR - Error in episode 3517: name 'args' is not defined +2025-03-10 15:30:00,307 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,308 - ERROR - Error in episode 3518: name 'args' is not defined +2025-03-10 15:30:00,311 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,312 - ERROR - Error in episode 3519: name 'args' is not defined +2025-03-10 15:30:00,315 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,315 - ERROR - Error in episode 3520: name 'args' is not defined +2025-03-10 15:30:00,318 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,319 - ERROR - Error in episode 3521: name 'args' is not defined +2025-03-10 15:30:00,322 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,322 - ERROR - Error in episode 3522: name 'args' is not defined +2025-03-10 15:30:00,325 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,325 - ERROR - Error in episode 3523: name 'args' is not defined +2025-03-10 15:30:00,328 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,329 - ERROR - Error in episode 3524: name 'args' is not defined +2025-03-10 15:30:00,332 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,333 - ERROR - Error in episode 3525: name 'args' is not defined +2025-03-10 15:30:00,336 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,336 - ERROR - Error in episode 3526: name 'args' is not defined +2025-03-10 15:30:00,339 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,339 - ERROR - Error in episode 3527: name 'args' is not defined +2025-03-10 15:30:00,342 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,343 - ERROR - Error in episode 3528: name 'args' is not defined +2025-03-10 15:30:00,345 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,346 - ERROR - Error in episode 3529: name 'args' is not defined +2025-03-10 15:30:00,350 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,350 - ERROR - Error in episode 3530: name 'args' is not defined +2025-03-10 15:30:00,353 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,354 - ERROR - Error in episode 3531: name 'args' is not defined +2025-03-10 15:30:00,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,357 - ERROR - Error in episode 3532: name 'args' is not defined +2025-03-10 15:30:00,361 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,362 - ERROR - Error in episode 3533: name 'args' is not defined +2025-03-10 15:30:00,364 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,364 - ERROR - Error in episode 3534: name 'args' is not defined +2025-03-10 15:30:00,367 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,367 - ERROR - Error in episode 3535: name 'args' is not defined +2025-03-10 15:30:00,371 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,372 - ERROR - Error in episode 3536: name 'args' is not defined +2025-03-10 15:30:00,374 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,375 - ERROR - Error in episode 3537: name 'args' is not defined +2025-03-10 15:30:00,378 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,378 - ERROR - Error in episode 3538: name 'args' is not defined +2025-03-10 15:30:00,381 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,382 - ERROR - Error in episode 3539: name 'args' is not defined +2025-03-10 15:30:00,384 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,385 - ERROR - Error in episode 3540: name 'args' is not defined +2025-03-10 15:30:00,388 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,389 - ERROR - Error in episode 3541: name 'args' is not defined +2025-03-10 15:30:00,392 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,392 - ERROR - Error in episode 3542: name 'args' is not defined +2025-03-10 15:30:00,396 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,396 - ERROR - Error in episode 3543: name 'args' is not defined +2025-03-10 15:30:00,399 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,400 - ERROR - Error in episode 3544: name 'args' is not defined +2025-03-10 15:30:00,402 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,402 - ERROR - Error in episode 3545: name 'args' is not defined +2025-03-10 15:30:00,405 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,405 - ERROR - Error in episode 3546: name 'args' is not defined +2025-03-10 15:30:00,409 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,409 - ERROR - Error in episode 3547: name 'args' is not defined +2025-03-10 15:30:00,412 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,412 - ERROR - Error in episode 3548: name 'args' is not defined +2025-03-10 15:30:00,416 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,416 - ERROR - Error in episode 3549: name 'args' is not defined +2025-03-10 15:30:00,419 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,419 - ERROR - Error in episode 3550: name 'args' is not defined +2025-03-10 15:30:00,423 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,423 - ERROR - Error in episode 3551: name 'args' is not defined +2025-03-10 15:30:00,426 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,426 - ERROR - Error in episode 3552: name 'args' is not defined +2025-03-10 15:30:00,430 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,430 - ERROR - Error in episode 3553: name 'args' is not defined +2025-03-10 15:30:00,434 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,434 - ERROR - Error in episode 3554: name 'args' is not defined +2025-03-10 15:30:00,437 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,437 - ERROR - Error in episode 3555: name 'args' is not defined +2025-03-10 15:30:00,440 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,440 - ERROR - Error in episode 3556: name 'args' is not defined +2025-03-10 15:30:00,443 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,444 - ERROR - Error in episode 3557: name 'args' is not defined +2025-03-10 15:30:00,447 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,447 - ERROR - Error in episode 3558: name 'args' is not defined +2025-03-10 15:30:00,450 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,451 - ERROR - Error in episode 3559: name 'args' is not defined +2025-03-10 15:30:00,453 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,453 - ERROR - Error in episode 3560: name 'args' is not defined +2025-03-10 15:30:00,456 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,457 - ERROR - Error in episode 3561: name 'args' is not defined +2025-03-10 15:30:00,460 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,460 - ERROR - Error in episode 3562: name 'args' is not defined +2025-03-10 15:30:00,463 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,464 - ERROR - Error in episode 3563: name 'args' is not defined +2025-03-10 15:30:00,467 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,467 - ERROR - Error in episode 3564: name 'args' is not defined +2025-03-10 15:30:00,469 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,470 - ERROR - Error in episode 3565: name 'args' is not defined +2025-03-10 15:30:00,473 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,473 - ERROR - Error in episode 3566: name 'args' is not defined +2025-03-10 15:30:00,476 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,477 - ERROR - Error in episode 3567: name 'args' is not defined +2025-03-10 15:30:00,479 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,480 - ERROR - Error in episode 3568: name 'args' is not defined +2025-03-10 15:30:00,483 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,484 - ERROR - Error in episode 3569: name 'args' is not defined +2025-03-10 15:30:00,487 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,487 - ERROR - Error in episode 3570: name 'args' is not defined +2025-03-10 15:30:00,490 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,490 - ERROR - Error in episode 3571: name 'args' is not defined +2025-03-10 15:30:00,493 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,493 - ERROR - Error in episode 3572: name 'args' is not defined +2025-03-10 15:30:00,497 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,497 - ERROR - Error in episode 3573: name 'args' is not defined +2025-03-10 15:30:00,500 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,501 - ERROR - Error in episode 3574: name 'args' is not defined +2025-03-10 15:30:00,504 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,504 - ERROR - Error in episode 3575: name 'args' is not defined +2025-03-10 15:30:00,507 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,507 - ERROR - Error in episode 3576: name 'args' is not defined +2025-03-10 15:30:00,509 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,510 - ERROR - Error in episode 3577: name 'args' is not defined +2025-03-10 15:30:00,513 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,513 - ERROR - Error in episode 3578: name 'args' is not defined +2025-03-10 15:30:00,517 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,517 - ERROR - Error in episode 3579: name 'args' is not defined +2025-03-10 15:30:00,520 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,520 - ERROR - Error in episode 3580: name 'args' is not defined +2025-03-10 15:30:00,523 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,523 - ERROR - Error in episode 3581: name 'args' is not defined +2025-03-10 15:30:00,525 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,526 - ERROR - Error in episode 3582: name 'args' is not defined +2025-03-10 15:30:00,529 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,529 - ERROR - Error in episode 3583: name 'args' is not defined +2025-03-10 15:30:00,532 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,532 - ERROR - Error in episode 3584: name 'args' is not defined +2025-03-10 15:30:00,535 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,535 - ERROR - Error in episode 3585: name 'args' is not defined +2025-03-10 15:30:00,538 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,538 - ERROR - Error in episode 3586: name 'args' is not defined +2025-03-10 15:30:00,541 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,541 - ERROR - Error in episode 3587: name 'args' is not defined +2025-03-10 15:30:00,543 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,543 - ERROR - Error in episode 3588: name 'args' is not defined +2025-03-10 15:30:00,546 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,546 - ERROR - Error in episode 3589: name 'args' is not defined +2025-03-10 15:30:00,550 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,550 - ERROR - Error in episode 3590: name 'args' is not defined +2025-03-10 15:30:00,553 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,553 - ERROR - Error in episode 3591: name 'args' is not defined +2025-03-10 15:30:00,556 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,556 - ERROR - Error in episode 3592: name 'args' is not defined +2025-03-10 15:30:00,558 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,559 - ERROR - Error in episode 3593: name 'args' is not defined +2025-03-10 15:30:00,562 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,562 - ERROR - Error in episode 3594: name 'args' is not defined +2025-03-10 15:30:00,566 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,566 - ERROR - Error in episode 3595: name 'args' is not defined +2025-03-10 15:30:00,568 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,569 - ERROR - Error in episode 3596: name 'args' is not defined +2025-03-10 15:30:00,571 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,572 - ERROR - Error in episode 3597: name 'args' is not defined +2025-03-10 15:30:00,574 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,575 - ERROR - Error in episode 3598: name 'args' is not defined +2025-03-10 15:30:00,577 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,578 - ERROR - Error in episode 3599: name 'args' is not defined +2025-03-10 15:30:00,580 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,580 - ERROR - Error in episode 3600: name 'args' is not defined +2025-03-10 15:30:00,583 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,583 - ERROR - Error in episode 3601: name 'args' is not defined +2025-03-10 15:30:00,586 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,587 - ERROR - Error in episode 3602: name 'args' is not defined +2025-03-10 15:30:00,589 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,590 - ERROR - Error in episode 3603: name 'args' is not defined +2025-03-10 15:30:00,592 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,592 - ERROR - Error in episode 3604: name 'args' is not defined +2025-03-10 15:30:00,595 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,595 - ERROR - Error in episode 3605: name 'args' is not defined +2025-03-10 15:30:00,599 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,599 - ERROR - Error in episode 3606: name 'args' is not defined +2025-03-10 15:30:00,601 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,602 - ERROR - Error in episode 3607: name 'args' is not defined +2025-03-10 15:30:00,605 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,606 - ERROR - Error in episode 3608: name 'args' is not defined +2025-03-10 15:30:00,608 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,609 - ERROR - Error in episode 3609: name 'args' is not defined +2025-03-10 15:30:00,611 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,612 - ERROR - Error in episode 3610: name 'args' is not defined +2025-03-10 15:30:00,614 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,615 - ERROR - Error in episode 3611: name 'args' is not defined +2025-03-10 15:30:00,617 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,617 - ERROR - Error in episode 3612: name 'args' is not defined +2025-03-10 15:30:00,620 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,620 - ERROR - Error in episode 3613: name 'args' is not defined +2025-03-10 15:30:00,624 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,624 - ERROR - Error in episode 3614: name 'args' is not defined +2025-03-10 15:30:00,627 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,627 - ERROR - Error in episode 3615: name 'args' is not defined +2025-03-10 15:30:00,629 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,629 - ERROR - Error in episode 3616: name 'args' is not defined +2025-03-10 15:30:00,632 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,632 - ERROR - Error in episode 3617: name 'args' is not defined +2025-03-10 15:30:00,635 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,635 - ERROR - Error in episode 3618: name 'args' is not defined +2025-03-10 15:30:00,638 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,638 - ERROR - Error in episode 3619: name 'args' is not defined +2025-03-10 15:30:00,641 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,642 - ERROR - Error in episode 3620: name 'args' is not defined +2025-03-10 15:30:00,644 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,645 - ERROR - Error in episode 3621: name 'args' is not defined +2025-03-10 15:30:00,648 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,648 - ERROR - Error in episode 3622: name 'args' is not defined +2025-03-10 15:30:00,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,651 - ERROR - Error in episode 3623: name 'args' is not defined +2025-03-10 15:30:00,654 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,654 - ERROR - Error in episode 3624: name 'args' is not defined +2025-03-10 15:30:00,657 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,657 - ERROR - Error in episode 3625: name 'args' is not defined +2025-03-10 15:30:00,661 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,661 - ERROR - Error in episode 3626: name 'args' is not defined +2025-03-10 15:30:00,664 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,664 - ERROR - Error in episode 3627: name 'args' is not defined +2025-03-10 15:30:00,667 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,667 - ERROR - Error in episode 3628: name 'args' is not defined +2025-03-10 15:30:00,670 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,670 - ERROR - Error in episode 3629: name 'args' is not defined +2025-03-10 15:30:00,673 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,673 - ERROR - Error in episode 3630: name 'args' is not defined +2025-03-10 15:30:00,676 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,676 - ERROR - Error in episode 3631: name 'args' is not defined +2025-03-10 15:30:00,679 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,679 - ERROR - Error in episode 3632: name 'args' is not defined +2025-03-10 15:30:00,682 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,683 - ERROR - Error in episode 3633: name 'args' is not defined +2025-03-10 15:30:00,685 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,685 - ERROR - Error in episode 3634: name 'args' is not defined +2025-03-10 15:30:00,688 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,688 - ERROR - Error in episode 3635: name 'args' is not defined +2025-03-10 15:30:00,691 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,692 - ERROR - Error in episode 3636: name 'args' is not defined +2025-03-10 15:30:00,694 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,694 - ERROR - Error in episode 3637: name 'args' is not defined +2025-03-10 15:30:00,697 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,697 - ERROR - Error in episode 3638: name 'args' is not defined +2025-03-10 15:30:00,700 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,700 - ERROR - Error in episode 3639: name 'args' is not defined +2025-03-10 15:30:00,703 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,703 - ERROR - Error in episode 3640: name 'args' is not defined +2025-03-10 15:30:00,706 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,706 - ERROR - Error in episode 3641: name 'args' is not defined +2025-03-10 15:30:00,709 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,709 - ERROR - Error in episode 3642: name 'args' is not defined +2025-03-10 15:30:00,712 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,712 - ERROR - Error in episode 3643: name 'args' is not defined +2025-03-10 15:30:00,715 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,715 - ERROR - Error in episode 3644: name 'args' is not defined +2025-03-10 15:30:00,717 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,717 - ERROR - Error in episode 3645: name 'args' is not defined +2025-03-10 15:30:00,721 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,721 - ERROR - Error in episode 3646: name 'args' is not defined +2025-03-10 15:30:00,724 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,724 - ERROR - Error in episode 3647: name 'args' is not defined +2025-03-10 15:30:00,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,727 - ERROR - Error in episode 3648: name 'args' is not defined +2025-03-10 15:30:00,730 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,730 - ERROR - Error in episode 3649: name 'args' is not defined +2025-03-10 15:30:00,733 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,733 - ERROR - Error in episode 3650: name 'args' is not defined +2025-03-10 15:30:00,736 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,736 - ERROR - Error in episode 3651: name 'args' is not defined +2025-03-10 15:30:00,738 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,739 - ERROR - Error in episode 3652: name 'args' is not defined +2025-03-10 15:30:00,741 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,742 - ERROR - Error in episode 3653: name 'args' is not defined +2025-03-10 15:30:00,744 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,744 - ERROR - Error in episode 3654: name 'args' is not defined +2025-03-10 15:30:00,747 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,747 - ERROR - Error in episode 3655: name 'args' is not defined +2025-03-10 15:30:00,750 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,751 - ERROR - Error in episode 3656: name 'args' is not defined +2025-03-10 15:30:00,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,753 - ERROR - Error in episode 3657: name 'args' is not defined +2025-03-10 15:30:00,756 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,756 - ERROR - Error in episode 3658: name 'args' is not defined +2025-03-10 15:30:00,759 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,759 - ERROR - Error in episode 3659: name 'args' is not defined +2025-03-10 15:30:00,761 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,762 - ERROR - Error in episode 3660: name 'args' is not defined +2025-03-10 15:30:00,765 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,765 - ERROR - Error in episode 3661: name 'args' is not defined +2025-03-10 15:30:00,768 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,768 - ERROR - Error in episode 3662: name 'args' is not defined +2025-03-10 15:30:00,771 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,771 - ERROR - Error in episode 3663: name 'args' is not defined +2025-03-10 15:30:00,774 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,774 - ERROR - Error in episode 3664: name 'args' is not defined +2025-03-10 15:30:00,777 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,777 - ERROR - Error in episode 3665: name 'args' is not defined +2025-03-10 15:30:00,779 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,779 - ERROR - Error in episode 3666: name 'args' is not defined +2025-03-10 15:30:00,783 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,783 - ERROR - Error in episode 3667: name 'args' is not defined +2025-03-10 15:30:00,786 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,786 - ERROR - Error in episode 3668: name 'args' is not defined +2025-03-10 15:30:00,789 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,789 - ERROR - Error in episode 3669: name 'args' is not defined +2025-03-10 15:30:00,792 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,792 - ERROR - Error in episode 3670: name 'args' is not defined +2025-03-10 15:30:00,795 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,795 - ERROR - Error in episode 3671: name 'args' is not defined +2025-03-10 15:30:00,797 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,798 - ERROR - Error in episode 3672: name 'args' is not defined +2025-03-10 15:30:00,800 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,801 - ERROR - Error in episode 3673: name 'args' is not defined +2025-03-10 15:30:00,803 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,804 - ERROR - Error in episode 3674: name 'args' is not defined +2025-03-10 15:30:00,807 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,807 - ERROR - Error in episode 3675: name 'args' is not defined +2025-03-10 15:30:00,810 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,810 - ERROR - Error in episode 3676: name 'args' is not defined +2025-03-10 15:30:00,813 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,814 - ERROR - Error in episode 3677: name 'args' is not defined +2025-03-10 15:30:00,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,817 - ERROR - Error in episode 3678: name 'args' is not defined +2025-03-10 15:30:00,820 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,820 - ERROR - Error in episode 3679: name 'args' is not defined +2025-03-10 15:30:00,823 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,823 - ERROR - Error in episode 3680: name 'args' is not defined +2025-03-10 15:30:00,826 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,826 - ERROR - Error in episode 3681: name 'args' is not defined +2025-03-10 15:30:00,828 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,828 - ERROR - Error in episode 3682: name 'args' is not defined +2025-03-10 15:30:00,831 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,831 - ERROR - Error in episode 3683: name 'args' is not defined +2025-03-10 15:30:00,834 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,834 - ERROR - Error in episode 3684: name 'args' is not defined +2025-03-10 15:30:00,837 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,837 - ERROR - Error in episode 3685: name 'args' is not defined +2025-03-10 15:30:00,840 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,840 - ERROR - Error in episode 3686: name 'args' is not defined +2025-03-10 15:30:00,843 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,843 - ERROR - Error in episode 3687: name 'args' is not defined +2025-03-10 15:30:00,845 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,846 - ERROR - Error in episode 3688: name 'args' is not defined +2025-03-10 15:30:00,849 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,849 - ERROR - Error in episode 3689: name 'args' is not defined +2025-03-10 15:30:00,851 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,852 - ERROR - Error in episode 3690: name 'args' is not defined +2025-03-10 15:30:00,854 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,854 - ERROR - Error in episode 3691: name 'args' is not defined +2025-03-10 15:30:00,857 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,857 - ERROR - Error in episode 3692: name 'args' is not defined +2025-03-10 15:30:00,859 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,860 - ERROR - Error in episode 3693: name 'args' is not defined +2025-03-10 15:30:00,862 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,862 - ERROR - Error in episode 3694: name 'args' is not defined +2025-03-10 15:30:00,865 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,865 - ERROR - Error in episode 3695: name 'args' is not defined +2025-03-10 15:30:00,869 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,869 - ERROR - Error in episode 3696: name 'args' is not defined +2025-03-10 15:30:00,871 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,872 - ERROR - Error in episode 3697: name 'args' is not defined +2025-03-10 15:30:00,874 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,875 - ERROR - Error in episode 3698: name 'args' is not defined +2025-03-10 15:30:00,877 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,877 - ERROR - Error in episode 3699: name 'args' is not defined +2025-03-10 15:30:00,879 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,880 - ERROR - Error in episode 3700: name 'args' is not defined +2025-03-10 15:30:00,883 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,883 - ERROR - Error in episode 3701: name 'args' is not defined +2025-03-10 15:30:00,886 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,886 - ERROR - Error in episode 3702: name 'args' is not defined +2025-03-10 15:30:00,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,889 - ERROR - Error in episode 3703: name 'args' is not defined +2025-03-10 15:30:00,891 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,892 - ERROR - Error in episode 3704: name 'args' is not defined +2025-03-10 15:30:00,894 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,894 - ERROR - Error in episode 3705: name 'args' is not defined +2025-03-10 15:30:00,897 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,897 - ERROR - Error in episode 3706: name 'args' is not defined +2025-03-10 15:30:00,900 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,900 - ERROR - Error in episode 3707: name 'args' is not defined +2025-03-10 15:30:00,903 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,903 - ERROR - Error in episode 3708: name 'args' is not defined +2025-03-10 15:30:00,905 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,906 - ERROR - Error in episode 3709: name 'args' is not defined +2025-03-10 15:30:00,908 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,908 - ERROR - Error in episode 3710: name 'args' is not defined +2025-03-10 15:30:00,911 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,912 - ERROR - Error in episode 3711: name 'args' is not defined +2025-03-10 15:30:00,914 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,915 - ERROR - Error in episode 3712: name 'args' is not defined +2025-03-10 15:30:00,918 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,918 - ERROR - Error in episode 3713: name 'args' is not defined +2025-03-10 15:30:00,921 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,921 - ERROR - Error in episode 3714: name 'args' is not defined +2025-03-10 15:30:00,924 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,924 - ERROR - Error in episode 3715: name 'args' is not defined +2025-03-10 15:30:00,928 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,928 - ERROR - Error in episode 3716: name 'args' is not defined +2025-03-10 15:30:00,930 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,930 - ERROR - Error in episode 3717: name 'args' is not defined +2025-03-10 15:30:00,933 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,933 - ERROR - Error in episode 3718: name 'args' is not defined +2025-03-10 15:30:00,936 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,936 - ERROR - Error in episode 3719: name 'args' is not defined +2025-03-10 15:30:00,939 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,939 - ERROR - Error in episode 3720: name 'args' is not defined +2025-03-10 15:30:00,942 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,942 - ERROR - Error in episode 3721: name 'args' is not defined +2025-03-10 15:30:00,945 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,945 - ERROR - Error in episode 3722: name 'args' is not defined +2025-03-10 15:30:00,947 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,948 - ERROR - Error in episode 3723: name 'args' is not defined +2025-03-10 15:30:00,950 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,950 - ERROR - Error in episode 3724: name 'args' is not defined +2025-03-10 15:30:00,953 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,953 - ERROR - Error in episode 3725: name 'args' is not defined +2025-03-10 15:30:00,956 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,956 - ERROR - Error in episode 3726: name 'args' is not defined +2025-03-10 15:30:00,958 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,959 - ERROR - Error in episode 3727: name 'args' is not defined +2025-03-10 15:30:00,961 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,961 - ERROR - Error in episode 3728: name 'args' is not defined +2025-03-10 15:30:00,963 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,964 - ERROR - Error in episode 3729: name 'args' is not defined +2025-03-10 15:30:00,966 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,966 - ERROR - Error in episode 3730: name 'args' is not defined +2025-03-10 15:30:00,970 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,970 - ERROR - Error in episode 3731: name 'args' is not defined +2025-03-10 15:30:00,972 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,973 - ERROR - Error in episode 3732: name 'args' is not defined +2025-03-10 15:30:00,975 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,976 - ERROR - Error in episode 3733: name 'args' is not defined +2025-03-10 15:30:00,978 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,979 - ERROR - Error in episode 3734: name 'args' is not defined +2025-03-10 15:30:00,981 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,981 - ERROR - Error in episode 3735: name 'args' is not defined +2025-03-10 15:30:00,984 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,984 - ERROR - Error in episode 3736: name 'args' is not defined +2025-03-10 15:30:00,987 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,987 - ERROR - Error in episode 3737: name 'args' is not defined +2025-03-10 15:30:00,989 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,990 - ERROR - Error in episode 3738: name 'args' is not defined +2025-03-10 15:30:00,992 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,993 - ERROR - Error in episode 3739: name 'args' is not defined +2025-03-10 15:30:00,995 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,995 - ERROR - Error in episode 3740: name 'args' is not defined +2025-03-10 15:30:00,998 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:00,998 - ERROR - Error in episode 3741: name 'args' is not defined +2025-03-10 15:30:01,001 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,001 - ERROR - Error in episode 3742: name 'args' is not defined +2025-03-10 15:30:01,003 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,004 - ERROR - Error in episode 3743: name 'args' is not defined +2025-03-10 15:30:01,006 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,006 - ERROR - Error in episode 3744: name 'args' is not defined +2025-03-10 15:30:01,009 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,010 - ERROR - Error in episode 3745: name 'args' is not defined +2025-03-10 15:30:01,012 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,013 - ERROR - Error in episode 3746: name 'args' is not defined +2025-03-10 15:30:01,015 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,016 - ERROR - Error in episode 3747: name 'args' is not defined +2025-03-10 15:30:01,019 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,019 - ERROR - Error in episode 3748: name 'args' is not defined +2025-03-10 15:30:01,021 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,022 - ERROR - Error in episode 3749: name 'args' is not defined +2025-03-10 15:30:01,024 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,025 - ERROR - Error in episode 3750: name 'args' is not defined +2025-03-10 15:30:01,028 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,028 - ERROR - Error in episode 3751: name 'args' is not defined +2025-03-10 15:30:01,030 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,030 - ERROR - Error in episode 3752: name 'args' is not defined +2025-03-10 15:30:01,033 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,034 - ERROR - Error in episode 3753: name 'args' is not defined +2025-03-10 15:30:01,036 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,036 - ERROR - Error in episode 3754: name 'args' is not defined +2025-03-10 15:30:01,040 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,040 - ERROR - Error in episode 3755: name 'args' is not defined +2025-03-10 15:30:01,043 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,044 - ERROR - Error in episode 3756: name 'args' is not defined +2025-03-10 15:30:01,047 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,047 - ERROR - Error in episode 3757: name 'args' is not defined +2025-03-10 15:30:01,049 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,050 - ERROR - Error in episode 3758: name 'args' is not defined +2025-03-10 15:30:01,052 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,052 - ERROR - Error in episode 3759: name 'args' is not defined +2025-03-10 15:30:01,055 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,055 - ERROR - Error in episode 3760: name 'args' is not defined +2025-03-10 15:30:01,059 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,059 - ERROR - Error in episode 3761: name 'args' is not defined +2025-03-10 15:30:01,062 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,062 - ERROR - Error in episode 3762: name 'args' is not defined +2025-03-10 15:30:01,065 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,065 - ERROR - Error in episode 3763: name 'args' is not defined +2025-03-10 15:30:01,068 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,068 - ERROR - Error in episode 3764: name 'args' is not defined +2025-03-10 15:30:01,070 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,071 - ERROR - Error in episode 3765: name 'args' is not defined +2025-03-10 15:30:01,073 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,074 - ERROR - Error in episode 3766: name 'args' is not defined +2025-03-10 15:30:01,076 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,077 - ERROR - Error in episode 3767: name 'args' is not defined +2025-03-10 15:30:01,080 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,080 - ERROR - Error in episode 3768: name 'args' is not defined +2025-03-10 15:30:01,083 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,084 - ERROR - Error in episode 3769: name 'args' is not defined +2025-03-10 15:30:01,086 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,087 - ERROR - Error in episode 3770: name 'args' is not defined +2025-03-10 15:30:01,090 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,090 - ERROR - Error in episode 3771: name 'args' is not defined +2025-03-10 15:30:01,093 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,094 - ERROR - Error in episode 3772: name 'args' is not defined +2025-03-10 15:30:01,096 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,097 - ERROR - Error in episode 3773: name 'args' is not defined +2025-03-10 15:30:01,100 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,100 - ERROR - Error in episode 3774: name 'args' is not defined +2025-03-10 15:30:01,103 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,103 - ERROR - Error in episode 3775: name 'args' is not defined +2025-03-10 15:30:01,106 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,106 - ERROR - Error in episode 3776: name 'args' is not defined +2025-03-10 15:30:01,109 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,109 - ERROR - Error in episode 3777: name 'args' is not defined +2025-03-10 15:30:01,112 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,112 - ERROR - Error in episode 3778: name 'args' is not defined +2025-03-10 15:30:01,115 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,116 - ERROR - Error in episode 3779: name 'args' is not defined +2025-03-10 15:30:01,118 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,118 - ERROR - Error in episode 3780: name 'args' is not defined +2025-03-10 15:30:01,121 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,121 - ERROR - Error in episode 3781: name 'args' is not defined +2025-03-10 15:30:01,124 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,124 - ERROR - Error in episode 3782: name 'args' is not defined +2025-03-10 15:30:01,127 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,127 - ERROR - Error in episode 3783: name 'args' is not defined +2025-03-10 15:30:01,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,131 - ERROR - Error in episode 3784: name 'args' is not defined +2025-03-10 15:30:01,134 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,134 - ERROR - Error in episode 3785: name 'args' is not defined +2025-03-10 15:30:01,137 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,137 - ERROR - Error in episode 3786: name 'args' is not defined +2025-03-10 15:30:01,139 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,140 - ERROR - Error in episode 3787: name 'args' is not defined +2025-03-10 15:30:01,142 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,142 - ERROR - Error in episode 3788: name 'args' is not defined +2025-03-10 15:30:01,145 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,145 - ERROR - Error in episode 3789: name 'args' is not defined +2025-03-10 15:30:01,148 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,148 - ERROR - Error in episode 3790: name 'args' is not defined +2025-03-10 15:30:01,150 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,150 - ERROR - Error in episode 3791: name 'args' is not defined +2025-03-10 15:30:01,153 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,153 - ERROR - Error in episode 3792: name 'args' is not defined +2025-03-10 15:30:01,157 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,157 - ERROR - Error in episode 3793: name 'args' is not defined +2025-03-10 15:30:01,159 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,160 - ERROR - Error in episode 3794: name 'args' is not defined +2025-03-10 15:30:01,162 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,163 - ERROR - Error in episode 3795: name 'args' is not defined +2025-03-10 15:30:01,166 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,166 - ERROR - Error in episode 3796: name 'args' is not defined +2025-03-10 15:30:01,169 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,169 - ERROR - Error in episode 3797: name 'args' is not defined +2025-03-10 15:30:01,172 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,172 - ERROR - Error in episode 3798: name 'args' is not defined +2025-03-10 15:30:01,175 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,175 - ERROR - Error in episode 3799: name 'args' is not defined +2025-03-10 15:30:01,177 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,178 - ERROR - Error in episode 3800: name 'args' is not defined +2025-03-10 15:30:01,180 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,181 - ERROR - Error in episode 3801: name 'args' is not defined +2025-03-10 15:30:01,183 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,183 - ERROR - Error in episode 3802: name 'args' is not defined +2025-03-10 15:30:01,186 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,186 - ERROR - Error in episode 3803: name 'args' is not defined +2025-03-10 15:30:01,188 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,189 - ERROR - Error in episode 3804: name 'args' is not defined +2025-03-10 15:30:01,191 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,192 - ERROR - Error in episode 3805: name 'args' is not defined +2025-03-10 15:30:01,194 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,195 - ERROR - Error in episode 3806: name 'args' is not defined +2025-03-10 15:30:01,198 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,199 - ERROR - Error in episode 3807: name 'args' is not defined +2025-03-10 15:30:01,202 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,202 - ERROR - Error in episode 3808: name 'args' is not defined +2025-03-10 15:30:01,205 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,205 - ERROR - Error in episode 3809: name 'args' is not defined +2025-03-10 15:30:01,208 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,209 - ERROR - Error in episode 3810: name 'args' is not defined +2025-03-10 15:30:01,211 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,212 - ERROR - Error in episode 3811: name 'args' is not defined +2025-03-10 15:30:01,215 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,217 - ERROR - Error in episode 3812: name 'args' is not defined +2025-03-10 15:30:01,220 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,221 - ERROR - Error in episode 3813: name 'args' is not defined +2025-03-10 15:30:01,224 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,224 - ERROR - Error in episode 3814: name 'args' is not defined +2025-03-10 15:30:01,227 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,227 - ERROR - Error in episode 3815: name 'args' is not defined +2025-03-10 15:30:01,230 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,231 - ERROR - Error in episode 3816: name 'args' is not defined +2025-03-10 15:30:01,233 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,234 - ERROR - Error in episode 3817: name 'args' is not defined +2025-03-10 15:30:01,236 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,237 - ERROR - Error in episode 3818: name 'args' is not defined +2025-03-10 15:30:01,239 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,240 - ERROR - Error in episode 3819: name 'args' is not defined +2025-03-10 15:30:01,242 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,242 - ERROR - Error in episode 3820: name 'args' is not defined +2025-03-10 15:30:01,244 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,244 - ERROR - Error in episode 3821: name 'args' is not defined +2025-03-10 15:30:01,248 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,249 - ERROR - Error in episode 3822: name 'args' is not defined +2025-03-10 15:30:01,251 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,251 - ERROR - Error in episode 3823: name 'args' is not defined +2025-03-10 15:30:01,254 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,254 - ERROR - Error in episode 3824: name 'args' is not defined +2025-03-10 15:30:01,257 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,257 - ERROR - Error in episode 3825: name 'args' is not defined +2025-03-10 15:30:01,259 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,260 - ERROR - Error in episode 3826: name 'args' is not defined +2025-03-10 15:30:01,262 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,262 - ERROR - Error in episode 3827: name 'args' is not defined +2025-03-10 15:30:01,266 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,267 - ERROR - Error in episode 3828: name 'args' is not defined +2025-03-10 15:30:01,269 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,269 - ERROR - Error in episode 3829: name 'args' is not defined +2025-03-10 15:30:01,272 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,272 - ERROR - Error in episode 3830: name 'args' is not defined +2025-03-10 15:30:01,275 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,276 - ERROR - Error in episode 3831: name 'args' is not defined +2025-03-10 15:30:01,278 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,278 - ERROR - Error in episode 3832: name 'args' is not defined +2025-03-10 15:30:01,281 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,281 - ERROR - Error in episode 3833: name 'args' is not defined +2025-03-10 15:30:01,284 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,284 - ERROR - Error in episode 3834: name 'args' is not defined +2025-03-10 15:30:01,287 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,287 - ERROR - Error in episode 3835: name 'args' is not defined +2025-03-10 15:30:01,290 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,290 - ERROR - Error in episode 3836: name 'args' is not defined +2025-03-10 15:30:01,292 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,293 - ERROR - Error in episode 3837: name 'args' is not defined +2025-03-10 15:30:01,296 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,296 - ERROR - Error in episode 3838: name 'args' is not defined +2025-03-10 15:30:01,299 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,299 - ERROR - Error in episode 3839: name 'args' is not defined +2025-03-10 15:30:01,302 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,302 - ERROR - Error in episode 3840: name 'args' is not defined +2025-03-10 15:30:01,305 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,305 - ERROR - Error in episode 3841: name 'args' is not defined +2025-03-10 15:30:01,309 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,309 - ERROR - Error in episode 3842: name 'args' is not defined +2025-03-10 15:30:01,312 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,312 - ERROR - Error in episode 3843: name 'args' is not defined +2025-03-10 15:30:01,316 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,316 - ERROR - Error in episode 3844: name 'args' is not defined +2025-03-10 15:30:01,319 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,319 - ERROR - Error in episode 3845: name 'args' is not defined +2025-03-10 15:30:01,322 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,323 - ERROR - Error in episode 3846: name 'args' is not defined +2025-03-10 15:30:01,325 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,325 - ERROR - Error in episode 3847: name 'args' is not defined +2025-03-10 15:30:01,328 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,329 - ERROR - Error in episode 3848: name 'args' is not defined +2025-03-10 15:30:01,331 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,331 - ERROR - Error in episode 3849: name 'args' is not defined +2025-03-10 15:30:01,333 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,334 - ERROR - Error in episode 3850: name 'args' is not defined +2025-03-10 15:30:01,336 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,336 - ERROR - Error in episode 3851: name 'args' is not defined +2025-03-10 15:30:01,339 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,339 - ERROR - Error in episode 3852: name 'args' is not defined +2025-03-10 15:30:01,342 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,342 - ERROR - Error in episode 3853: name 'args' is not defined +2025-03-10 15:30:01,344 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,345 - ERROR - Error in episode 3854: name 'args' is not defined +2025-03-10 15:30:01,347 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,347 - ERROR - Error in episode 3855: name 'args' is not defined +2025-03-10 15:30:01,350 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,350 - ERROR - Error in episode 3856: name 'args' is not defined +2025-03-10 15:30:01,353 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,353 - ERROR - Error in episode 3857: name 'args' is not defined +2025-03-10 15:30:01,355 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,357 - ERROR - Error in episode 3858: name 'args' is not defined +2025-03-10 15:30:01,359 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,359 - ERROR - Error in episode 3859: name 'args' is not defined +2025-03-10 15:30:01,362 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,362 - ERROR - Error in episode 3860: name 'args' is not defined +2025-03-10 15:30:01,365 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,365 - ERROR - Error in episode 3861: name 'args' is not defined +2025-03-10 15:30:01,368 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,368 - ERROR - Error in episode 3862: name 'args' is not defined +2025-03-10 15:30:01,370 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,370 - ERROR - Error in episode 3863: name 'args' is not defined +2025-03-10 15:30:01,374 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,374 - ERROR - Error in episode 3864: name 'args' is not defined +2025-03-10 15:30:01,376 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,377 - ERROR - Error in episode 3865: name 'args' is not defined +2025-03-10 15:30:01,379 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,379 - ERROR - Error in episode 3866: name 'args' is not defined +2025-03-10 15:30:01,382 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,382 - ERROR - Error in episode 3867: name 'args' is not defined +2025-03-10 15:30:01,385 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,385 - ERROR - Error in episode 3868: name 'args' is not defined +2025-03-10 15:30:01,387 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,388 - ERROR - Error in episode 3869: name 'args' is not defined +2025-03-10 15:30:01,391 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,391 - ERROR - Error in episode 3870: name 'args' is not defined +2025-03-10 15:30:01,393 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,394 - ERROR - Error in episode 3871: name 'args' is not defined +2025-03-10 15:30:01,397 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,397 - ERROR - Error in episode 3872: name 'args' is not defined +2025-03-10 15:30:01,400 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,400 - ERROR - Error in episode 3873: name 'args' is not defined +2025-03-10 15:30:01,403 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,403 - ERROR - Error in episode 3874: name 'args' is not defined +2025-03-10 15:30:01,406 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,406 - ERROR - Error in episode 3875: name 'args' is not defined +2025-03-10 15:30:01,409 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,409 - ERROR - Error in episode 3876: name 'args' is not defined +2025-03-10 15:30:01,412 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,413 - ERROR - Error in episode 3877: name 'args' is not defined +2025-03-10 15:30:01,415 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,415 - ERROR - Error in episode 3878: name 'args' is not defined +2025-03-10 15:30:01,418 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,418 - ERROR - Error in episode 3879: name 'args' is not defined +2025-03-10 15:30:01,421 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,421 - ERROR - Error in episode 3880: name 'args' is not defined +2025-03-10 15:30:01,424 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,424 - ERROR - Error in episode 3881: name 'args' is not defined +2025-03-10 15:30:01,427 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,427 - ERROR - Error in episode 3882: name 'args' is not defined +2025-03-10 15:30:01,430 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,430 - ERROR - Error in episode 3883: name 'args' is not defined +2025-03-10 15:30:01,433 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,433 - ERROR - Error in episode 3884: name 'args' is not defined +2025-03-10 15:30:01,436 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,437 - ERROR - Error in episode 3885: name 'args' is not defined +2025-03-10 15:30:01,439 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,440 - ERROR - Error in episode 3886: name 'args' is not defined +2025-03-10 15:30:01,442 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,442 - ERROR - Error in episode 3887: name 'args' is not defined +2025-03-10 15:30:01,445 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,445 - ERROR - Error in episode 3888: name 'args' is not defined +2025-03-10 15:30:01,447 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,448 - ERROR - Error in episode 3889: name 'args' is not defined +2025-03-10 15:30:01,450 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,452 - ERROR - Error in episode 3890: name 'args' is not defined +2025-03-10 15:30:01,454 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,454 - ERROR - Error in episode 3891: name 'args' is not defined +2025-03-10 15:30:01,457 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,457 - ERROR - Error in episode 3892: name 'args' is not defined +2025-03-10 15:30:01,459 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,460 - ERROR - Error in episode 3893: name 'args' is not defined +2025-03-10 15:30:01,462 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,463 - ERROR - Error in episode 3894: name 'args' is not defined +2025-03-10 15:30:01,465 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,465 - ERROR - Error in episode 3895: name 'args' is not defined +2025-03-10 15:30:01,468 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,468 - ERROR - Error in episode 3896: name 'args' is not defined +2025-03-10 15:30:01,471 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,471 - ERROR - Error in episode 3897: name 'args' is not defined +2025-03-10 15:30:01,473 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,474 - ERROR - Error in episode 3898: name 'args' is not defined +2025-03-10 15:30:01,476 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,477 - ERROR - Error in episode 3899: name 'args' is not defined +2025-03-10 15:30:01,479 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,480 - ERROR - Error in episode 3900: name 'args' is not defined +2025-03-10 15:30:01,482 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,482 - ERROR - Error in episode 3901: name 'args' is not defined +2025-03-10 15:30:01,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,486 - ERROR - Error in episode 3902: name 'args' is not defined +2025-03-10 15:30:01,488 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,489 - ERROR - Error in episode 3903: name 'args' is not defined +2025-03-10 15:30:01,491 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,491 - ERROR - Error in episode 3904: name 'args' is not defined +2025-03-10 15:30:01,494 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,494 - ERROR - Error in episode 3905: name 'args' is not defined +2025-03-10 15:30:01,497 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,497 - ERROR - Error in episode 3906: name 'args' is not defined +2025-03-10 15:30:01,500 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,500 - ERROR - Error in episode 3907: name 'args' is not defined +2025-03-10 15:30:01,503 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,503 - ERROR - Error in episode 3908: name 'args' is not defined +2025-03-10 15:30:01,506 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,506 - ERROR - Error in episode 3909: name 'args' is not defined +2025-03-10 15:30:01,509 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,509 - ERROR - Error in episode 3910: name 'args' is not defined +2025-03-10 15:30:01,512 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,512 - ERROR - Error in episode 3911: name 'args' is not defined +2025-03-10 15:30:01,515 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,515 - ERROR - Error in episode 3912: name 'args' is not defined +2025-03-10 15:30:01,518 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,518 - ERROR - Error in episode 3913: name 'args' is not defined +2025-03-10 15:30:01,521 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,522 - ERROR - Error in episode 3914: name 'args' is not defined +2025-03-10 15:30:01,524 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,525 - ERROR - Error in episode 3915: name 'args' is not defined +2025-03-10 15:30:01,527 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,527 - ERROR - Error in episode 3916: name 'args' is not defined +2025-03-10 15:30:01,530 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,530 - ERROR - Error in episode 3917: name 'args' is not defined +2025-03-10 15:30:01,533 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,533 - ERROR - Error in episode 3918: name 'args' is not defined +2025-03-10 15:30:01,536 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,537 - ERROR - Error in episode 3919: name 'args' is not defined +2025-03-10 15:30:01,539 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,540 - ERROR - Error in episode 3920: name 'args' is not defined +2025-03-10 15:30:01,543 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,544 - ERROR - Error in episode 3921: name 'args' is not defined +2025-03-10 15:30:01,546 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,547 - ERROR - Error in episode 3922: name 'args' is not defined +2025-03-10 15:30:01,550 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,550 - ERROR - Error in episode 3923: name 'args' is not defined +2025-03-10 15:30:01,554 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,554 - ERROR - Error in episode 3924: name 'args' is not defined +2025-03-10 15:30:01,557 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,557 - ERROR - Error in episode 3925: name 'args' is not defined +2025-03-10 15:30:01,561 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,561 - ERROR - Error in episode 3926: name 'args' is not defined +2025-03-10 15:30:01,565 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,566 - ERROR - Error in episode 3927: name 'args' is not defined +2025-03-10 15:30:01,568 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,569 - ERROR - Error in episode 3928: name 'args' is not defined +2025-03-10 15:30:01,573 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,573 - ERROR - Error in episode 3929: name 'args' is not defined +2025-03-10 15:30:01,577 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,577 - ERROR - Error in episode 3930: name 'args' is not defined +2025-03-10 15:30:01,580 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,580 - ERROR - Error in episode 3931: name 'args' is not defined +2025-03-10 15:30:01,583 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,583 - ERROR - Error in episode 3932: name 'args' is not defined +2025-03-10 15:30:01,586 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,586 - ERROR - Error in episode 3933: name 'args' is not defined +2025-03-10 15:30:01,589 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,589 - ERROR - Error in episode 3934: name 'args' is not defined +2025-03-10 15:30:01,592 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,592 - ERROR - Error in episode 3935: name 'args' is not defined +2025-03-10 15:30:01,596 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,596 - ERROR - Error in episode 3936: name 'args' is not defined +2025-03-10 15:30:01,598 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,598 - ERROR - Error in episode 3937: name 'args' is not defined +2025-03-10 15:30:01,601 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,602 - ERROR - Error in episode 3938: name 'args' is not defined +2025-03-10 15:30:01,604 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,605 - ERROR - Error in episode 3939: name 'args' is not defined +2025-03-10 15:30:01,607 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,607 - ERROR - Error in episode 3940: name 'args' is not defined +2025-03-10 15:30:01,611 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,611 - ERROR - Error in episode 3941: name 'args' is not defined +2025-03-10 15:30:01,614 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,614 - ERROR - Error in episode 3942: name 'args' is not defined +2025-03-10 15:30:01,617 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,617 - ERROR - Error in episode 3943: name 'args' is not defined +2025-03-10 15:30:01,620 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,621 - ERROR - Error in episode 3944: name 'args' is not defined +2025-03-10 15:30:01,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,624 - ERROR - Error in episode 3945: name 'args' is not defined +2025-03-10 15:30:01,626 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,627 - ERROR - Error in episode 3946: name 'args' is not defined +2025-03-10 15:30:01,629 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,629 - ERROR - Error in episode 3947: name 'args' is not defined +2025-03-10 15:30:01,633 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,634 - ERROR - Error in episode 3948: name 'args' is not defined +2025-03-10 15:30:01,637 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,637 - ERROR - Error in episode 3949: name 'args' is not defined +2025-03-10 15:30:01,640 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,641 - ERROR - Error in episode 3950: name 'args' is not defined +2025-03-10 15:30:01,643 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,644 - ERROR - Error in episode 3951: name 'args' is not defined +2025-03-10 15:30:01,646 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,646 - ERROR - Error in episode 3952: name 'args' is not defined +2025-03-10 15:30:01,650 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,650 - ERROR - Error in episode 3953: name 'args' is not defined +2025-03-10 15:30:01,652 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,652 - ERROR - Error in episode 3954: name 'args' is not defined +2025-03-10 15:30:01,655 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,655 - ERROR - Error in episode 3955: name 'args' is not defined +2025-03-10 15:30:01,658 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,658 - ERROR - Error in episode 3956: name 'args' is not defined +2025-03-10 15:30:01,661 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,661 - ERROR - Error in episode 3957: name 'args' is not defined +2025-03-10 15:30:01,663 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,665 - ERROR - Error in episode 3958: name 'args' is not defined +2025-03-10 15:30:01,668 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,668 - ERROR - Error in episode 3959: name 'args' is not defined +2025-03-10 15:30:01,670 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,671 - ERROR - Error in episode 3960: name 'args' is not defined +2025-03-10 15:30:01,674 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,674 - ERROR - Error in episode 3961: name 'args' is not defined +2025-03-10 15:30:01,677 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,677 - ERROR - Error in episode 3962: name 'args' is not defined +2025-03-10 15:30:01,680 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,680 - ERROR - Error in episode 3963: name 'args' is not defined +2025-03-10 15:30:01,683 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,683 - ERROR - Error in episode 3964: name 'args' is not defined +2025-03-10 15:30:01,686 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,686 - ERROR - Error in episode 3965: name 'args' is not defined +2025-03-10 15:30:01,689 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,689 - ERROR - Error in episode 3966: name 'args' is not defined +2025-03-10 15:30:01,692 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,692 - ERROR - Error in episode 3967: name 'args' is not defined +2025-03-10 15:30:01,696 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,696 - ERROR - Error in episode 3968: name 'args' is not defined +2025-03-10 15:30:01,698 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,698 - ERROR - Error in episode 3969: name 'args' is not defined +2025-03-10 15:30:01,700 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,701 - ERROR - Error in episode 3970: name 'args' is not defined +2025-03-10 15:30:01,703 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,703 - ERROR - Error in episode 3971: name 'args' is not defined +2025-03-10 15:30:01,705 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,707 - ERROR - Error in episode 3972: name 'args' is not defined +2025-03-10 15:30:01,709 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,709 - ERROR - Error in episode 3973: name 'args' is not defined +2025-03-10 15:30:01,712 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,712 - ERROR - Error in episode 3974: name 'args' is not defined +2025-03-10 15:30:01,714 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,715 - ERROR - Error in episode 3975: name 'args' is not defined +2025-03-10 15:30:01,718 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,718 - ERROR - Error in episode 3976: name 'args' is not defined +2025-03-10 15:30:01,720 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,721 - ERROR - Error in episode 3977: name 'args' is not defined +2025-03-10 15:30:01,724 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,724 - ERROR - Error in episode 3978: name 'args' is not defined +2025-03-10 15:30:01,726 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,727 - ERROR - Error in episode 3979: name 'args' is not defined +2025-03-10 15:30:01,729 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,729 - ERROR - Error in episode 3980: name 'args' is not defined +2025-03-10 15:30:01,732 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,732 - ERROR - Error in episode 3981: name 'args' is not defined +2025-03-10 15:30:01,735 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,735 - ERROR - Error in episode 3982: name 'args' is not defined +2025-03-10 15:30:01,737 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,738 - ERROR - Error in episode 3983: name 'args' is not defined +2025-03-10 15:30:01,741 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,741 - ERROR - Error in episode 3984: name 'args' is not defined +2025-03-10 15:30:01,744 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,744 - ERROR - Error in episode 3985: name 'args' is not defined +2025-03-10 15:30:01,747 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,747 - ERROR - Error in episode 3986: name 'args' is not defined +2025-03-10 15:30:01,750 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,750 - ERROR - Error in episode 3987: name 'args' is not defined +2025-03-10 15:30:01,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,753 - ERROR - Error in episode 3988: name 'args' is not defined +2025-03-10 15:30:01,756 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,756 - ERROR - Error in episode 3989: name 'args' is not defined +2025-03-10 15:30:01,759 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,759 - ERROR - Error in episode 3990: name 'args' is not defined +2025-03-10 15:30:01,761 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,763 - ERROR - Error in episode 3991: name 'args' is not defined +2025-03-10 15:30:01,765 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,765 - ERROR - Error in episode 3992: name 'args' is not defined +2025-03-10 15:30:01,768 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,768 - ERROR - Error in episode 3993: name 'args' is not defined +2025-03-10 15:30:01,770 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,771 - ERROR - Error in episode 3994: name 'args' is not defined +2025-03-10 15:30:01,773 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,773 - ERROR - Error in episode 3995: name 'args' is not defined +2025-03-10 15:30:01,776 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,776 - ERROR - Error in episode 3996: name 'args' is not defined +2025-03-10 15:30:01,778 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,779 - ERROR - Error in episode 3997: name 'args' is not defined +2025-03-10 15:30:01,781 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,782 - ERROR - Error in episode 3998: name 'args' is not defined +2025-03-10 15:30:01,784 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,784 - ERROR - Error in episode 3999: name 'args' is not defined +2025-03-10 15:30:01,787 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,787 - ERROR - Error in episode 4000: name 'args' is not defined +2025-03-10 15:30:01,791 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,791 - ERROR - Error in episode 4001: name 'args' is not defined +2025-03-10 15:30:01,794 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,794 - ERROR - Error in episode 4002: name 'args' is not defined +2025-03-10 15:30:01,796 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,797 - ERROR - Error in episode 4003: name 'args' is not defined +2025-03-10 15:30:01,800 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,800 - ERROR - Error in episode 4004: name 'args' is not defined +2025-03-10 15:30:01,802 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,802 - ERROR - Error in episode 4005: name 'args' is not defined +2025-03-10 15:30:01,805 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,805 - ERROR - Error in episode 4006: name 'args' is not defined +2025-03-10 15:30:01,808 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,808 - ERROR - Error in episode 4007: name 'args' is not defined +2025-03-10 15:30:01,810 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,811 - ERROR - Error in episode 4008: name 'args' is not defined +2025-03-10 15:30:01,813 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,814 - ERROR - Error in episode 4009: name 'args' is not defined +2025-03-10 15:30:01,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,817 - ERROR - Error in episode 4010: name 'args' is not defined +2025-03-10 15:30:01,819 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,819 - ERROR - Error in episode 4011: name 'args' is not defined +2025-03-10 15:30:01,822 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,822 - ERROR - Error in episode 4012: name 'args' is not defined +2025-03-10 15:30:01,825 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,826 - ERROR - Error in episode 4013: name 'args' is not defined +2025-03-10 15:30:01,828 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,828 - ERROR - Error in episode 4014: name 'args' is not defined +2025-03-10 15:30:01,831 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,831 - ERROR - Error in episode 4015: name 'args' is not defined +2025-03-10 15:30:01,834 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,834 - ERROR - Error in episode 4016: name 'args' is not defined +2025-03-10 15:30:01,837 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,837 - ERROR - Error in episode 4017: name 'args' is not defined +2025-03-10 15:30:01,841 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,841 - ERROR - Error in episode 4018: name 'args' is not defined +2025-03-10 15:30:01,843 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,844 - ERROR - Error in episode 4019: name 'args' is not defined +2025-03-10 15:30:01,846 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,846 - ERROR - Error in episode 4020: name 'args' is not defined +2025-03-10 15:30:01,849 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,849 - ERROR - Error in episode 4021: name 'args' is not defined +2025-03-10 15:30:01,852 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,852 - ERROR - Error in episode 4022: name 'args' is not defined +2025-03-10 15:30:01,854 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,855 - ERROR - Error in episode 4023: name 'args' is not defined +2025-03-10 15:30:01,858 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,858 - ERROR - Error in episode 4024: name 'args' is not defined +2025-03-10 15:30:01,861 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,861 - ERROR - Error in episode 4025: name 'args' is not defined +2025-03-10 15:30:01,863 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,864 - ERROR - Error in episode 4026: name 'args' is not defined +2025-03-10 15:30:01,866 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,866 - ERROR - Error in episode 4027: name 'args' is not defined +2025-03-10 15:30:01,869 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,869 - ERROR - Error in episode 4028: name 'args' is not defined +2025-03-10 15:30:01,871 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,872 - ERROR - Error in episode 4029: name 'args' is not defined +2025-03-10 15:30:01,874 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,875 - ERROR - Error in episode 4030: name 'args' is not defined +2025-03-10 15:30:01,877 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,877 - ERROR - Error in episode 4031: name 'args' is not defined +2025-03-10 15:30:01,880 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,880 - ERROR - Error in episode 4032: name 'args' is not defined +2025-03-10 15:30:01,883 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,883 - ERROR - Error in episode 4033: name 'args' is not defined +2025-03-10 15:30:01,885 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,885 - ERROR - Error in episode 4034: name 'args' is not defined +2025-03-10 15:30:01,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,888 - ERROR - Error in episode 4035: name 'args' is not defined +2025-03-10 15:30:01,891 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,891 - ERROR - Error in episode 4036: name 'args' is not defined +2025-03-10 15:30:01,894 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,894 - ERROR - Error in episode 4037: name 'args' is not defined +2025-03-10 15:30:01,896 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,897 - ERROR - Error in episode 4038: name 'args' is not defined +2025-03-10 15:30:01,899 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,899 - ERROR - Error in episode 4039: name 'args' is not defined +2025-03-10 15:30:01,902 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,902 - ERROR - Error in episode 4040: name 'args' is not defined +2025-03-10 15:30:01,904 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,904 - ERROR - Error in episode 4041: name 'args' is not defined +2025-03-10 15:30:01,907 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,908 - ERROR - Error in episode 4042: name 'args' is not defined +2025-03-10 15:30:01,910 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,910 - ERROR - Error in episode 4043: name 'args' is not defined +2025-03-10 15:30:01,913 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,913 - ERROR - Error in episode 4044: name 'args' is not defined +2025-03-10 15:30:01,916 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,916 - ERROR - Error in episode 4045: name 'args' is not defined +2025-03-10 15:30:01,919 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,920 - ERROR - Error in episode 4046: name 'args' is not defined +2025-03-10 15:30:01,922 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,922 - ERROR - Error in episode 4047: name 'args' is not defined +2025-03-10 15:30:01,925 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,926 - ERROR - Error in episode 4048: name 'args' is not defined +2025-03-10 15:30:01,928 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,928 - ERROR - Error in episode 4049: name 'args' is not defined +2025-03-10 15:30:01,931 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,931 - ERROR - Error in episode 4050: name 'args' is not defined +2025-03-10 15:30:01,934 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,935 - ERROR - Error in episode 4051: name 'args' is not defined +2025-03-10 15:30:01,937 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,937 - ERROR - Error in episode 4052: name 'args' is not defined +2025-03-10 15:30:01,940 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,940 - ERROR - Error in episode 4053: name 'args' is not defined +2025-03-10 15:30:01,942 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,943 - ERROR - Error in episode 4054: name 'args' is not defined +2025-03-10 15:30:01,945 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,946 - ERROR - Error in episode 4055: name 'args' is not defined +2025-03-10 15:30:01,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,950 - ERROR - Error in episode 4056: name 'args' is not defined +2025-03-10 15:30:01,952 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,952 - ERROR - Error in episode 4057: name 'args' is not defined +2025-03-10 15:30:01,955 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,955 - ERROR - Error in episode 4058: name 'args' is not defined +2025-03-10 15:30:01,958 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,959 - ERROR - Error in episode 4059: name 'args' is not defined +2025-03-10 15:30:01,961 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,961 - ERROR - Error in episode 4060: name 'args' is not defined +2025-03-10 15:30:01,964 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,965 - ERROR - Error in episode 4061: name 'args' is not defined +2025-03-10 15:30:01,967 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,967 - ERROR - Error in episode 4062: name 'args' is not defined +2025-03-10 15:30:01,969 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,970 - ERROR - Error in episode 4063: name 'args' is not defined +2025-03-10 15:30:01,972 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,972 - ERROR - Error in episode 4064: name 'args' is not defined +2025-03-10 15:30:01,975 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,975 - ERROR - Error in episode 4065: name 'args' is not defined +2025-03-10 15:30:01,977 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,978 - ERROR - Error in episode 4066: name 'args' is not defined +2025-03-10 15:30:01,980 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,981 - ERROR - Error in episode 4067: name 'args' is not defined +2025-03-10 15:30:01,983 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,983 - ERROR - Error in episode 4068: name 'args' is not defined +2025-03-10 15:30:01,985 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,986 - ERROR - Error in episode 4069: name 'args' is not defined +2025-03-10 15:30:01,988 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,988 - ERROR - Error in episode 4070: name 'args' is not defined +2025-03-10 15:30:01,991 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,991 - ERROR - Error in episode 4071: name 'args' is not defined +2025-03-10 15:30:01,994 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,994 - ERROR - Error in episode 4072: name 'args' is not defined +2025-03-10 15:30:01,996 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:01,997 - ERROR - Error in episode 4073: name 'args' is not defined +2025-03-10 15:30:02,000 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,001 - ERROR - Error in episode 4074: name 'args' is not defined +2025-03-10 15:30:02,003 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,003 - ERROR - Error in episode 4075: name 'args' is not defined +2025-03-10 15:30:02,006 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,007 - ERROR - Error in episode 4076: name 'args' is not defined +2025-03-10 15:30:02,009 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,009 - ERROR - Error in episode 4077: name 'args' is not defined +2025-03-10 15:30:02,012 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,012 - ERROR - Error in episode 4078: name 'args' is not defined +2025-03-10 15:30:02,015 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,016 - ERROR - Error in episode 4079: name 'args' is not defined +2025-03-10 15:30:02,018 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,019 - ERROR - Error in episode 4080: name 'args' is not defined +2025-03-10 15:30:02,022 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,022 - ERROR - Error in episode 4081: name 'args' is not defined +2025-03-10 15:30:02,025 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,025 - ERROR - Error in episode 4082: name 'args' is not defined +2025-03-10 15:30:02,029 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,029 - ERROR - Error in episode 4083: name 'args' is not defined +2025-03-10 15:30:02,032 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,032 - ERROR - Error in episode 4084: name 'args' is not defined +2025-03-10 15:30:02,035 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,035 - ERROR - Error in episode 4085: name 'args' is not defined +2025-03-10 15:30:02,037 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,038 - ERROR - Error in episode 4086: name 'args' is not defined +2025-03-10 15:30:02,040 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,041 - ERROR - Error in episode 4087: name 'args' is not defined +2025-03-10 15:30:02,043 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,043 - ERROR - Error in episode 4088: name 'args' is not defined +2025-03-10 15:30:02,046 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,046 - ERROR - Error in episode 4089: name 'args' is not defined +2025-03-10 15:30:02,049 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,049 - ERROR - Error in episode 4090: name 'args' is not defined +2025-03-10 15:30:02,052 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,052 - ERROR - Error in episode 4091: name 'args' is not defined +2025-03-10 15:30:02,055 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,055 - ERROR - Error in episode 4092: name 'args' is not defined +2025-03-10 15:30:02,057 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,058 - ERROR - Error in episode 4093: name 'args' is not defined +2025-03-10 15:30:02,060 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,060 - ERROR - Error in episode 4094: name 'args' is not defined +2025-03-10 15:30:02,062 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,063 - ERROR - Error in episode 4095: name 'args' is not defined +2025-03-10 15:30:02,066 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,066 - ERROR - Error in episode 4096: name 'args' is not defined +2025-03-10 15:30:02,069 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,069 - ERROR - Error in episode 4097: name 'args' is not defined +2025-03-10 15:30:02,071 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,072 - ERROR - Error in episode 4098: name 'args' is not defined +2025-03-10 15:30:02,075 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,076 - ERROR - Error in episode 4099: name 'args' is not defined +2025-03-10 15:30:02,078 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,079 - ERROR - Error in episode 4100: name 'args' is not defined +2025-03-10 15:30:02,082 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,082 - ERROR - Error in episode 4101: name 'args' is not defined +2025-03-10 15:30:02,084 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,085 - ERROR - Error in episode 4102: name 'args' is not defined +2025-03-10 15:30:02,087 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,087 - ERROR - Error in episode 4103: name 'args' is not defined +2025-03-10 15:30:02,090 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,091 - ERROR - Error in episode 4104: name 'args' is not defined +2025-03-10 15:30:02,093 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,094 - ERROR - Error in episode 4105: name 'args' is not defined +2025-03-10 15:30:02,096 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,097 - ERROR - Error in episode 4106: name 'args' is not defined +2025-03-10 15:30:02,099 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,099 - ERROR - Error in episode 4107: name 'args' is not defined +2025-03-10 15:30:02,102 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,103 - ERROR - Error in episode 4108: name 'args' is not defined +2025-03-10 15:30:02,105 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,106 - ERROR - Error in episode 4109: name 'args' is not defined +2025-03-10 15:30:02,109 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,109 - ERROR - Error in episode 4110: name 'args' is not defined +2025-03-10 15:30:02,112 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,112 - ERROR - Error in episode 4111: name 'args' is not defined +2025-03-10 15:30:02,114 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,115 - ERROR - Error in episode 4112: name 'args' is not defined +2025-03-10 15:30:02,118 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,118 - ERROR - Error in episode 4113: name 'args' is not defined +2025-03-10 15:30:02,120 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,121 - ERROR - Error in episode 4114: name 'args' is not defined +2025-03-10 15:30:02,124 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,124 - ERROR - Error in episode 4115: name 'args' is not defined +2025-03-10 15:30:02,126 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,127 - ERROR - Error in episode 4116: name 'args' is not defined +2025-03-10 15:30:02,130 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,130 - ERROR - Error in episode 4117: name 'args' is not defined +2025-03-10 15:30:02,133 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,133 - ERROR - Error in episode 4118: name 'args' is not defined +2025-03-10 15:30:02,136 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,136 - ERROR - Error in episode 4119: name 'args' is not defined +2025-03-10 15:30:02,138 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,139 - ERROR - Error in episode 4120: name 'args' is not defined +2025-03-10 15:30:02,142 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,142 - ERROR - Error in episode 4121: name 'args' is not defined +2025-03-10 15:30:02,145 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,145 - ERROR - Error in episode 4122: name 'args' is not defined +2025-03-10 15:30:02,147 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,147 - ERROR - Error in episode 4123: name 'args' is not defined +2025-03-10 15:30:02,151 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,151 - ERROR - Error in episode 4124: name 'args' is not defined +2025-03-10 15:30:02,153 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,153 - ERROR - Error in episode 4125: name 'args' is not defined +2025-03-10 15:30:02,157 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,157 - ERROR - Error in episode 4126: name 'args' is not defined +2025-03-10 15:30:02,159 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,160 - ERROR - Error in episode 4127: name 'args' is not defined +2025-03-10 15:30:02,162 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,162 - ERROR - Error in episode 4128: name 'args' is not defined +2025-03-10 15:30:02,165 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,166 - ERROR - Error in episode 4129: name 'args' is not defined +2025-03-10 15:30:02,168 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,168 - ERROR - Error in episode 4130: name 'args' is not defined +2025-03-10 15:30:02,171 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,171 - ERROR - Error in episode 4131: name 'args' is not defined +2025-03-10 15:30:02,174 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,175 - ERROR - Error in episode 4132: name 'args' is not defined +2025-03-10 15:30:02,177 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,177 - ERROR - Error in episode 4133: name 'args' is not defined +2025-03-10 15:30:02,180 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,180 - ERROR - Error in episode 4134: name 'args' is not defined +2025-03-10 15:30:02,183 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,183 - ERROR - Error in episode 4135: name 'args' is not defined +2025-03-10 15:30:02,186 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,186 - ERROR - Error in episode 4136: name 'args' is not defined +2025-03-10 15:30:02,189 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,189 - ERROR - Error in episode 4137: name 'args' is not defined +2025-03-10 15:30:02,192 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,193 - ERROR - Error in episode 4138: name 'args' is not defined +2025-03-10 15:30:02,195 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,195 - ERROR - Error in episode 4139: name 'args' is not defined +2025-03-10 15:30:02,198 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,198 - ERROR - Error in episode 4140: name 'args' is not defined +2025-03-10 15:30:02,201 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,201 - ERROR - Error in episode 4141: name 'args' is not defined +2025-03-10 15:30:02,204 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,204 - ERROR - Error in episode 4142: name 'args' is not defined +2025-03-10 15:30:02,208 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,208 - ERROR - Error in episode 4143: name 'args' is not defined +2025-03-10 15:30:02,210 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,211 - ERROR - Error in episode 4144: name 'args' is not defined +2025-03-10 15:30:02,213 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,213 - ERROR - Error in episode 4145: name 'args' is not defined +2025-03-10 15:30:02,217 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,217 - ERROR - Error in episode 4146: name 'args' is not defined +2025-03-10 15:30:02,219 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,220 - ERROR - Error in episode 4147: name 'args' is not defined +2025-03-10 15:30:02,222 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,223 - ERROR - Error in episode 4148: name 'args' is not defined +2025-03-10 15:30:02,225 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,226 - ERROR - Error in episode 4149: name 'args' is not defined +2025-03-10 15:30:02,228 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,229 - ERROR - Error in episode 4150: name 'args' is not defined +2025-03-10 15:30:02,231 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,231 - ERROR - Error in episode 4151: name 'args' is not defined +2025-03-10 15:30:02,234 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,234 - ERROR - Error in episode 4152: name 'args' is not defined +2025-03-10 15:30:02,236 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,236 - ERROR - Error in episode 4153: name 'args' is not defined +2025-03-10 15:30:02,239 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,239 - ERROR - Error in episode 4154: name 'args' is not defined +2025-03-10 15:30:02,241 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,242 - ERROR - Error in episode 4155: name 'args' is not defined +2025-03-10 15:30:02,244 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,244 - ERROR - Error in episode 4156: name 'args' is not defined +2025-03-10 15:30:02,247 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,247 - ERROR - Error in episode 4157: name 'args' is not defined +2025-03-10 15:30:02,249 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,249 - ERROR - Error in episode 4158: name 'args' is not defined +2025-03-10 15:30:02,252 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,252 - ERROR - Error in episode 4159: name 'args' is not defined +2025-03-10 15:30:02,255 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,255 - ERROR - Error in episode 4160: name 'args' is not defined +2025-03-10 15:30:02,258 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,258 - ERROR - Error in episode 4161: name 'args' is not defined +2025-03-10 15:30:02,261 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,261 - ERROR - Error in episode 4162: name 'args' is not defined +2025-03-10 15:30:02,264 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,264 - ERROR - Error in episode 4163: name 'args' is not defined +2025-03-10 15:30:02,266 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,267 - ERROR - Error in episode 4164: name 'args' is not defined +2025-03-10 15:30:02,269 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,271 - ERROR - Error in episode 4165: name 'args' is not defined +2025-03-10 15:30:02,273 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,273 - ERROR - Error in episode 4166: name 'args' is not defined +2025-03-10 15:30:02,276 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,276 - ERROR - Error in episode 4167: name 'args' is not defined +2025-03-10 15:30:02,278 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,279 - ERROR - Error in episode 4168: name 'args' is not defined +2025-03-10 15:30:02,281 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,281 - ERROR - Error in episode 4169: name 'args' is not defined +2025-03-10 15:30:02,284 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,284 - ERROR - Error in episode 4170: name 'args' is not defined +2025-03-10 15:30:02,287 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,287 - ERROR - Error in episode 4171: name 'args' is not defined +2025-03-10 15:30:02,290 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,290 - ERROR - Error in episode 4172: name 'args' is not defined +2025-03-10 15:30:02,293 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,293 - ERROR - Error in episode 4173: name 'args' is not defined +2025-03-10 15:30:02,296 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,296 - ERROR - Error in episode 4174: name 'args' is not defined +2025-03-10 15:30:02,299 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,299 - ERROR - Error in episode 4175: name 'args' is not defined +2025-03-10 15:30:02,301 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,302 - ERROR - Error in episode 4176: name 'args' is not defined +2025-03-10 15:30:02,304 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,305 - ERROR - Error in episode 4177: name 'args' is not defined +2025-03-10 15:30:02,307 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,307 - ERROR - Error in episode 4178: name 'args' is not defined +2025-03-10 15:30:02,310 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,310 - ERROR - Error in episode 4179: name 'args' is not defined +2025-03-10 15:30:02,313 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,313 - ERROR - Error in episode 4180: name 'args' is not defined +2025-03-10 15:30:02,315 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,316 - ERROR - Error in episode 4181: name 'args' is not defined +2025-03-10 15:30:02,318 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,318 - ERROR - Error in episode 4182: name 'args' is not defined +2025-03-10 15:30:02,321 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,321 - ERROR - Error in episode 4183: name 'args' is not defined +2025-03-10 15:30:02,324 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,324 - ERROR - Error in episode 4184: name 'args' is not defined +2025-03-10 15:30:02,327 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,327 - ERROR - Error in episode 4185: name 'args' is not defined +2025-03-10 15:30:02,330 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,330 - ERROR - Error in episode 4186: name 'args' is not defined +2025-03-10 15:30:02,332 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,333 - ERROR - Error in episode 4187: name 'args' is not defined +2025-03-10 15:30:02,335 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,336 - ERROR - Error in episode 4188: name 'args' is not defined +2025-03-10 15:30:02,338 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,338 - ERROR - Error in episode 4189: name 'args' is not defined +2025-03-10 15:30:02,341 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,341 - ERROR - Error in episode 4190: name 'args' is not defined +2025-03-10 15:30:02,343 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,344 - ERROR - Error in episode 4191: name 'args' is not defined +2025-03-10 15:30:02,346 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,347 - ERROR - Error in episode 4192: name 'args' is not defined +2025-03-10 15:30:02,349 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,349 - ERROR - Error in episode 4193: name 'args' is not defined +2025-03-10 15:30:02,351 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,352 - ERROR - Error in episode 4194: name 'args' is not defined +2025-03-10 15:30:02,355 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,355 - ERROR - Error in episode 4195: name 'args' is not defined +2025-03-10 15:30:02,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,357 - ERROR - Error in episode 4196: name 'args' is not defined +2025-03-10 15:30:02,360 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,360 - ERROR - Error in episode 4197: name 'args' is not defined +2025-03-10 15:30:02,363 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,363 - ERROR - Error in episode 4198: name 'args' is not defined +2025-03-10 15:30:02,365 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,366 - ERROR - Error in episode 4199: name 'args' is not defined +2025-03-10 15:30:02,368 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,368 - ERROR - Error in episode 4200: name 'args' is not defined +2025-03-10 15:30:02,371 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,373 - ERROR - Error in episode 4201: name 'args' is not defined +2025-03-10 15:30:02,375 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,375 - ERROR - Error in episode 4202: name 'args' is not defined +2025-03-10 15:30:02,378 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,379 - ERROR - Error in episode 4203: name 'args' is not defined +2025-03-10 15:30:02,381 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,381 - ERROR - Error in episode 4204: name 'args' is not defined +2025-03-10 15:30:02,383 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,384 - ERROR - Error in episode 4205: name 'args' is not defined +2025-03-10 15:30:02,386 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,386 - ERROR - Error in episode 4206: name 'args' is not defined +2025-03-10 15:30:02,389 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,389 - ERROR - Error in episode 4207: name 'args' is not defined +2025-03-10 15:30:02,392 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,392 - ERROR - Error in episode 4208: name 'args' is not defined +2025-03-10 15:30:02,395 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,395 - ERROR - Error in episode 4209: name 'args' is not defined +2025-03-10 15:30:02,398 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,398 - ERROR - Error in episode 4210: name 'args' is not defined +2025-03-10 15:30:02,401 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,401 - ERROR - Error in episode 4211: name 'args' is not defined +2025-03-10 15:30:02,404 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,404 - ERROR - Error in episode 4212: name 'args' is not defined +2025-03-10 15:30:02,407 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,408 - ERROR - Error in episode 4213: name 'args' is not defined +2025-03-10 15:30:02,410 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,410 - ERROR - Error in episode 4214: name 'args' is not defined +2025-03-10 15:30:02,414 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,414 - ERROR - Error in episode 4215: name 'args' is not defined +2025-03-10 15:30:02,417 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,417 - ERROR - Error in episode 4216: name 'args' is not defined +2025-03-10 15:30:02,419 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,420 - ERROR - Error in episode 4217: name 'args' is not defined +2025-03-10 15:30:02,422 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,422 - ERROR - Error in episode 4218: name 'args' is not defined +2025-03-10 15:30:02,426 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,426 - ERROR - Error in episode 4219: name 'args' is not defined +2025-03-10 15:30:02,428 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,429 - ERROR - Error in episode 4220: name 'args' is not defined +2025-03-10 15:30:02,432 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,432 - ERROR - Error in episode 4221: name 'args' is not defined +2025-03-10 15:30:02,436 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,436 - ERROR - Error in episode 4222: name 'args' is not defined +2025-03-10 15:30:02,438 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,439 - ERROR - Error in episode 4223: name 'args' is not defined +2025-03-10 15:30:02,441 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,442 - ERROR - Error in episode 4224: name 'args' is not defined +2025-03-10 15:30:02,444 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,444 - ERROR - Error in episode 4225: name 'args' is not defined +2025-03-10 15:30:02,447 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,447 - ERROR - Error in episode 4226: name 'args' is not defined +2025-03-10 15:30:02,450 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,450 - ERROR - Error in episode 4227: name 'args' is not defined +2025-03-10 15:30:02,452 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,453 - ERROR - Error in episode 4228: name 'args' is not defined +2025-03-10 15:30:02,455 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,456 - ERROR - Error in episode 4229: name 'args' is not defined +2025-03-10 15:30:02,458 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,458 - ERROR - Error in episode 4230: name 'args' is not defined +2025-03-10 15:30:02,461 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,461 - ERROR - Error in episode 4231: name 'args' is not defined +2025-03-10 15:30:02,464 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,464 - ERROR - Error in episode 4232: name 'args' is not defined +2025-03-10 15:30:02,467 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,467 - ERROR - Error in episode 4233: name 'args' is not defined +2025-03-10 15:30:02,470 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,470 - ERROR - Error in episode 4234: name 'args' is not defined +2025-03-10 15:30:02,472 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,473 - ERROR - Error in episode 4235: name 'args' is not defined +2025-03-10 15:30:02,475 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,475 - ERROR - Error in episode 4236: name 'args' is not defined +2025-03-10 15:30:02,478 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,478 - ERROR - Error in episode 4237: name 'args' is not defined +2025-03-10 15:30:02,480 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,481 - ERROR - Error in episode 4238: name 'args' is not defined +2025-03-10 15:30:02,484 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,484 - ERROR - Error in episode 4239: name 'args' is not defined +2025-03-10 15:30:02,486 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,487 - ERROR - Error in episode 4240: name 'args' is not defined +2025-03-10 15:30:02,489 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,489 - ERROR - Error in episode 4241: name 'args' is not defined +2025-03-10 15:30:02,492 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,493 - ERROR - Error in episode 4242: name 'args' is not defined +2025-03-10 15:30:02,495 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,496 - ERROR - Error in episode 4243: name 'args' is not defined +2025-03-10 15:30:02,498 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,500 - ERROR - Error in episode 4244: name 'args' is not defined +2025-03-10 15:30:02,502 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,502 - ERROR - Error in episode 4245: name 'args' is not defined +2025-03-10 15:30:02,505 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,505 - ERROR - Error in episode 4246: name 'args' is not defined +2025-03-10 15:30:02,508 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,508 - ERROR - Error in episode 4247: name 'args' is not defined +2025-03-10 15:30:02,510 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,511 - ERROR - Error in episode 4248: name 'args' is not defined +2025-03-10 15:30:02,513 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,513 - ERROR - Error in episode 4249: name 'args' is not defined +2025-03-10 15:30:02,516 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,516 - ERROR - Error in episode 4250: name 'args' is not defined +2025-03-10 15:30:02,520 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,520 - ERROR - Error in episode 4251: name 'args' is not defined +2025-03-10 15:30:02,522 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,523 - ERROR - Error in episode 4252: name 'args' is not defined +2025-03-10 15:30:02,525 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,526 - ERROR - Error in episode 4253: name 'args' is not defined +2025-03-10 15:30:02,528 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,528 - ERROR - Error in episode 4254: name 'args' is not defined +2025-03-10 15:30:02,532 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,533 - ERROR - Error in episode 4255: name 'args' is not defined +2025-03-10 15:30:02,535 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,535 - ERROR - Error in episode 4256: name 'args' is not defined +2025-03-10 15:30:02,538 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,538 - ERROR - Error in episode 4257: name 'args' is not defined +2025-03-10 15:30:02,540 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,541 - ERROR - Error in episode 4258: name 'args' is not defined +2025-03-10 15:30:02,544 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,544 - ERROR - Error in episode 4259: name 'args' is not defined +2025-03-10 15:30:02,546 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,547 - ERROR - Error in episode 4260: name 'args' is not defined +2025-03-10 15:30:02,549 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,549 - ERROR - Error in episode 4261: name 'args' is not defined +2025-03-10 15:30:02,552 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,552 - ERROR - Error in episode 4262: name 'args' is not defined +2025-03-10 15:30:02,555 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,555 - ERROR - Error in episode 4263: name 'args' is not defined +2025-03-10 15:30:02,558 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,558 - ERROR - Error in episode 4264: name 'args' is not defined +2025-03-10 15:30:02,560 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,560 - ERROR - Error in episode 4265: name 'args' is not defined +2025-03-10 15:30:02,563 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,563 - ERROR - Error in episode 4266: name 'args' is not defined +2025-03-10 15:30:02,566 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,566 - ERROR - Error in episode 4267: name 'args' is not defined +2025-03-10 15:30:02,568 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,569 - ERROR - Error in episode 4268: name 'args' is not defined +2025-03-10 15:30:02,572 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,572 - ERROR - Error in episode 4269: name 'args' is not defined +2025-03-10 15:30:02,575 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,575 - ERROR - Error in episode 4270: name 'args' is not defined +2025-03-10 15:30:02,577 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,578 - ERROR - Error in episode 4271: name 'args' is not defined +2025-03-10 15:30:02,581 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,581 - ERROR - Error in episode 4272: name 'args' is not defined +2025-03-10 15:30:02,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,584 - ERROR - Error in episode 4273: name 'args' is not defined +2025-03-10 15:30:02,587 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,587 - ERROR - Error in episode 4274: name 'args' is not defined +2025-03-10 15:30:02,591 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,591 - ERROR - Error in episode 4275: name 'args' is not defined +2025-03-10 15:30:02,595 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,595 - ERROR - Error in episode 4276: name 'args' is not defined +2025-03-10 15:30:02,597 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,598 - ERROR - Error in episode 4277: name 'args' is not defined +2025-03-10 15:30:02,600 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,601 - ERROR - Error in episode 4278: name 'args' is not defined +2025-03-10 15:30:02,603 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,603 - ERROR - Error in episode 4279: name 'args' is not defined +2025-03-10 15:30:02,606 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,606 - ERROR - Error in episode 4280: name 'args' is not defined +2025-03-10 15:30:02,609 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,609 - ERROR - Error in episode 4281: name 'args' is not defined +2025-03-10 15:30:02,611 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,612 - ERROR - Error in episode 4282: name 'args' is not defined +2025-03-10 15:30:02,614 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,614 - ERROR - Error in episode 4283: name 'args' is not defined +2025-03-10 15:30:02,618 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,618 - ERROR - Error in episode 4284: name 'args' is not defined +2025-03-10 15:30:02,620 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,621 - ERROR - Error in episode 4285: name 'args' is not defined +2025-03-10 15:30:02,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,623 - ERROR - Error in episode 4286: name 'args' is not defined +2025-03-10 15:30:02,626 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,626 - ERROR - Error in episode 4287: name 'args' is not defined +2025-03-10 15:30:02,628 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,629 - ERROR - Error in episode 4288: name 'args' is not defined +2025-03-10 15:30:02,633 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,633 - ERROR - Error in episode 4289: name 'args' is not defined +2025-03-10 15:30:02,636 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,636 - ERROR - Error in episode 4290: name 'args' is not defined +2025-03-10 15:30:02,639 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,639 - ERROR - Error in episode 4291: name 'args' is not defined +2025-03-10 15:30:02,642 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,642 - ERROR - Error in episode 4292: name 'args' is not defined +2025-03-10 15:30:02,645 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,645 - ERROR - Error in episode 4293: name 'args' is not defined +2025-03-10 15:30:02,648 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,648 - ERROR - Error in episode 4294: name 'args' is not defined +2025-03-10 15:30:02,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,651 - ERROR - Error in episode 4295: name 'args' is not defined +2025-03-10 15:30:02,654 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,654 - ERROR - Error in episode 4296: name 'args' is not defined +2025-03-10 15:30:02,656 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,656 - ERROR - Error in episode 4297: name 'args' is not defined +2025-03-10 15:30:02,660 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,661 - ERROR - Error in episode 4298: name 'args' is not defined +2025-03-10 15:30:02,663 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,664 - ERROR - Error in episode 4299: name 'args' is not defined +2025-03-10 15:30:02,666 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,666 - ERROR - Error in episode 4300: name 'args' is not defined +2025-03-10 15:30:02,669 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,669 - ERROR - Error in episode 4301: name 'args' is not defined +2025-03-10 15:30:02,671 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,672 - ERROR - Error in episode 4302: name 'args' is not defined +2025-03-10 15:30:02,675 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,675 - ERROR - Error in episode 4303: name 'args' is not defined +2025-03-10 15:30:02,678 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,678 - ERROR - Error in episode 4304: name 'args' is not defined +2025-03-10 15:30:02,680 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,681 - ERROR - Error in episode 4305: name 'args' is not defined +2025-03-10 15:30:02,683 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,684 - ERROR - Error in episode 4306: name 'args' is not defined +2025-03-10 15:30:02,686 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,686 - ERROR - Error in episode 4307: name 'args' is not defined +2025-03-10 15:30:02,689 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,690 - ERROR - Error in episode 4308: name 'args' is not defined +2025-03-10 15:30:02,692 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,693 - ERROR - Error in episode 4309: name 'args' is not defined +2025-03-10 15:30:02,695 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,696 - ERROR - Error in episode 4310: name 'args' is not defined +2025-03-10 15:30:02,698 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,698 - ERROR - Error in episode 4311: name 'args' is not defined +2025-03-10 15:30:02,701 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,701 - ERROR - Error in episode 4312: name 'args' is not defined +2025-03-10 15:30:02,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,704 - ERROR - Error in episode 4313: name 'args' is not defined +2025-03-10 15:30:02,706 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,707 - ERROR - Error in episode 4314: name 'args' is not defined +2025-03-10 15:30:02,709 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,710 - ERROR - Error in episode 4315: name 'args' is not defined +2025-03-10 15:30:02,712 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,712 - ERROR - Error in episode 4316: name 'args' is not defined +2025-03-10 15:30:02,715 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,715 - ERROR - Error in episode 4317: name 'args' is not defined +2025-03-10 15:30:02,718 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,718 - ERROR - Error in episode 4318: name 'args' is not defined +2025-03-10 15:30:02,721 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,721 - ERROR - Error in episode 4319: name 'args' is not defined +2025-03-10 15:30:02,724 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,724 - ERROR - Error in episode 4320: name 'args' is not defined +2025-03-10 15:30:02,728 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,728 - ERROR - Error in episode 4321: name 'args' is not defined +2025-03-10 15:30:02,730 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,730 - ERROR - Error in episode 4322: name 'args' is not defined +2025-03-10 15:30:02,733 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,734 - ERROR - Error in episode 4323: name 'args' is not defined +2025-03-10 15:30:02,736 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,737 - ERROR - Error in episode 4324: name 'args' is not defined +2025-03-10 15:30:02,740 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,740 - ERROR - Error in episode 4325: name 'args' is not defined +2025-03-10 15:30:02,743 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,743 - ERROR - Error in episode 4326: name 'args' is not defined +2025-03-10 15:30:02,745 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,746 - ERROR - Error in episode 4327: name 'args' is not defined +2025-03-10 15:30:02,748 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,748 - ERROR - Error in episode 4328: name 'args' is not defined +2025-03-10 15:30:02,751 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,751 - ERROR - Error in episode 4329: name 'args' is not defined +2025-03-10 15:30:02,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,754 - ERROR - Error in episode 4330: name 'args' is not defined +2025-03-10 15:30:02,756 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,756 - ERROR - Error in episode 4331: name 'args' is not defined +2025-03-10 15:30:02,759 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,759 - ERROR - Error in episode 4332: name 'args' is not defined +2025-03-10 15:30:02,762 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,762 - ERROR - Error in episode 4333: name 'args' is not defined +2025-03-10 15:30:02,764 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,765 - ERROR - Error in episode 4334: name 'args' is not defined +2025-03-10 15:30:02,767 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,768 - ERROR - Error in episode 4335: name 'args' is not defined +2025-03-10 15:30:02,770 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,771 - ERROR - Error in episode 4336: name 'args' is not defined +2025-03-10 15:30:02,773 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,773 - ERROR - Error in episode 4337: name 'args' is not defined +2025-03-10 15:30:02,776 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,776 - ERROR - Error in episode 4338: name 'args' is not defined +2025-03-10 15:30:02,779 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,779 - ERROR - Error in episode 4339: name 'args' is not defined +2025-03-10 15:30:02,781 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,782 - ERROR - Error in episode 4340: name 'args' is not defined +2025-03-10 15:30:02,784 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,785 - ERROR - Error in episode 4341: name 'args' is not defined +2025-03-10 15:30:02,787 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,787 - ERROR - Error in episode 4342: name 'args' is not defined +2025-03-10 15:30:02,790 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,790 - ERROR - Error in episode 4343: name 'args' is not defined +2025-03-10 15:30:02,793 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,793 - ERROR - Error in episode 4344: name 'args' is not defined +2025-03-10 15:30:02,795 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,796 - ERROR - Error in episode 4345: name 'args' is not defined +2025-03-10 15:30:02,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,799 - ERROR - Error in episode 4346: name 'args' is not defined +2025-03-10 15:30:02,801 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,801 - ERROR - Error in episode 4347: name 'args' is not defined +2025-03-10 15:30:02,805 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,806 - ERROR - Error in episode 4348: name 'args' is not defined +2025-03-10 15:30:02,808 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,809 - ERROR - Error in episode 4349: name 'args' is not defined +2025-03-10 15:30:02,811 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,811 - ERROR - Error in episode 4350: name 'args' is not defined +2025-03-10 15:30:02,814 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,814 - ERROR - Error in episode 4351: name 'args' is not defined +2025-03-10 15:30:02,817 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,817 - ERROR - Error in episode 4352: name 'args' is not defined +2025-03-10 15:30:02,819 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,820 - ERROR - Error in episode 4353: name 'args' is not defined +2025-03-10 15:30:02,822 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,822 - ERROR - Error in episode 4354: name 'args' is not defined +2025-03-10 15:30:02,826 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,826 - ERROR - Error in episode 4355: name 'args' is not defined +2025-03-10 15:30:02,828 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,828 - ERROR - Error in episode 4356: name 'args' is not defined +2025-03-10 15:30:02,831 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,831 - ERROR - Error in episode 4357: name 'args' is not defined +2025-03-10 15:30:02,834 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,834 - ERROR - Error in episode 4358: name 'args' is not defined +2025-03-10 15:30:02,837 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,837 - ERROR - Error in episode 4359: name 'args' is not defined +2025-03-10 15:30:02,839 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,840 - ERROR - Error in episode 4360: name 'args' is not defined +2025-03-10 15:30:02,842 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,843 - ERROR - Error in episode 4361: name 'args' is not defined +2025-03-10 15:30:02,845 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,846 - ERROR - Error in episode 4362: name 'args' is not defined +2025-03-10 15:30:02,848 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,848 - ERROR - Error in episode 4363: name 'args' is not defined +2025-03-10 15:30:02,851 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,851 - ERROR - Error in episode 4364: name 'args' is not defined +2025-03-10 15:30:02,854 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,854 - ERROR - Error in episode 4365: name 'args' is not defined +2025-03-10 15:30:02,857 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,857 - ERROR - Error in episode 4366: name 'args' is not defined +2025-03-10 15:30:02,860 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,860 - ERROR - Error in episode 4367: name 'args' is not defined +2025-03-10 15:30:02,862 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,863 - ERROR - Error in episode 4368: name 'args' is not defined +2025-03-10 15:30:02,865 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,866 - ERROR - Error in episode 4369: name 'args' is not defined +2025-03-10 15:30:02,868 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,868 - ERROR - Error in episode 4370: name 'args' is not defined +2025-03-10 15:30:02,871 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,871 - ERROR - Error in episode 4371: name 'args' is not defined +2025-03-10 15:30:02,874 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,874 - ERROR - Error in episode 4372: name 'args' is not defined +2025-03-10 15:30:02,877 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,877 - ERROR - Error in episode 4373: name 'args' is not defined +2025-03-10 15:30:02,879 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,879 - ERROR - Error in episode 4374: name 'args' is not defined +2025-03-10 15:30:02,883 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,883 - ERROR - Error in episode 4375: name 'args' is not defined +2025-03-10 15:30:02,886 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,886 - ERROR - Error in episode 4376: name 'args' is not defined +2025-03-10 15:30:02,889 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,889 - ERROR - Error in episode 4377: name 'args' is not defined +2025-03-10 15:30:02,892 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,892 - ERROR - Error in episode 4378: name 'args' is not defined +2025-03-10 15:30:02,894 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,895 - ERROR - Error in episode 4379: name 'args' is not defined +2025-03-10 15:30:02,897 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,897 - ERROR - Error in episode 4380: name 'args' is not defined +2025-03-10 15:30:02,900 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,900 - ERROR - Error in episode 4381: name 'args' is not defined +2025-03-10 15:30:02,902 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,903 - ERROR - Error in episode 4382: name 'args' is not defined +2025-03-10 15:30:02,905 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,906 - ERROR - Error in episode 4383: name 'args' is not defined +2025-03-10 15:30:02,908 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,909 - ERROR - Error in episode 4384: name 'args' is not defined +2025-03-10 15:30:02,911 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,911 - ERROR - Error in episode 4385: name 'args' is not defined +2025-03-10 15:30:02,914 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,914 - ERROR - Error in episode 4386: name 'args' is not defined +2025-03-10 15:30:02,916 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,917 - ERROR - Error in episode 4387: name 'args' is not defined +2025-03-10 15:30:02,920 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,920 - ERROR - Error in episode 4388: name 'args' is not defined +2025-03-10 15:30:02,922 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,923 - ERROR - Error in episode 4389: name 'args' is not defined +2025-03-10 15:30:02,926 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,926 - ERROR - Error in episode 4390: name 'args' is not defined +2025-03-10 15:30:02,929 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,929 - ERROR - Error in episode 4391: name 'args' is not defined +2025-03-10 15:30:02,931 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,932 - ERROR - Error in episode 4392: name 'args' is not defined +2025-03-10 15:30:02,934 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,935 - ERROR - Error in episode 4393: name 'args' is not defined +2025-03-10 15:30:02,937 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,937 - ERROR - Error in episode 4394: name 'args' is not defined +2025-03-10 15:30:02,940 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,940 - ERROR - Error in episode 4395: name 'args' is not defined +2025-03-10 15:30:02,942 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,943 - ERROR - Error in episode 4396: name 'args' is not defined +2025-03-10 15:30:02,946 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,946 - ERROR - Error in episode 4397: name 'args' is not defined +2025-03-10 15:30:02,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,949 - ERROR - Error in episode 4398: name 'args' is not defined +2025-03-10 15:30:02,951 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,952 - ERROR - Error in episode 4399: name 'args' is not defined +2025-03-10 15:30:02,954 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,954 - ERROR - Error in episode 4400: name 'args' is not defined +2025-03-10 15:30:02,957 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,957 - ERROR - Error in episode 4401: name 'args' is not defined +2025-03-10 15:30:02,960 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,960 - ERROR - Error in episode 4402: name 'args' is not defined +2025-03-10 15:30:02,962 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,962 - ERROR - Error in episode 4403: name 'args' is not defined +2025-03-10 15:30:02,965 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,965 - ERROR - Error in episode 4404: name 'args' is not defined +2025-03-10 15:30:02,968 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,968 - ERROR - Error in episode 4405: name 'args' is not defined +2025-03-10 15:30:02,971 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,971 - ERROR - Error in episode 4406: name 'args' is not defined +2025-03-10 15:30:02,973 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,974 - ERROR - Error in episode 4407: name 'args' is not defined +2025-03-10 15:30:02,976 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,976 - ERROR - Error in episode 4408: name 'args' is not defined +2025-03-10 15:30:02,979 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,979 - ERROR - Error in episode 4409: name 'args' is not defined +2025-03-10 15:30:02,982 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,982 - ERROR - Error in episode 4410: name 'args' is not defined +2025-03-10 15:30:02,985 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,985 - ERROR - Error in episode 4411: name 'args' is not defined +2025-03-10 15:30:02,988 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,988 - ERROR - Error in episode 4412: name 'args' is not defined +2025-03-10 15:30:02,991 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,991 - ERROR - Error in episode 4413: name 'args' is not defined +2025-03-10 15:30:02,994 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,994 - ERROR - Error in episode 4414: name 'args' is not defined +2025-03-10 15:30:02,996 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:02,997 - ERROR - Error in episode 4415: name 'args' is not defined +2025-03-10 15:30:03,000 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,000 - ERROR - Error in episode 4416: name 'args' is not defined +2025-03-10 15:30:03,002 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,003 - ERROR - Error in episode 4417: name 'args' is not defined +2025-03-10 15:30:03,005 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,005 - ERROR - Error in episode 4418: name 'args' is not defined +2025-03-10 15:30:03,008 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,008 - ERROR - Error in episode 4419: name 'args' is not defined +2025-03-10 15:30:03,011 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,011 - ERROR - Error in episode 4420: name 'args' is not defined +2025-03-10 15:30:03,013 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,014 - ERROR - Error in episode 4421: name 'args' is not defined +2025-03-10 15:30:03,017 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,017 - ERROR - Error in episode 4422: name 'args' is not defined +2025-03-10 15:30:03,019 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,020 - ERROR - Error in episode 4423: name 'args' is not defined +2025-03-10 15:30:03,022 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,022 - ERROR - Error in episode 4424: name 'args' is not defined +2025-03-10 15:30:03,025 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,026 - ERROR - Error in episode 4425: name 'args' is not defined +2025-03-10 15:30:03,030 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,030 - ERROR - Error in episode 4426: name 'args' is not defined +2025-03-10 15:30:03,033 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,033 - ERROR - Error in episode 4427: name 'args' is not defined +2025-03-10 15:30:03,035 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,036 - ERROR - Error in episode 4428: name 'args' is not defined +2025-03-10 15:30:03,038 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,038 - ERROR - Error in episode 4429: name 'args' is not defined +2025-03-10 15:30:03,041 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,041 - ERROR - Error in episode 4430: name 'args' is not defined +2025-03-10 15:30:03,043 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,044 - ERROR - Error in episode 4431: name 'args' is not defined +2025-03-10 15:30:03,046 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,046 - ERROR - Error in episode 4432: name 'args' is not defined +2025-03-10 15:30:03,049 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,049 - ERROR - Error in episode 4433: name 'args' is not defined +2025-03-10 15:30:03,052 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,052 - ERROR - Error in episode 4434: name 'args' is not defined +2025-03-10 15:30:03,054 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,055 - ERROR - Error in episode 4435: name 'args' is not defined +2025-03-10 15:30:03,057 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,059 - ERROR - Error in episode 4436: name 'args' is not defined +2025-03-10 15:30:03,061 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,061 - ERROR - Error in episode 4437: name 'args' is not defined +2025-03-10 15:30:03,064 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,064 - ERROR - Error in episode 4438: name 'args' is not defined +2025-03-10 15:30:03,066 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,067 - ERROR - Error in episode 4439: name 'args' is not defined +2025-03-10 15:30:03,069 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,069 - ERROR - Error in episode 4440: name 'args' is not defined +2025-03-10 15:30:03,072 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,072 - ERROR - Error in episode 4441: name 'args' is not defined +2025-03-10 15:30:03,074 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,075 - ERROR - Error in episode 4442: name 'args' is not defined +2025-03-10 15:30:03,078 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,078 - ERROR - Error in episode 4443: name 'args' is not defined +2025-03-10 15:30:03,080 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,081 - ERROR - Error in episode 4444: name 'args' is not defined +2025-03-10 15:30:03,083 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,083 - ERROR - Error in episode 4445: name 'args' is not defined +2025-03-10 15:30:03,086 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,086 - ERROR - Error in episode 4446: name 'args' is not defined +2025-03-10 15:30:03,090 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,090 - ERROR - Error in episode 4447: name 'args' is not defined +2025-03-10 15:30:03,093 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,093 - ERROR - Error in episode 4448: name 'args' is not defined +2025-03-10 15:30:03,096 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,096 - ERROR - Error in episode 4449: name 'args' is not defined +2025-03-10 15:30:03,099 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,099 - ERROR - Error in episode 4450: name 'args' is not defined +2025-03-10 15:30:03,102 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,102 - ERROR - Error in episode 4451: name 'args' is not defined +2025-03-10 15:30:03,105 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,105 - ERROR - Error in episode 4452: name 'args' is not defined +2025-03-10 15:30:03,107 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,109 - ERROR - Error in episode 4453: name 'args' is not defined +2025-03-10 15:30:03,111 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,111 - ERROR - Error in episode 4454: name 'args' is not defined +2025-03-10 15:30:03,114 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,115 - ERROR - Error in episode 4455: name 'args' is not defined +2025-03-10 15:30:03,117 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,117 - ERROR - Error in episode 4456: name 'args' is not defined +2025-03-10 15:30:03,119 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,120 - ERROR - Error in episode 4457: name 'args' is not defined +2025-03-10 15:30:03,122 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,123 - ERROR - Error in episode 4458: name 'args' is not defined +2025-03-10 15:30:03,125 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,125 - ERROR - Error in episode 4459: name 'args' is not defined +2025-03-10 15:30:03,128 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,128 - ERROR - Error in episode 4460: name 'args' is not defined +2025-03-10 15:30:03,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,131 - ERROR - Error in episode 4461: name 'args' is not defined +2025-03-10 15:30:03,134 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,134 - ERROR - Error in episode 4462: name 'args' is not defined +2025-03-10 15:30:03,137 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,137 - ERROR - Error in episode 4463: name 'args' is not defined +2025-03-10 15:30:03,140 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,140 - ERROR - Error in episode 4464: name 'args' is not defined +2025-03-10 15:30:03,143 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,143 - ERROR - Error in episode 4465: name 'args' is not defined +2025-03-10 15:30:03,146 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,146 - ERROR - Error in episode 4466: name 'args' is not defined +2025-03-10 15:30:03,148 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,148 - ERROR - Error in episode 4467: name 'args' is not defined +2025-03-10 15:30:03,151 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,151 - ERROR - Error in episode 4468: name 'args' is not defined +2025-03-10 15:30:03,154 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,154 - ERROR - Error in episode 4469: name 'args' is not defined +2025-03-10 15:30:03,157 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,157 - ERROR - Error in episode 4470: name 'args' is not defined +2025-03-10 15:30:03,160 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,161 - ERROR - Error in episode 4471: name 'args' is not defined +2025-03-10 15:30:03,163 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,164 - ERROR - Error in episode 4472: name 'args' is not defined +2025-03-10 15:30:03,166 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,167 - ERROR - Error in episode 4473: name 'args' is not defined +2025-03-10 15:30:03,169 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,170 - ERROR - Error in episode 4474: name 'args' is not defined +2025-03-10 15:30:03,172 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,172 - ERROR - Error in episode 4475: name 'args' is not defined +2025-03-10 15:30:03,176 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,176 - ERROR - Error in episode 4476: name 'args' is not defined +2025-03-10 15:30:03,178 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,179 - ERROR - Error in episode 4477: name 'args' is not defined +2025-03-10 15:30:03,182 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,182 - ERROR - Error in episode 4478: name 'args' is not defined +2025-03-10 15:30:03,185 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,186 - ERROR - Error in episode 4479: name 'args' is not defined +2025-03-10 15:30:03,189 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,189 - ERROR - Error in episode 4480: name 'args' is not defined +2025-03-10 15:30:03,192 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,192 - ERROR - Error in episode 4481: name 'args' is not defined +2025-03-10 15:30:03,195 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,195 - ERROR - Error in episode 4482: name 'args' is not defined +2025-03-10 15:30:03,197 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,198 - ERROR - Error in episode 4483: name 'args' is not defined +2025-03-10 15:30:03,201 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,201 - ERROR - Error in episode 4484: name 'args' is not defined +2025-03-10 15:30:03,203 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,204 - ERROR - Error in episode 4485: name 'args' is not defined +2025-03-10 15:30:03,206 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,207 - ERROR - Error in episode 4486: name 'args' is not defined +2025-03-10 15:30:03,209 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,210 - ERROR - Error in episode 4487: name 'args' is not defined +2025-03-10 15:30:03,212 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,212 - ERROR - Error in episode 4488: name 'args' is not defined +2025-03-10 15:30:03,215 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,215 - ERROR - Error in episode 4489: name 'args' is not defined +2025-03-10 15:30:03,218 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,218 - ERROR - Error in episode 4490: name 'args' is not defined +2025-03-10 15:30:03,221 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,221 - ERROR - Error in episode 4491: name 'args' is not defined +2025-03-10 15:30:03,224 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,224 - ERROR - Error in episode 4492: name 'args' is not defined +2025-03-10 15:30:03,227 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,227 - ERROR - Error in episode 4493: name 'args' is not defined +2025-03-10 15:30:03,230 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,231 - ERROR - Error in episode 4494: name 'args' is not defined +2025-03-10 15:30:03,234 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,234 - ERROR - Error in episode 4495: name 'args' is not defined +2025-03-10 15:30:03,237 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,237 - ERROR - Error in episode 4496: name 'args' is not defined +2025-03-10 15:30:03,239 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,240 - ERROR - Error in episode 4497: name 'args' is not defined +2025-03-10 15:30:03,243 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,243 - ERROR - Error in episode 4498: name 'args' is not defined +2025-03-10 15:30:03,246 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,246 - ERROR - Error in episode 4499: name 'args' is not defined +2025-03-10 15:30:03,248 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,249 - ERROR - Error in episode 4500: name 'args' is not defined +2025-03-10 15:30:03,251 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,252 - ERROR - Error in episode 4501: name 'args' is not defined +2025-03-10 15:30:03,254 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,255 - ERROR - Error in episode 4502: name 'args' is not defined +2025-03-10 15:30:03,257 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,258 - ERROR - Error in episode 4503: name 'args' is not defined +2025-03-10 15:30:03,260 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,260 - ERROR - Error in episode 4504: name 'args' is not defined +2025-03-10 15:30:03,262 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,263 - ERROR - Error in episode 4505: name 'args' is not defined +2025-03-10 15:30:03,265 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,265 - ERROR - Error in episode 4506: name 'args' is not defined +2025-03-10 15:30:03,268 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,269 - ERROR - Error in episode 4507: name 'args' is not defined +2025-03-10 15:30:03,272 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,273 - ERROR - Error in episode 4508: name 'args' is not defined +2025-03-10 15:30:03,276 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,276 - ERROR - Error in episode 4509: name 'args' is not defined +2025-03-10 15:30:03,279 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,279 - ERROR - Error in episode 4510: name 'args' is not defined +2025-03-10 15:30:03,282 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,282 - ERROR - Error in episode 4511: name 'args' is not defined +2025-03-10 15:30:03,285 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,285 - ERROR - Error in episode 4512: name 'args' is not defined +2025-03-10 15:30:03,288 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,288 - ERROR - Error in episode 4513: name 'args' is not defined +2025-03-10 15:30:03,291 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,291 - ERROR - Error in episode 4514: name 'args' is not defined +2025-03-10 15:30:03,294 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,294 - ERROR - Error in episode 4515: name 'args' is not defined +2025-03-10 15:30:03,297 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,297 - ERROR - Error in episode 4516: name 'args' is not defined +2025-03-10 15:30:03,299 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,300 - ERROR - Error in episode 4517: name 'args' is not defined +2025-03-10 15:30:03,303 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,304 - ERROR - Error in episode 4518: name 'args' is not defined +2025-03-10 15:30:03,306 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,306 - ERROR - Error in episode 4519: name 'args' is not defined +2025-03-10 15:30:03,309 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,309 - ERROR - Error in episode 4520: name 'args' is not defined +2025-03-10 15:30:03,312 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,312 - ERROR - Error in episode 4521: name 'args' is not defined +2025-03-10 15:30:03,315 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,315 - ERROR - Error in episode 4522: name 'args' is not defined +2025-03-10 15:30:03,318 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,318 - ERROR - Error in episode 4523: name 'args' is not defined +2025-03-10 15:30:03,320 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,321 - ERROR - Error in episode 4524: name 'args' is not defined +2025-03-10 15:30:03,323 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,323 - ERROR - Error in episode 4525: name 'args' is not defined +2025-03-10 15:30:03,326 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,326 - ERROR - Error in episode 4526: name 'args' is not defined +2025-03-10 15:30:03,330 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,330 - ERROR - Error in episode 4527: name 'args' is not defined +2025-03-10 15:30:03,333 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,333 - ERROR - Error in episode 4528: name 'args' is not defined +2025-03-10 15:30:03,335 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,336 - ERROR - Error in episode 4529: name 'args' is not defined +2025-03-10 15:30:03,338 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,339 - ERROR - Error in episode 4530: name 'args' is not defined +2025-03-10 15:30:03,341 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,341 - ERROR - Error in episode 4531: name 'args' is not defined +2025-03-10 15:30:03,344 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,345 - ERROR - Error in episode 4532: name 'args' is not defined +2025-03-10 15:30:03,347 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,347 - ERROR - Error in episode 4533: name 'args' is not defined +2025-03-10 15:30:03,350 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,350 - ERROR - Error in episode 4534: name 'args' is not defined +2025-03-10 15:30:03,352 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,353 - ERROR - Error in episode 4535: name 'args' is not defined +2025-03-10 15:30:03,355 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,355 - ERROR - Error in episode 4536: name 'args' is not defined +2025-03-10 15:30:03,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,358 - ERROR - Error in episode 4537: name 'args' is not defined +2025-03-10 15:30:03,360 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,361 - ERROR - Error in episode 4538: name 'args' is not defined +2025-03-10 15:30:03,363 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,363 - ERROR - Error in episode 4539: name 'args' is not defined +2025-03-10 15:30:03,366 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,366 - ERROR - Error in episode 4540: name 'args' is not defined +2025-03-10 15:30:03,369 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,369 - ERROR - Error in episode 4541: name 'args' is not defined +2025-03-10 15:30:03,371 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,372 - ERROR - Error in episode 4542: name 'args' is not defined +2025-03-10 15:30:03,374 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,374 - ERROR - Error in episode 4543: name 'args' is not defined +2025-03-10 15:30:03,377 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,377 - ERROR - Error in episode 4544: name 'args' is not defined +2025-03-10 15:30:03,380 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,380 - ERROR - Error in episode 4545: name 'args' is not defined +2025-03-10 15:30:03,383 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,384 - ERROR - Error in episode 4546: name 'args' is not defined +2025-03-10 15:30:03,386 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,386 - ERROR - Error in episode 4547: name 'args' is not defined +2025-03-10 15:30:03,389 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,389 - ERROR - Error in episode 4548: name 'args' is not defined +2025-03-10 15:30:03,392 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,392 - ERROR - Error in episode 4549: name 'args' is not defined +2025-03-10 15:30:03,395 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,395 - ERROR - Error in episode 4550: name 'args' is not defined +2025-03-10 15:30:03,398 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,398 - ERROR - Error in episode 4551: name 'args' is not defined +2025-03-10 15:30:03,401 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,401 - ERROR - Error in episode 4552: name 'args' is not defined +2025-03-10 15:30:03,403 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,404 - ERROR - Error in episode 4553: name 'args' is not defined +2025-03-10 15:30:03,406 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,407 - ERROR - Error in episode 4554: name 'args' is not defined +2025-03-10 15:30:03,409 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,410 - ERROR - Error in episode 4555: name 'args' is not defined +2025-03-10 15:30:03,412 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,412 - ERROR - Error in episode 4556: name 'args' is not defined +2025-03-10 15:30:03,415 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,415 - ERROR - Error in episode 4557: name 'args' is not defined +2025-03-10 15:30:03,419 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,419 - ERROR - Error in episode 4558: name 'args' is not defined +2025-03-10 15:30:03,422 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,422 - ERROR - Error in episode 4559: name 'args' is not defined +2025-03-10 15:30:03,424 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,424 - ERROR - Error in episode 4560: name 'args' is not defined +2025-03-10 15:30:03,428 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,428 - ERROR - Error in episode 4561: name 'args' is not defined +2025-03-10 15:30:03,430 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,431 - ERROR - Error in episode 4562: name 'args' is not defined +2025-03-10 15:30:03,434 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,434 - ERROR - Error in episode 4563: name 'args' is not defined +2025-03-10 15:30:03,436 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,437 - ERROR - Error in episode 4564: name 'args' is not defined +2025-03-10 15:30:03,439 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,439 - ERROR - Error in episode 4565: name 'args' is not defined +2025-03-10 15:30:03,442 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,442 - ERROR - Error in episode 4566: name 'args' is not defined +2025-03-10 15:30:03,445 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,445 - ERROR - Error in episode 4567: name 'args' is not defined +2025-03-10 15:30:03,448 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,448 - ERROR - Error in episode 4568: name 'args' is not defined +2025-03-10 15:30:03,451 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,451 - ERROR - Error in episode 4569: name 'args' is not defined +2025-03-10 15:30:03,454 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,454 - ERROR - Error in episode 4570: name 'args' is not defined +2025-03-10 15:30:03,457 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,457 - ERROR - Error in episode 4571: name 'args' is not defined +2025-03-10 15:30:03,459 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,460 - ERROR - Error in episode 4572: name 'args' is not defined +2025-03-10 15:30:03,462 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,462 - ERROR - Error in episode 4573: name 'args' is not defined +2025-03-10 15:30:03,465 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,465 - ERROR - Error in episode 4574: name 'args' is not defined +2025-03-10 15:30:03,468 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,468 - ERROR - Error in episode 4575: name 'args' is not defined +2025-03-10 15:30:03,470 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,471 - ERROR - Error in episode 4576: name 'args' is not defined +2025-03-10 15:30:03,473 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,474 - ERROR - Error in episode 4577: name 'args' is not defined +2025-03-10 15:30:03,476 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,477 - ERROR - Error in episode 4578: name 'args' is not defined +2025-03-10 15:30:03,479 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,479 - ERROR - Error in episode 4579: name 'args' is not defined +2025-03-10 15:30:03,482 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,482 - ERROR - Error in episode 4580: name 'args' is not defined +2025-03-10 15:30:03,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,486 - ERROR - Error in episode 4581: name 'args' is not defined +2025-03-10 15:30:03,488 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,488 - ERROR - Error in episode 4582: name 'args' is not defined +2025-03-10 15:30:03,491 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,491 - ERROR - Error in episode 4583: name 'args' is not defined +2025-03-10 15:30:03,493 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,494 - ERROR - Error in episode 4584: name 'args' is not defined +2025-03-10 15:30:03,496 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,496 - ERROR - Error in episode 4585: name 'args' is not defined +2025-03-10 15:30:03,499 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,499 - ERROR - Error in episode 4586: name 'args' is not defined +2025-03-10 15:30:03,502 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,502 - ERROR - Error in episode 4587: name 'args' is not defined +2025-03-10 15:30:03,505 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,505 - ERROR - Error in episode 4588: name 'args' is not defined +2025-03-10 15:30:03,508 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,508 - ERROR - Error in episode 4589: name 'args' is not defined +2025-03-10 15:30:03,510 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,511 - ERROR - Error in episode 4590: name 'args' is not defined +2025-03-10 15:30:03,513 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,513 - ERROR - Error in episode 4591: name 'args' is not defined +2025-03-10 15:30:03,515 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,516 - ERROR - Error in episode 4592: name 'args' is not defined +2025-03-10 15:30:03,518 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,518 - ERROR - Error in episode 4593: name 'args' is not defined +2025-03-10 15:30:03,520 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,521 - ERROR - Error in episode 4594: name 'args' is not defined +2025-03-10 15:30:03,523 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,523 - ERROR - Error in episode 4595: name 'args' is not defined +2025-03-10 15:30:03,525 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,526 - ERROR - Error in episode 4596: name 'args' is not defined +2025-03-10 15:30:03,528 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,529 - ERROR - Error in episode 4597: name 'args' is not defined +2025-03-10 15:30:03,531 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,531 - ERROR - Error in episode 4598: name 'args' is not defined +2025-03-10 15:30:03,534 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,534 - ERROR - Error in episode 4599: name 'args' is not defined +2025-03-10 15:30:03,536 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,536 - ERROR - Error in episode 4600: name 'args' is not defined +2025-03-10 15:30:03,539 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,539 - ERROR - Error in episode 4601: name 'args' is not defined +2025-03-10 15:30:03,542 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,543 - ERROR - Error in episode 4602: name 'args' is not defined +2025-03-10 15:30:03,546 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,547 - ERROR - Error in episode 4603: name 'args' is not defined +2025-03-10 15:30:03,550 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,550 - ERROR - Error in episode 4604: name 'args' is not defined +2025-03-10 15:30:03,553 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,553 - ERROR - Error in episode 4605: name 'args' is not defined +2025-03-10 15:30:03,555 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,556 - ERROR - Error in episode 4606: name 'args' is not defined +2025-03-10 15:30:03,558 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,559 - ERROR - Error in episode 4607: name 'args' is not defined +2025-03-10 15:30:03,561 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,561 - ERROR - Error in episode 4608: name 'args' is not defined +2025-03-10 15:30:03,563 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,564 - ERROR - Error in episode 4609: name 'args' is not defined +2025-03-10 15:30:03,566 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,567 - ERROR - Error in episode 4610: name 'args' is not defined +2025-03-10 15:30:03,569 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,569 - ERROR - Error in episode 4611: name 'args' is not defined +2025-03-10 15:30:03,572 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,572 - ERROR - Error in episode 4612: name 'args' is not defined +2025-03-10 15:30:03,575 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,576 - ERROR - Error in episode 4613: name 'args' is not defined +2025-03-10 15:30:03,578 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,578 - ERROR - Error in episode 4614: name 'args' is not defined +2025-03-10 15:30:03,581 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,581 - ERROR - Error in episode 4615: name 'args' is not defined +2025-03-10 15:30:03,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,584 - ERROR - Error in episode 4616: name 'args' is not defined +2025-03-10 15:30:03,587 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,587 - ERROR - Error in episode 4617: name 'args' is not defined +2025-03-10 15:30:03,589 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,590 - ERROR - Error in episode 4618: name 'args' is not defined +2025-03-10 15:30:03,592 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,593 - ERROR - Error in episode 4619: name 'args' is not defined +2025-03-10 15:30:03,595 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,595 - ERROR - Error in episode 4620: name 'args' is not defined +2025-03-10 15:30:03,598 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,598 - ERROR - Error in episode 4621: name 'args' is not defined +2025-03-10 15:30:03,601 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,601 - ERROR - Error in episode 4622: name 'args' is not defined +2025-03-10 15:30:03,603 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,604 - ERROR - Error in episode 4623: name 'args' is not defined +2025-03-10 15:30:03,606 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,606 - ERROR - Error in episode 4624: name 'args' is not defined +2025-03-10 15:30:03,609 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,609 - ERROR - Error in episode 4625: name 'args' is not defined +2025-03-10 15:30:03,613 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,613 - ERROR - Error in episode 4626: name 'args' is not defined +2025-03-10 15:30:03,615 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,615 - ERROR - Error in episode 4627: name 'args' is not defined +2025-03-10 15:30:03,618 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,618 - ERROR - Error in episode 4628: name 'args' is not defined +2025-03-10 15:30:03,621 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,621 - ERROR - Error in episode 4629: name 'args' is not defined +2025-03-10 15:30:03,624 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,624 - ERROR - Error in episode 4630: name 'args' is not defined +2025-03-10 15:30:03,627 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,627 - ERROR - Error in episode 4631: name 'args' is not defined +2025-03-10 15:30:03,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,631 - ERROR - Error in episode 4632: name 'args' is not defined +2025-03-10 15:30:03,633 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,634 - ERROR - Error in episode 4633: name 'args' is not defined +2025-03-10 15:30:03,638 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,638 - ERROR - Error in episode 4634: name 'args' is not defined +2025-03-10 15:30:03,641 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,641 - ERROR - Error in episode 4635: name 'args' is not defined +2025-03-10 15:30:03,644 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,644 - ERROR - Error in episode 4636: name 'args' is not defined +2025-03-10 15:30:03,646 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,646 - ERROR - Error in episode 4637: name 'args' is not defined +2025-03-10 15:30:03,649 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,650 - ERROR - Error in episode 4638: name 'args' is not defined +2025-03-10 15:30:03,652 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,652 - ERROR - Error in episode 4639: name 'args' is not defined +2025-03-10 15:30:03,656 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,656 - ERROR - Error in episode 4640: name 'args' is not defined +2025-03-10 15:30:03,659 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,659 - ERROR - Error in episode 4641: name 'args' is not defined +2025-03-10 15:30:03,661 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,662 - ERROR - Error in episode 4642: name 'args' is not defined +2025-03-10 15:30:03,664 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,664 - ERROR - Error in episode 4643: name 'args' is not defined +2025-03-10 15:30:03,667 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,668 - ERROR - Error in episode 4644: name 'args' is not defined +2025-03-10 15:30:03,670 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,671 - ERROR - Error in episode 4645: name 'args' is not defined +2025-03-10 15:30:03,674 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,675 - ERROR - Error in episode 4646: name 'args' is not defined +2025-03-10 15:30:03,678 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,679 - ERROR - Error in episode 4647: name 'args' is not defined +2025-03-10 15:30:03,681 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,681 - ERROR - Error in episode 4648: name 'args' is not defined +2025-03-10 15:30:03,684 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,684 - ERROR - Error in episode 4649: name 'args' is not defined +2025-03-10 15:30:03,687 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,687 - ERROR - Error in episode 4650: name 'args' is not defined +2025-03-10 15:30:03,690 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,690 - ERROR - Error in episode 4651: name 'args' is not defined +2025-03-10 15:30:03,693 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,693 - ERROR - Error in episode 4652: name 'args' is not defined +2025-03-10 15:30:03,695 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,696 - ERROR - Error in episode 4653: name 'args' is not defined +2025-03-10 15:30:03,698 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,699 - ERROR - Error in episode 4654: name 'args' is not defined +2025-03-10 15:30:03,701 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,702 - ERROR - Error in episode 4655: name 'args' is not defined +2025-03-10 15:30:03,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,705 - ERROR - Error in episode 4656: name 'args' is not defined +2025-03-10 15:30:03,708 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,708 - ERROR - Error in episode 4657: name 'args' is not defined +2025-03-10 15:30:03,711 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,711 - ERROR - Error in episode 4658: name 'args' is not defined +2025-03-10 15:30:03,713 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,713 - ERROR - Error in episode 4659: name 'args' is not defined +2025-03-10 15:30:03,716 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,716 - ERROR - Error in episode 4660: name 'args' is not defined +2025-03-10 15:30:03,719 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,720 - ERROR - Error in episode 4661: name 'args' is not defined +2025-03-10 15:30:03,722 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,722 - ERROR - Error in episode 4662: name 'args' is not defined +2025-03-10 15:30:03,725 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,725 - ERROR - Error in episode 4663: name 'args' is not defined +2025-03-10 15:30:03,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,728 - ERROR - Error in episode 4664: name 'args' is not defined +2025-03-10 15:30:03,730 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,731 - ERROR - Error in episode 4665: name 'args' is not defined +2025-03-10 15:30:03,733 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,734 - ERROR - Error in episode 4666: name 'args' is not defined +2025-03-10 15:30:03,737 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,737 - ERROR - Error in episode 4667: name 'args' is not defined +2025-03-10 15:30:03,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,739 - ERROR - Error in episode 4668: name 'args' is not defined +2025-03-10 15:30:03,743 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,743 - ERROR - Error in episode 4669: name 'args' is not defined +2025-03-10 15:30:03,746 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,746 - ERROR - Error in episode 4670: name 'args' is not defined +2025-03-10 15:30:03,748 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,749 - ERROR - Error in episode 4671: name 'args' is not defined +2025-03-10 15:30:03,752 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,752 - ERROR - Error in episode 4672: name 'args' is not defined +2025-03-10 15:30:03,754 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,755 - ERROR - Error in episode 4673: name 'args' is not defined +2025-03-10 15:30:03,757 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,757 - ERROR - Error in episode 4674: name 'args' is not defined +2025-03-10 15:30:03,760 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,761 - ERROR - Error in episode 4675: name 'args' is not defined +2025-03-10 15:30:03,763 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,764 - ERROR - Error in episode 4676: name 'args' is not defined +2025-03-10 15:30:03,766 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,767 - ERROR - Error in episode 4677: name 'args' is not defined +2025-03-10 15:30:03,769 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,770 - ERROR - Error in episode 4678: name 'args' is not defined +2025-03-10 15:30:03,772 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,773 - ERROR - Error in episode 4679: name 'args' is not defined +2025-03-10 15:30:03,775 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,776 - ERROR - Error in episode 4680: name 'args' is not defined +2025-03-10 15:30:03,778 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,778 - ERROR - Error in episode 4681: name 'args' is not defined +2025-03-10 15:30:03,781 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,782 - ERROR - Error in episode 4682: name 'args' is not defined +2025-03-10 15:30:03,784 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,785 - ERROR - Error in episode 4683: name 'args' is not defined +2025-03-10 15:30:03,787 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,788 - ERROR - Error in episode 4684: name 'args' is not defined +2025-03-10 15:30:03,790 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,791 - ERROR - Error in episode 4685: name 'args' is not defined +2025-03-10 15:30:03,794 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,794 - ERROR - Error in episode 4686: name 'args' is not defined +2025-03-10 15:30:03,796 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,797 - ERROR - Error in episode 4687: name 'args' is not defined +2025-03-10 15:30:03,799 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,799 - ERROR - Error in episode 4688: name 'args' is not defined +2025-03-10 15:30:03,801 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,802 - ERROR - Error in episode 4689: name 'args' is not defined +2025-03-10 15:30:03,805 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,805 - ERROR - Error in episode 4690: name 'args' is not defined +2025-03-10 15:30:03,808 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,808 - ERROR - Error in episode 4691: name 'args' is not defined +2025-03-10 15:30:03,812 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,812 - ERROR - Error in episode 4692: name 'args' is not defined +2025-03-10 15:30:03,814 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,815 - ERROR - Error in episode 4693: name 'args' is not defined +2025-03-10 15:30:03,817 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,817 - ERROR - Error in episode 4694: name 'args' is not defined +2025-03-10 15:30:03,820 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,820 - ERROR - Error in episode 4695: name 'args' is not defined +2025-03-10 15:30:03,822 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,823 - ERROR - Error in episode 4696: name 'args' is not defined +2025-03-10 15:30:03,825 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,826 - ERROR - Error in episode 4697: name 'args' is not defined +2025-03-10 15:30:03,828 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,829 - ERROR - Error in episode 4698: name 'args' is not defined +2025-03-10 15:30:03,831 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,831 - ERROR - Error in episode 4699: name 'args' is not defined +2025-03-10 15:30:03,834 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,834 - ERROR - Error in episode 4700: name 'args' is not defined +2025-03-10 15:30:03,837 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,838 - ERROR - Error in episode 4701: name 'args' is not defined +2025-03-10 15:30:03,840 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,840 - ERROR - Error in episode 4702: name 'args' is not defined +2025-03-10 15:30:03,843 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,843 - ERROR - Error in episode 4703: name 'args' is not defined +2025-03-10 15:30:03,845 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,846 - ERROR - Error in episode 4704: name 'args' is not defined +2025-03-10 15:30:03,848 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,848 - ERROR - Error in episode 4705: name 'args' is not defined +2025-03-10 15:30:03,851 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,851 - ERROR - Error in episode 4706: name 'args' is not defined +2025-03-10 15:30:03,853 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,854 - ERROR - Error in episode 4707: name 'args' is not defined +2025-03-10 15:30:03,856 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,856 - ERROR - Error in episode 4708: name 'args' is not defined +2025-03-10 15:30:03,860 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,860 - ERROR - Error in episode 4709: name 'args' is not defined +2025-03-10 15:30:03,863 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,863 - ERROR - Error in episode 4710: name 'args' is not defined +2025-03-10 15:30:03,865 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,866 - ERROR - Error in episode 4711: name 'args' is not defined +2025-03-10 15:30:03,868 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,868 - ERROR - Error in episode 4712: name 'args' is not defined +2025-03-10 15:30:03,870 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,871 - ERROR - Error in episode 4713: name 'args' is not defined +2025-03-10 15:30:03,873 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,873 - ERROR - Error in episode 4714: name 'args' is not defined +2025-03-10 15:30:03,876 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,877 - ERROR - Error in episode 4715: name 'args' is not defined +2025-03-10 15:30:03,879 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,879 - ERROR - Error in episode 4716: name 'args' is not defined +2025-03-10 15:30:03,881 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,882 - ERROR - Error in episode 4717: name 'args' is not defined +2025-03-10 15:30:03,884 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,885 - ERROR - Error in episode 4718: name 'args' is not defined +2025-03-10 15:30:03,887 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,887 - ERROR - Error in episode 4719: name 'args' is not defined +2025-03-10 15:30:03,890 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,890 - ERROR - Error in episode 4720: name 'args' is not defined +2025-03-10 15:30:03,893 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,893 - ERROR - Error in episode 4721: name 'args' is not defined +2025-03-10 15:30:03,895 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,896 - ERROR - Error in episode 4722: name 'args' is not defined +2025-03-10 15:30:03,898 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,899 - ERROR - Error in episode 4723: name 'args' is not defined +2025-03-10 15:30:03,901 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,902 - ERROR - Error in episode 4724: name 'args' is not defined +2025-03-10 15:30:03,904 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,905 - ERROR - Error in episode 4725: name 'args' is not defined +2025-03-10 15:30:03,907 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,909 - ERROR - Error in episode 4726: name 'args' is not defined +2025-03-10 15:30:03,911 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,911 - ERROR - Error in episode 4727: name 'args' is not defined +2025-03-10 15:30:03,914 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,914 - ERROR - Error in episode 4728: name 'args' is not defined +2025-03-10 15:30:03,917 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,917 - ERROR - Error in episode 4729: name 'args' is not defined +2025-03-10 15:30:03,920 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,920 - ERROR - Error in episode 4730: name 'args' is not defined +2025-03-10 15:30:03,922 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,923 - ERROR - Error in episode 4731: name 'args' is not defined +2025-03-10 15:30:03,925 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,926 - ERROR - Error in episode 4732: name 'args' is not defined +2025-03-10 15:30:03,929 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,929 - ERROR - Error in episode 4733: name 'args' is not defined +2025-03-10 15:30:03,931 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,932 - ERROR - Error in episode 4734: name 'args' is not defined +2025-03-10 15:30:03,934 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,934 - ERROR - Error in episode 4735: name 'args' is not defined +2025-03-10 15:30:03,937 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,937 - ERROR - Error in episode 4736: name 'args' is not defined +2025-03-10 15:30:03,939 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,940 - ERROR - Error in episode 4737: name 'args' is not defined +2025-03-10 15:30:03,943 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,943 - ERROR - Error in episode 4738: name 'args' is not defined +2025-03-10 15:30:03,945 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,946 - ERROR - Error in episode 4739: name 'args' is not defined +2025-03-10 15:30:03,949 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,949 - ERROR - Error in episode 4740: name 'args' is not defined +2025-03-10 15:30:03,952 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,953 - ERROR - Error in episode 4741: name 'args' is not defined +2025-03-10 15:30:03,955 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,955 - ERROR - Error in episode 4742: name 'args' is not defined +2025-03-10 15:30:03,958 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,959 - ERROR - Error in episode 4743: name 'args' is not defined +2025-03-10 15:30:03,961 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,961 - ERROR - Error in episode 4744: name 'args' is not defined +2025-03-10 15:30:03,964 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,964 - ERROR - Error in episode 4745: name 'args' is not defined +2025-03-10 15:30:03,967 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,967 - ERROR - Error in episode 4746: name 'args' is not defined +2025-03-10 15:30:03,969 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,970 - ERROR - Error in episode 4747: name 'args' is not defined +2025-03-10 15:30:03,972 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,972 - ERROR - Error in episode 4748: name 'args' is not defined +2025-03-10 15:30:03,975 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,975 - ERROR - Error in episode 4749: name 'args' is not defined +2025-03-10 15:30:03,977 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,978 - ERROR - Error in episode 4750: name 'args' is not defined +2025-03-10 15:30:03,980 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,980 - ERROR - Error in episode 4751: name 'args' is not defined +2025-03-10 15:30:03,984 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,984 - ERROR - Error in episode 4752: name 'args' is not defined +2025-03-10 15:30:03,986 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,986 - ERROR - Error in episode 4753: name 'args' is not defined +2025-03-10 15:30:03,988 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,989 - ERROR - Error in episode 4754: name 'args' is not defined +2025-03-10 15:30:03,991 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,992 - ERROR - Error in episode 4755: name 'args' is not defined +2025-03-10 15:30:03,994 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,994 - ERROR - Error in episode 4756: name 'args' is not defined +2025-03-10 15:30:03,997 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:03,997 - ERROR - Error in episode 4757: name 'args' is not defined +2025-03-10 15:30:04,000 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,000 - ERROR - Error in episode 4758: name 'args' is not defined +2025-03-10 15:30:04,003 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,004 - ERROR - Error in episode 4759: name 'args' is not defined +2025-03-10 15:30:04,006 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,006 - ERROR - Error in episode 4760: name 'args' is not defined +2025-03-10 15:30:04,009 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,010 - ERROR - Error in episode 4761: name 'args' is not defined +2025-03-10 15:30:04,012 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,012 - ERROR - Error in episode 4762: name 'args' is not defined +2025-03-10 15:30:04,015 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,015 - ERROR - Error in episode 4763: name 'args' is not defined +2025-03-10 15:30:04,018 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,018 - ERROR - Error in episode 4764: name 'args' is not defined +2025-03-10 15:30:04,021 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,021 - ERROR - Error in episode 4765: name 'args' is not defined +2025-03-10 15:30:04,023 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,024 - ERROR - Error in episode 4766: name 'args' is not defined +2025-03-10 15:30:04,026 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,026 - ERROR - Error in episode 4767: name 'args' is not defined +2025-03-10 15:30:04,029 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,029 - ERROR - Error in episode 4768: name 'args' is not defined +2025-03-10 15:30:04,032 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,032 - ERROR - Error in episode 4769: name 'args' is not defined +2025-03-10 15:30:04,035 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,036 - ERROR - Error in episode 4770: name 'args' is not defined +2025-03-10 15:30:04,038 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,038 - ERROR - Error in episode 4771: name 'args' is not defined +2025-03-10 15:30:04,041 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,041 - ERROR - Error in episode 4772: name 'args' is not defined +2025-03-10 15:30:04,044 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,044 - ERROR - Error in episode 4773: name 'args' is not defined +2025-03-10 15:30:04,047 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,047 - ERROR - Error in episode 4774: name 'args' is not defined +2025-03-10 15:30:04,050 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,050 - ERROR - Error in episode 4775: name 'args' is not defined +2025-03-10 15:30:04,053 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,053 - ERROR - Error in episode 4776: name 'args' is not defined +2025-03-10 15:30:04,055 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,056 - ERROR - Error in episode 4777: name 'args' is not defined +2025-03-10 15:30:04,059 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,060 - ERROR - Error in episode 4778: name 'args' is not defined +2025-03-10 15:30:04,062 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,063 - ERROR - Error in episode 4779: name 'args' is not defined +2025-03-10 15:30:04,065 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,065 - ERROR - Error in episode 4780: name 'args' is not defined +2025-03-10 15:30:04,068 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,068 - ERROR - Error in episode 4781: name 'args' is not defined +2025-03-10 15:30:04,071 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,071 - ERROR - Error in episode 4782: name 'args' is not defined +2025-03-10 15:30:04,074 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,074 - ERROR - Error in episode 4783: name 'args' is not defined +2025-03-10 15:30:04,076 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,077 - ERROR - Error in episode 4784: name 'args' is not defined +2025-03-10 15:30:04,079 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,080 - ERROR - Error in episode 4785: name 'args' is not defined +2025-03-10 15:30:04,082 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,082 - ERROR - Error in episode 4786: name 'args' is not defined +2025-03-10 15:30:04,085 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,086 - ERROR - Error in episode 4787: name 'args' is not defined +2025-03-10 15:30:04,088 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,089 - ERROR - Error in episode 4788: name 'args' is not defined +2025-03-10 15:30:04,091 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,091 - ERROR - Error in episode 4789: name 'args' is not defined +2025-03-10 15:30:04,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,094 - ERROR - Error in episode 4790: name 'args' is not defined +2025-03-10 15:30:04,096 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,097 - ERROR - Error in episode 4791: name 'args' is not defined +2025-03-10 15:30:04,100 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,100 - ERROR - Error in episode 4792: name 'args' is not defined +2025-03-10 15:30:04,102 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,103 - ERROR - Error in episode 4793: name 'args' is not defined +2025-03-10 15:30:04,105 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,105 - ERROR - Error in episode 4794: name 'args' is not defined +2025-03-10 15:30:04,109 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,109 - ERROR - Error in episode 4795: name 'args' is not defined +2025-03-10 15:30:04,111 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,112 - ERROR - Error in episode 4796: name 'args' is not defined +2025-03-10 15:30:04,114 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,114 - ERROR - Error in episode 4797: name 'args' is not defined +2025-03-10 15:30:04,117 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,117 - ERROR - Error in episode 4798: name 'args' is not defined +2025-03-10 15:30:04,119 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,120 - ERROR - Error in episode 4799: name 'args' is not defined +2025-03-10 15:30:04,122 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,122 - ERROR - Error in episode 4800: name 'args' is not defined +2025-03-10 15:30:04,125 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,126 - ERROR - Error in episode 4801: name 'args' is not defined +2025-03-10 15:30:04,127 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,129 - ERROR - Error in episode 4802: name 'args' is not defined +2025-03-10 15:30:04,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,131 - ERROR - Error in episode 4803: name 'args' is not defined +2025-03-10 15:30:04,134 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,134 - ERROR - Error in episode 4804: name 'args' is not defined +2025-03-10 15:30:04,137 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,137 - ERROR - Error in episode 4805: name 'args' is not defined +2025-03-10 15:30:04,139 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,140 - ERROR - Error in episode 4806: name 'args' is not defined +2025-03-10 15:30:04,143 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,143 - ERROR - Error in episode 4807: name 'args' is not defined +2025-03-10 15:30:04,146 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,146 - ERROR - Error in episode 4808: name 'args' is not defined +2025-03-10 15:30:04,149 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,149 - ERROR - Error in episode 4809: name 'args' is not defined +2025-03-10 15:30:04,152 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,152 - ERROR - Error in episode 4810: name 'args' is not defined +2025-03-10 15:30:04,155 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,155 - ERROR - Error in episode 4811: name 'args' is not defined +2025-03-10 15:30:04,158 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,159 - ERROR - Error in episode 4812: name 'args' is not defined +2025-03-10 15:30:04,161 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,161 - ERROR - Error in episode 4813: name 'args' is not defined +2025-03-10 15:30:04,164 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,164 - ERROR - Error in episode 4814: name 'args' is not defined +2025-03-10 15:30:04,167 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,168 - ERROR - Error in episode 4815: name 'args' is not defined +2025-03-10 15:30:04,170 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,170 - ERROR - Error in episode 4816: name 'args' is not defined +2025-03-10 15:30:04,172 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,173 - ERROR - Error in episode 4817: name 'args' is not defined +2025-03-10 15:30:04,175 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,175 - ERROR - Error in episode 4818: name 'args' is not defined +2025-03-10 15:30:04,178 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,178 - ERROR - Error in episode 4819: name 'args' is not defined +2025-03-10 15:30:04,180 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,181 - ERROR - Error in episode 4820: name 'args' is not defined +2025-03-10 15:30:04,183 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,184 - ERROR - Error in episode 4821: name 'args' is not defined +2025-03-10 15:30:04,186 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,186 - ERROR - Error in episode 4822: name 'args' is not defined +2025-03-10 15:30:04,190 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,190 - ERROR - Error in episode 4823: name 'args' is not defined +2025-03-10 15:30:04,194 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,195 - ERROR - Error in episode 4824: name 'args' is not defined +2025-03-10 15:30:04,198 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,198 - ERROR - Error in episode 4825: name 'args' is not defined +2025-03-10 15:30:04,202 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,203 - ERROR - Error in episode 4826: name 'args' is not defined +2025-03-10 15:30:04,205 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,206 - ERROR - Error in episode 4827: name 'args' is not defined +2025-03-10 15:30:04,209 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,209 - ERROR - Error in episode 4828: name 'args' is not defined +2025-03-10 15:30:04,211 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,212 - ERROR - Error in episode 4829: name 'args' is not defined +2025-03-10 15:30:04,214 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,215 - ERROR - Error in episode 4830: name 'args' is not defined +2025-03-10 15:30:04,217 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,217 - ERROR - Error in episode 4831: name 'args' is not defined +2025-03-10 15:30:04,221 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,221 - ERROR - Error in episode 4832: name 'args' is not defined +2025-03-10 15:30:04,223 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,224 - ERROR - Error in episode 4833: name 'args' is not defined +2025-03-10 15:30:04,226 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,226 - ERROR - Error in episode 4834: name 'args' is not defined +2025-03-10 15:30:04,229 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,230 - ERROR - Error in episode 4835: name 'args' is not defined +2025-03-10 15:30:04,232 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,233 - ERROR - Error in episode 4836: name 'args' is not defined +2025-03-10 15:30:04,235 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,235 - ERROR - Error in episode 4837: name 'args' is not defined +2025-03-10 15:30:04,238 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,238 - ERROR - Error in episode 4838: name 'args' is not defined +2025-03-10 15:30:04,241 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,242 - ERROR - Error in episode 4839: name 'args' is not defined +2025-03-10 15:30:04,244 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,244 - ERROR - Error in episode 4840: name 'args' is not defined +2025-03-10 15:30:04,247 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,247 - ERROR - Error in episode 4841: name 'args' is not defined +2025-03-10 15:30:04,250 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,251 - ERROR - Error in episode 4842: name 'args' is not defined +2025-03-10 15:30:04,253 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,253 - ERROR - Error in episode 4843: name 'args' is not defined +2025-03-10 15:30:04,256 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,256 - ERROR - Error in episode 4844: name 'args' is not defined +2025-03-10 15:30:04,259 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,260 - ERROR - Error in episode 4845: name 'args' is not defined +2025-03-10 15:30:04,262 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,262 - ERROR - Error in episode 4846: name 'args' is not defined +2025-03-10 15:30:04,266 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,266 - ERROR - Error in episode 4847: name 'args' is not defined +2025-03-10 15:30:04,268 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,268 - ERROR - Error in episode 4848: name 'args' is not defined +2025-03-10 15:30:04,270 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,271 - ERROR - Error in episode 4849: name 'args' is not defined +2025-03-10 15:30:04,273 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,275 - ERROR - Error in episode 4850: name 'args' is not defined +2025-03-10 15:30:04,276 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,276 - ERROR - Error in episode 4851: name 'args' is not defined +2025-03-10 15:30:04,279 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,279 - ERROR - Error in episode 4852: name 'args' is not defined +2025-03-10 15:30:04,283 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,284 - ERROR - Error in episode 4853: name 'args' is not defined +2025-03-10 15:30:04,286 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,287 - ERROR - Error in episode 4854: name 'args' is not defined +2025-03-10 15:30:04,289 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,290 - ERROR - Error in episode 4855: name 'args' is not defined +2025-03-10 15:30:04,292 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,292 - ERROR - Error in episode 4856: name 'args' is not defined +2025-03-10 15:30:04,294 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,295 - ERROR - Error in episode 4857: name 'args' is not defined +2025-03-10 15:30:04,297 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,297 - ERROR - Error in episode 4858: name 'args' is not defined +2025-03-10 15:30:04,300 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,300 - ERROR - Error in episode 4859: name 'args' is not defined +2025-03-10 15:30:04,303 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,303 - ERROR - Error in episode 4860: name 'args' is not defined +2025-03-10 15:30:04,305 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,306 - ERROR - Error in episode 4861: name 'args' is not defined +2025-03-10 15:30:04,309 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,309 - ERROR - Error in episode 4862: name 'args' is not defined +2025-03-10 15:30:04,312 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,313 - ERROR - Error in episode 4863: name 'args' is not defined +2025-03-10 15:30:04,315 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,316 - ERROR - Error in episode 4864: name 'args' is not defined +2025-03-10 15:30:04,318 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,318 - ERROR - Error in episode 4865: name 'args' is not defined +2025-03-10 15:30:04,321 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,321 - ERROR - Error in episode 4866: name 'args' is not defined +2025-03-10 15:30:04,324 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,324 - ERROR - Error in episode 4867: name 'args' is not defined +2025-03-10 15:30:04,327 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,328 - ERROR - Error in episode 4868: name 'args' is not defined +2025-03-10 15:30:04,330 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,330 - ERROR - Error in episode 4869: name 'args' is not defined +2025-03-10 15:30:04,333 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,334 - ERROR - Error in episode 4870: name 'args' is not defined +2025-03-10 15:30:04,336 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,336 - ERROR - Error in episode 4871: name 'args' is not defined +2025-03-10 15:30:04,339 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,339 - ERROR - Error in episode 4872: name 'args' is not defined +2025-03-10 15:30:04,342 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,342 - ERROR - Error in episode 4873: name 'args' is not defined +2025-03-10 15:30:04,345 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,345 - ERROR - Error in episode 4874: name 'args' is not defined +2025-03-10 15:30:04,348 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,348 - ERROR - Error in episode 4875: name 'args' is not defined +2025-03-10 15:30:04,351 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,351 - ERROR - Error in episode 4876: name 'args' is not defined +2025-03-10 15:30:04,353 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,354 - ERROR - Error in episode 4877: name 'args' is not defined +2025-03-10 15:30:04,356 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,356 - ERROR - Error in episode 4878: name 'args' is not defined +2025-03-10 15:30:04,359 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,360 - ERROR - Error in episode 4879: name 'args' is not defined +2025-03-10 15:30:04,362 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,363 - ERROR - Error in episode 4880: name 'args' is not defined +2025-03-10 15:30:04,365 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,366 - ERROR - Error in episode 4881: name 'args' is not defined +2025-03-10 15:30:04,369 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,369 - ERROR - Error in episode 4882: name 'args' is not defined +2025-03-10 15:30:04,371 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,372 - ERROR - Error in episode 4883: name 'args' is not defined +2025-03-10 15:30:04,374 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,374 - ERROR - Error in episode 4884: name 'args' is not defined +2025-03-10 15:30:04,377 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,377 - ERROR - Error in episode 4885: name 'args' is not defined +2025-03-10 15:30:04,380 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,380 - ERROR - Error in episode 4886: name 'args' is not defined +2025-03-10 15:30:04,382 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,382 - ERROR - Error in episode 4887: name 'args' is not defined +2025-03-10 15:30:04,385 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,385 - ERROR - Error in episode 4888: name 'args' is not defined +2025-03-10 15:30:04,388 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,388 - ERROR - Error in episode 4889: name 'args' is not defined +2025-03-10 15:30:04,391 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,392 - ERROR - Error in episode 4890: name 'args' is not defined +2025-03-10 15:30:04,394 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,394 - ERROR - Error in episode 4891: name 'args' is not defined +2025-03-10 15:30:04,397 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,397 - ERROR - Error in episode 4892: name 'args' is not defined +2025-03-10 15:30:04,400 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,400 - ERROR - Error in episode 4893: name 'args' is not defined +2025-03-10 15:30:04,402 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,403 - ERROR - Error in episode 4894: name 'args' is not defined +2025-03-10 15:30:04,405 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,405 - ERROR - Error in episode 4895: name 'args' is not defined +2025-03-10 15:30:04,408 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,408 - ERROR - Error in episode 4896: name 'args' is not defined +2025-03-10 15:30:04,410 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,411 - ERROR - Error in episode 4897: name 'args' is not defined +2025-03-10 15:30:04,414 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,414 - ERROR - Error in episode 4898: name 'args' is not defined +2025-03-10 15:30:04,417 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,418 - ERROR - Error in episode 4899: name 'args' is not defined +2025-03-10 15:30:04,420 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,420 - ERROR - Error in episode 4900: name 'args' is not defined +2025-03-10 15:30:04,424 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,424 - ERROR - Error in episode 4901: name 'args' is not defined +2025-03-10 15:30:04,426 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,427 - ERROR - Error in episode 4902: name 'args' is not defined +2025-03-10 15:30:04,429 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,429 - ERROR - Error in episode 4903: name 'args' is not defined +2025-03-10 15:30:04,432 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,432 - ERROR - Error in episode 4904: name 'args' is not defined +2025-03-10 15:30:04,435 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,436 - ERROR - Error in episode 4905: name 'args' is not defined +2025-03-10 15:30:04,439 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,439 - ERROR - Error in episode 4906: name 'args' is not defined +2025-03-10 15:30:04,441 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,442 - ERROR - Error in episode 4907: name 'args' is not defined +2025-03-10 15:30:04,444 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,445 - ERROR - Error in episode 4908: name 'args' is not defined +2025-03-10 15:30:04,447 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,448 - ERROR - Error in episode 4909: name 'args' is not defined +2025-03-10 15:30:04,450 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,451 - ERROR - Error in episode 4910: name 'args' is not defined +2025-03-10 15:30:04,454 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,455 - ERROR - Error in episode 4911: name 'args' is not defined +2025-03-10 15:30:04,457 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,458 - ERROR - Error in episode 4912: name 'args' is not defined +2025-03-10 15:30:04,460 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,461 - ERROR - Error in episode 4913: name 'args' is not defined +2025-03-10 15:30:04,463 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,463 - ERROR - Error in episode 4914: name 'args' is not defined +2025-03-10 15:30:04,466 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,466 - ERROR - Error in episode 4915: name 'args' is not defined +2025-03-10 15:30:04,469 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,469 - ERROR - Error in episode 4916: name 'args' is not defined +2025-03-10 15:30:04,472 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,472 - ERROR - Error in episode 4917: name 'args' is not defined +2025-03-10 15:30:04,475 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,475 - ERROR - Error in episode 4918: name 'args' is not defined +2025-03-10 15:30:04,478 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,478 - ERROR - Error in episode 4919: name 'args' is not defined +2025-03-10 15:30:04,481 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,481 - ERROR - Error in episode 4920: name 'args' is not defined +2025-03-10 15:30:04,484 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,484 - ERROR - Error in episode 4921: name 'args' is not defined +2025-03-10 15:30:04,486 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,487 - ERROR - Error in episode 4922: name 'args' is not defined +2025-03-10 15:30:04,490 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,490 - ERROR - Error in episode 4923: name 'args' is not defined +2025-03-10 15:30:04,493 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,494 - ERROR - Error in episode 4924: name 'args' is not defined +2025-03-10 15:30:04,496 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,496 - ERROR - Error in episode 4925: name 'args' is not defined +2025-03-10 15:30:04,499 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,499 - ERROR - Error in episode 4926: name 'args' is not defined +2025-03-10 15:30:04,502 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,502 - ERROR - Error in episode 4927: name 'args' is not defined +2025-03-10 15:30:04,506 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,506 - ERROR - Error in episode 4928: name 'args' is not defined +2025-03-10 15:30:04,508 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,509 - ERROR - Error in episode 4929: name 'args' is not defined +2025-03-10 15:30:04,511 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,511 - ERROR - Error in episode 4930: name 'args' is not defined +2025-03-10 15:30:04,514 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,514 - ERROR - Error in episode 4931: name 'args' is not defined +2025-03-10 15:30:04,517 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,517 - ERROR - Error in episode 4932: name 'args' is not defined +2025-03-10 15:30:04,520 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,520 - ERROR - Error in episode 4933: name 'args' is not defined +2025-03-10 15:30:04,522 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,523 - ERROR - Error in episode 4934: name 'args' is not defined +2025-03-10 15:30:04,525 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,525 - ERROR - Error in episode 4935: name 'args' is not defined +2025-03-10 15:30:04,527 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,529 - ERROR - Error in episode 4936: name 'args' is not defined +2025-03-10 15:30:04,531 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,531 - ERROR - Error in episode 4937: name 'args' is not defined +2025-03-10 15:30:04,534 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,534 - ERROR - Error in episode 4938: name 'args' is not defined +2025-03-10 15:30:04,536 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,536 - ERROR - Error in episode 4939: name 'args' is not defined +2025-03-10 15:30:04,539 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,539 - ERROR - Error in episode 4940: name 'args' is not defined +2025-03-10 15:30:04,542 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,543 - ERROR - Error in episode 4941: name 'args' is not defined +2025-03-10 15:30:04,545 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,545 - ERROR - Error in episode 4942: name 'args' is not defined +2025-03-10 15:30:04,548 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,548 - ERROR - Error in episode 4943: name 'args' is not defined +2025-03-10 15:30:04,550 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,551 - ERROR - Error in episode 4944: name 'args' is not defined +2025-03-10 15:30:04,554 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,554 - ERROR - Error in episode 4945: name 'args' is not defined +2025-03-10 15:30:04,556 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,557 - ERROR - Error in episode 4946: name 'args' is not defined +2025-03-10 15:30:04,560 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,560 - ERROR - Error in episode 4947: name 'args' is not defined +2025-03-10 15:30:04,562 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,563 - ERROR - Error in episode 4948: name 'args' is not defined +2025-03-10 15:30:04,565 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,565 - ERROR - Error in episode 4949: name 'args' is not defined +2025-03-10 15:30:04,568 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,568 - ERROR - Error in episode 4950: name 'args' is not defined +2025-03-10 15:30:04,571 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,571 - ERROR - Error in episode 4951: name 'args' is not defined +2025-03-10 15:30:04,574 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,575 - ERROR - Error in episode 4952: name 'args' is not defined +2025-03-10 15:30:04,577 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,578 - ERROR - Error in episode 4953: name 'args' is not defined +2025-03-10 15:30:04,581 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,581 - ERROR - Error in episode 4954: name 'args' is not defined +2025-03-10 15:30:04,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,584 - ERROR - Error in episode 4955: name 'args' is not defined +2025-03-10 15:30:04,587 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,587 - ERROR - Error in episode 4956: name 'args' is not defined +2025-03-10 15:30:04,589 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,590 - ERROR - Error in episode 4957: name 'args' is not defined +2025-03-10 15:30:04,592 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,593 - ERROR - Error in episode 4958: name 'args' is not defined +2025-03-10 15:30:04,595 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,595 - ERROR - Error in episode 4959: name 'args' is not defined +2025-03-10 15:30:04,598 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,598 - ERROR - Error in episode 4960: name 'args' is not defined +2025-03-10 15:30:04,601 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,601 - ERROR - Error in episode 4961: name 'args' is not defined +2025-03-10 15:30:04,604 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,604 - ERROR - Error in episode 4962: name 'args' is not defined +2025-03-10 15:30:04,607 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,607 - ERROR - Error in episode 4963: name 'args' is not defined +2025-03-10 15:30:04,611 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,611 - ERROR - Error in episode 4964: name 'args' is not defined +2025-03-10 15:30:04,614 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,614 - ERROR - Error in episode 4965: name 'args' is not defined +2025-03-10 15:30:04,616 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,617 - ERROR - Error in episode 4966: name 'args' is not defined +2025-03-10 15:30:04,619 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,619 - ERROR - Error in episode 4967: name 'args' is not defined +2025-03-10 15:30:04,622 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,623 - ERROR - Error in episode 4968: name 'args' is not defined +2025-03-10 15:30:04,625 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,626 - ERROR - Error in episode 4969: name 'args' is not defined +2025-03-10 15:30:04,628 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,628 - ERROR - Error in episode 4970: name 'args' is not defined +2025-03-10 15:30:04,631 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,631 - ERROR - Error in episode 4971: name 'args' is not defined +2025-03-10 15:30:04,633 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,635 - ERROR - Error in episode 4972: name 'args' is not defined +2025-03-10 15:30:04,637 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,637 - ERROR - Error in episode 4973: name 'args' is not defined +2025-03-10 15:30:04,639 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,641 - ERROR - Error in episode 4974: name 'args' is not defined +2025-03-10 15:30:04,644 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,644 - ERROR - Error in episode 4975: name 'args' is not defined +2025-03-10 15:30:04,647 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,648 - ERROR - Error in episode 4976: name 'args' is not defined +2025-03-10 15:30:04,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,651 - ERROR - Error in episode 4977: name 'args' is not defined +2025-03-10 15:30:04,654 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,655 - ERROR - Error in episode 4978: name 'args' is not defined +2025-03-10 15:30:04,657 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,658 - ERROR - Error in episode 4979: name 'args' is not defined +2025-03-10 15:30:04,660 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,660 - ERROR - Error in episode 4980: name 'args' is not defined +2025-03-10 15:30:04,664 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,664 - ERROR - Error in episode 4981: name 'args' is not defined +2025-03-10 15:30:04,668 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,668 - ERROR - Error in episode 4982: name 'args' is not defined +2025-03-10 15:30:04,671 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,671 - ERROR - Error in episode 4983: name 'args' is not defined +2025-03-10 15:30:04,674 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,674 - ERROR - Error in episode 4984: name 'args' is not defined +2025-03-10 15:30:04,677 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,677 - ERROR - Error in episode 4985: name 'args' is not defined +2025-03-10 15:30:04,680 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,680 - ERROR - Error in episode 4986: name 'args' is not defined +2025-03-10 15:30:04,682 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,683 - ERROR - Error in episode 4987: name 'args' is not defined +2025-03-10 15:30:04,685 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,687 - ERROR - Error in episode 4988: name 'args' is not defined +2025-03-10 15:30:04,690 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,690 - ERROR - Error in episode 4989: name 'args' is not defined +2025-03-10 15:30:04,693 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,693 - ERROR - Error in episode 4990: name 'args' is not defined +2025-03-10 15:30:04,695 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,696 - ERROR - Error in episode 4991: name 'args' is not defined +2025-03-10 15:30:04,698 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,698 - ERROR - Error in episode 4992: name 'args' is not defined +2025-03-10 15:30:04,701 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,702 - ERROR - Error in episode 4993: name 'args' is not defined +2025-03-10 15:30:04,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,705 - ERROR - Error in episode 4994: name 'args' is not defined +2025-03-10 15:30:04,708 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,708 - ERROR - Error in episode 4995: name 'args' is not defined +2025-03-10 15:30:04,710 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,711 - ERROR - Error in episode 4996: name 'args' is not defined +2025-03-10 15:30:04,713 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,713 - ERROR - Error in episode 4997: name 'args' is not defined +2025-03-10 15:30:04,716 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,716 - ERROR - Error in episode 4998: name 'args' is not defined +2025-03-10 15:30:04,719 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,719 - ERROR - Error in episode 4999: name 'args' is not defined +2025-03-10 15:30:04,722 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,722 - ERROR - Error in episode 5000: name 'args' is not defined +2025-03-10 15:30:04,725 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,725 - ERROR - Error in episode 5001: name 'args' is not defined +2025-03-10 15:30:04,728 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,728 - ERROR - Error in episode 5002: name 'args' is not defined +2025-03-10 15:30:04,731 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,731 - ERROR - Error in episode 5003: name 'args' is not defined +2025-03-10 15:30:04,734 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,734 - ERROR - Error in episode 5004: name 'args' is not defined +2025-03-10 15:30:04,737 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,737 - ERROR - Error in episode 5005: name 'args' is not defined +2025-03-10 15:30:04,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,740 - ERROR - Error in episode 5006: name 'args' is not defined +2025-03-10 15:30:04,743 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,743 - ERROR - Error in episode 5007: name 'args' is not defined +2025-03-10 15:30:04,746 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,747 - ERROR - Error in episode 5008: name 'args' is not defined +2025-03-10 15:30:04,750 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,751 - ERROR - Error in episode 5009: name 'args' is not defined +2025-03-10 15:30:04,754 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,754 - ERROR - Error in episode 5010: name 'args' is not defined +2025-03-10 15:30:04,757 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,757 - ERROR - Error in episode 5011: name 'args' is not defined +2025-03-10 15:30:04,761 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,762 - ERROR - Error in episode 5012: name 'args' is not defined +2025-03-10 15:30:04,765 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,765 - ERROR - Error in episode 5013: name 'args' is not defined +2025-03-10 15:30:04,768 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,768 - ERROR - Error in episode 5014: name 'args' is not defined +2025-03-10 15:30:04,770 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,771 - ERROR - Error in episode 5015: name 'args' is not defined +2025-03-10 15:30:04,773 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,774 - ERROR - Error in episode 5016: name 'args' is not defined +2025-03-10 15:30:04,778 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,778 - ERROR - Error in episode 5017: name 'args' is not defined +2025-03-10 15:30:04,781 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,781 - ERROR - Error in episode 5018: name 'args' is not defined +2025-03-10 15:30:04,783 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,783 - ERROR - Error in episode 5019: name 'args' is not defined +2025-03-10 15:30:04,786 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,786 - ERROR - Error in episode 5020: name 'args' is not defined +2025-03-10 15:30:04,789 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,789 - ERROR - Error in episode 5021: name 'args' is not defined +2025-03-10 15:30:04,792 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,793 - ERROR - Error in episode 5022: name 'args' is not defined +2025-03-10 15:30:04,795 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,796 - ERROR - Error in episode 5023: name 'args' is not defined +2025-03-10 15:30:04,799 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,799 - ERROR - Error in episode 5024: name 'args' is not defined +2025-03-10 15:30:04,802 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,803 - ERROR - Error in episode 5025: name 'args' is not defined +2025-03-10 15:30:04,806 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,807 - ERROR - Error in episode 5026: name 'args' is not defined +2025-03-10 15:30:04,808 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,809 - ERROR - Error in episode 5027: name 'args' is not defined +2025-03-10 15:30:04,812 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,812 - ERROR - Error in episode 5028: name 'args' is not defined +2025-03-10 15:30:04,815 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,816 - ERROR - Error in episode 5029: name 'args' is not defined +2025-03-10 15:30:04,818 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,818 - ERROR - Error in episode 5030: name 'args' is not defined +2025-03-10 15:30:04,820 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,820 - ERROR - Error in episode 5031: name 'args' is not defined +2025-03-10 15:30:04,824 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,824 - ERROR - Error in episode 5032: name 'args' is not defined +2025-03-10 15:30:04,828 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,828 - ERROR - Error in episode 5033: name 'args' is not defined +2025-03-10 15:30:04,831 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,831 - ERROR - Error in episode 5034: name 'args' is not defined +2025-03-10 15:30:04,833 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,833 - ERROR - Error in episode 5035: name 'args' is not defined +2025-03-10 15:30:04,837 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,837 - ERROR - Error in episode 5036: name 'args' is not defined +2025-03-10 15:30:04,840 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,841 - ERROR - Error in episode 5037: name 'args' is not defined +2025-03-10 15:30:04,844 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,845 - ERROR - Error in episode 5038: name 'args' is not defined +2025-03-10 15:30:04,848 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,848 - ERROR - Error in episode 5039: name 'args' is not defined +2025-03-10 15:30:04,851 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,851 - ERROR - Error in episode 5040: name 'args' is not defined +2025-03-10 15:30:04,854 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,854 - ERROR - Error in episode 5041: name 'args' is not defined +2025-03-10 15:30:04,858 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,858 - ERROR - Error in episode 5042: name 'args' is not defined +2025-03-10 15:30:04,862 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,862 - ERROR - Error in episode 5043: name 'args' is not defined +2025-03-10 15:30:04,866 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,866 - ERROR - Error in episode 5044: name 'args' is not defined +2025-03-10 15:30:04,870 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,870 - ERROR - Error in episode 5045: name 'args' is not defined +2025-03-10 15:30:04,873 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,873 - ERROR - Error in episode 5046: name 'args' is not defined +2025-03-10 15:30:04,876 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,877 - ERROR - Error in episode 5047: name 'args' is not defined +2025-03-10 15:30:04,880 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,880 - ERROR - Error in episode 5048: name 'args' is not defined +2025-03-10 15:30:04,884 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,884 - ERROR - Error in episode 5049: name 'args' is not defined +2025-03-10 15:30:04,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,889 - ERROR - Error in episode 5050: name 'args' is not defined +2025-03-10 15:30:04,891 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,892 - ERROR - Error in episode 5051: name 'args' is not defined +2025-03-10 15:30:04,896 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,896 - ERROR - Error in episode 5052: name 'args' is not defined +2025-03-10 15:30:04,900 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,901 - ERROR - Error in episode 5053: name 'args' is not defined +2025-03-10 15:30:04,904 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,905 - ERROR - Error in episode 5054: name 'args' is not defined +2025-03-10 15:30:04,907 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,908 - ERROR - Error in episode 5055: name 'args' is not defined +2025-03-10 15:30:04,910 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,910 - ERROR - Error in episode 5056: name 'args' is not defined +2025-03-10 15:30:04,914 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,914 - ERROR - Error in episode 5057: name 'args' is not defined +2025-03-10 15:30:04,916 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,916 - ERROR - Error in episode 5058: name 'args' is not defined +2025-03-10 15:30:04,920 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,920 - ERROR - Error in episode 5059: name 'args' is not defined +2025-03-10 15:30:04,922 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,923 - ERROR - Error in episode 5060: name 'args' is not defined +2025-03-10 15:30:04,925 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,925 - ERROR - Error in episode 5061: name 'args' is not defined +2025-03-10 15:30:04,928 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,928 - ERROR - Error in episode 5062: name 'args' is not defined +2025-03-10 15:30:04,930 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,930 - ERROR - Error in episode 5063: name 'args' is not defined +2025-03-10 15:30:04,933 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,933 - ERROR - Error in episode 5064: name 'args' is not defined +2025-03-10 15:30:04,936 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,936 - ERROR - Error in episode 5065: name 'args' is not defined +2025-03-10 15:30:04,938 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,939 - ERROR - Error in episode 5066: name 'args' is not defined +2025-03-10 15:30:04,942 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,942 - ERROR - Error in episode 5067: name 'args' is not defined +2025-03-10 15:30:04,945 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,945 - ERROR - Error in episode 5068: name 'args' is not defined +2025-03-10 15:30:04,947 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,948 - ERROR - Error in episode 5069: name 'args' is not defined +2025-03-10 15:30:04,951 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,951 - ERROR - Error in episode 5070: name 'args' is not defined +2025-03-10 15:30:04,954 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,954 - ERROR - Error in episode 5071: name 'args' is not defined +2025-03-10 15:30:04,957 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,958 - ERROR - Error in episode 5072: name 'args' is not defined +2025-03-10 15:30:04,960 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,961 - ERROR - Error in episode 5073: name 'args' is not defined +2025-03-10 15:30:04,963 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,963 - ERROR - Error in episode 5074: name 'args' is not defined +2025-03-10 15:30:04,966 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,967 - ERROR - Error in episode 5075: name 'args' is not defined +2025-03-10 15:30:04,970 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,970 - ERROR - Error in episode 5076: name 'args' is not defined +2025-03-10 15:30:04,973 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,973 - ERROR - Error in episode 5077: name 'args' is not defined +2025-03-10 15:30:04,976 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,976 - ERROR - Error in episode 5078: name 'args' is not defined +2025-03-10 15:30:04,978 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,979 - ERROR - Error in episode 5079: name 'args' is not defined +2025-03-10 15:30:04,981 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,981 - ERROR - Error in episode 5080: name 'args' is not defined +2025-03-10 15:30:04,984 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,984 - ERROR - Error in episode 5081: name 'args' is not defined +2025-03-10 15:30:04,987 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,987 - ERROR - Error in episode 5082: name 'args' is not defined +2025-03-10 15:30:04,990 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,990 - ERROR - Error in episode 5083: name 'args' is not defined +2025-03-10 15:30:04,993 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,993 - ERROR - Error in episode 5084: name 'args' is not defined +2025-03-10 15:30:04,995 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:04,997 - ERROR - Error in episode 5085: name 'args' is not defined +2025-03-10 15:30:04,999 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,000 - ERROR - Error in episode 5086: name 'args' is not defined +2025-03-10 15:30:05,002 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,003 - ERROR - Error in episode 5087: name 'args' is not defined +2025-03-10 15:30:05,005 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,005 - ERROR - Error in episode 5088: name 'args' is not defined +2025-03-10 15:30:05,008 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,008 - ERROR - Error in episode 5089: name 'args' is not defined +2025-03-10 15:30:05,011 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,012 - ERROR - Error in episode 5090: name 'args' is not defined +2025-03-10 15:30:05,015 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,015 - ERROR - Error in episode 5091: name 'args' is not defined +2025-03-10 15:30:05,019 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,019 - ERROR - Error in episode 5092: name 'args' is not defined +2025-03-10 15:30:05,021 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,022 - ERROR - Error in episode 5093: name 'args' is not defined +2025-03-10 15:30:05,024 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,024 - ERROR - Error in episode 5094: name 'args' is not defined +2025-03-10 15:30:05,028 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,029 - ERROR - Error in episode 5095: name 'args' is not defined +2025-03-10 15:30:05,031 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,032 - ERROR - Error in episode 5096: name 'args' is not defined +2025-03-10 15:30:05,035 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,035 - ERROR - Error in episode 5097: name 'args' is not defined +2025-03-10 15:30:05,037 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,037 - ERROR - Error in episode 5098: name 'args' is not defined +2025-03-10 15:30:05,040 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,040 - ERROR - Error in episode 5099: name 'args' is not defined +2025-03-10 15:30:05,043 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,043 - ERROR - Error in episode 5100: name 'args' is not defined +2025-03-10 15:30:05,046 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,046 - ERROR - Error in episode 5101: name 'args' is not defined +2025-03-10 15:30:05,049 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,050 - ERROR - Error in episode 5102: name 'args' is not defined +2025-03-10 15:30:05,053 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,054 - ERROR - Error in episode 5103: name 'args' is not defined +2025-03-10 15:30:05,056 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,056 - ERROR - Error in episode 5104: name 'args' is not defined +2025-03-10 15:30:05,059 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,060 - ERROR - Error in episode 5105: name 'args' is not defined +2025-03-10 15:30:05,062 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,062 - ERROR - Error in episode 5106: name 'args' is not defined +2025-03-10 15:30:05,065 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,066 - ERROR - Error in episode 5107: name 'args' is not defined +2025-03-10 15:30:05,069 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,069 - ERROR - Error in episode 5108: name 'args' is not defined +2025-03-10 15:30:05,071 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,071 - ERROR - Error in episode 5109: name 'args' is not defined +2025-03-10 15:30:05,074 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,074 - ERROR - Error in episode 5110: name 'args' is not defined +2025-03-10 15:30:05,077 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,078 - ERROR - Error in episode 5111: name 'args' is not defined +2025-03-10 15:30:05,080 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,080 - ERROR - Error in episode 5112: name 'args' is not defined +2025-03-10 15:30:05,082 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,083 - ERROR - Error in episode 5113: name 'args' is not defined +2025-03-10 15:30:05,085 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,086 - ERROR - Error in episode 5114: name 'args' is not defined +2025-03-10 15:30:05,089 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,090 - ERROR - Error in episode 5115: name 'args' is not defined +2025-03-10 15:30:05,093 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,093 - ERROR - Error in episode 5116: name 'args' is not defined +2025-03-10 15:30:05,096 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,096 - ERROR - Error in episode 5117: name 'args' is not defined +2025-03-10 15:30:05,098 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,098 - ERROR - Error in episode 5118: name 'args' is not defined +2025-03-10 15:30:05,101 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,101 - ERROR - Error in episode 5119: name 'args' is not defined +2025-03-10 15:30:05,105 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,105 - ERROR - Error in episode 5120: name 'args' is not defined +2025-03-10 15:30:05,108 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,108 - ERROR - Error in episode 5121: name 'args' is not defined +2025-03-10 15:30:05,111 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,112 - ERROR - Error in episode 5122: name 'args' is not defined +2025-03-10 15:30:05,114 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,114 - ERROR - Error in episode 5123: name 'args' is not defined +2025-03-10 15:30:05,117 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,117 - ERROR - Error in episode 5124: name 'args' is not defined +2025-03-10 15:30:05,120 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,120 - ERROR - Error in episode 5125: name 'args' is not defined +2025-03-10 15:30:05,123 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,124 - ERROR - Error in episode 5126: name 'args' is not defined +2025-03-10 15:30:05,126 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,126 - ERROR - Error in episode 5127: name 'args' is not defined +2025-03-10 15:30:05,128 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,130 - ERROR - Error in episode 5128: name 'args' is not defined +2025-03-10 15:30:05,132 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,132 - ERROR - Error in episode 5129: name 'args' is not defined +2025-03-10 15:30:05,135 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,135 - ERROR - Error in episode 5130: name 'args' is not defined +2025-03-10 15:30:05,137 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,138 - ERROR - Error in episode 5131: name 'args' is not defined +2025-03-10 15:30:05,140 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,140 - ERROR - Error in episode 5132: name 'args' is not defined +2025-03-10 15:30:05,143 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,144 - ERROR - Error in episode 5133: name 'args' is not defined +2025-03-10 15:30:05,147 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,147 - ERROR - Error in episode 5134: name 'args' is not defined +2025-03-10 15:30:05,150 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,150 - ERROR - Error in episode 5135: name 'args' is not defined +2025-03-10 15:30:05,153 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,153 - ERROR - Error in episode 5136: name 'args' is not defined +2025-03-10 15:30:05,156 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,156 - ERROR - Error in episode 5137: name 'args' is not defined +2025-03-10 15:30:05,158 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,160 - ERROR - Error in episode 5138: name 'args' is not defined +2025-03-10 15:30:05,162 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,162 - ERROR - Error in episode 5139: name 'args' is not defined +2025-03-10 15:30:05,164 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,165 - ERROR - Error in episode 5140: name 'args' is not defined +2025-03-10 15:30:05,169 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,169 - ERROR - Error in episode 5141: name 'args' is not defined +2025-03-10 15:30:05,172 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,172 - ERROR - Error in episode 5142: name 'args' is not defined +2025-03-10 15:30:05,175 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,175 - ERROR - Error in episode 5143: name 'args' is not defined +2025-03-10 15:30:05,178 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,178 - ERROR - Error in episode 5144: name 'args' is not defined +2025-03-10 15:30:05,180 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,182 - ERROR - Error in episode 5145: name 'args' is not defined +2025-03-10 15:30:05,184 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,184 - ERROR - Error in episode 5146: name 'args' is not defined +2025-03-10 15:30:05,187 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,187 - ERROR - Error in episode 5147: name 'args' is not defined +2025-03-10 15:30:05,190 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,190 - ERROR - Error in episode 5148: name 'args' is not defined +2025-03-10 15:30:05,193 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,193 - ERROR - Error in episode 5149: name 'args' is not defined +2025-03-10 15:30:05,195 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,196 - ERROR - Error in episode 5150: name 'args' is not defined +2025-03-10 15:30:05,199 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,199 - ERROR - Error in episode 5151: name 'args' is not defined +2025-03-10 15:30:05,201 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,202 - ERROR - Error in episode 5152: name 'args' is not defined +2025-03-10 15:30:05,204 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,205 - ERROR - Error in episode 5153: name 'args' is not defined +2025-03-10 15:30:05,207 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,207 - ERROR - Error in episode 5154: name 'args' is not defined +2025-03-10 15:30:05,210 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,211 - ERROR - Error in episode 5155: name 'args' is not defined +2025-03-10 15:30:05,214 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,214 - ERROR - Error in episode 5156: name 'args' is not defined +2025-03-10 15:30:05,216 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,217 - ERROR - Error in episode 5157: name 'args' is not defined +2025-03-10 15:30:05,219 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,219 - ERROR - Error in episode 5158: name 'args' is not defined +2025-03-10 15:30:05,223 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,223 - ERROR - Error in episode 5159: name 'args' is not defined +2025-03-10 15:30:05,225 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,226 - ERROR - Error in episode 5160: name 'args' is not defined +2025-03-10 15:30:05,228 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,228 - ERROR - Error in episode 5161: name 'args' is not defined +2025-03-10 15:30:05,232 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,232 - ERROR - Error in episode 5162: name 'args' is not defined +2025-03-10 15:30:05,234 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,235 - ERROR - Error in episode 5163: name 'args' is not defined +2025-03-10 15:30:05,237 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,238 - ERROR - Error in episode 5164: name 'args' is not defined +2025-03-10 15:30:05,241 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,241 - ERROR - Error in episode 5165: name 'args' is not defined +2025-03-10 15:30:05,245 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,245 - ERROR - Error in episode 5166: name 'args' is not defined +2025-03-10 15:30:05,248 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,248 - ERROR - Error in episode 5167: name 'args' is not defined +2025-03-10 15:30:05,251 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,252 - ERROR - Error in episode 5168: name 'args' is not defined +2025-03-10 15:30:05,255 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,255 - ERROR - Error in episode 5169: name 'args' is not defined +2025-03-10 15:30:05,258 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,258 - ERROR - Error in episode 5170: name 'args' is not defined +2025-03-10 15:30:05,260 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,261 - ERROR - Error in episode 5171: name 'args' is not defined +2025-03-10 15:30:05,264 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,264 - ERROR - Error in episode 5172: name 'args' is not defined +2025-03-10 15:30:05,267 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,267 - ERROR - Error in episode 5173: name 'args' is not defined +2025-03-10 15:30:05,270 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,271 - ERROR - Error in episode 5174: name 'args' is not defined +2025-03-10 15:30:05,274 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,274 - ERROR - Error in episode 5175: name 'args' is not defined +2025-03-10 15:30:05,276 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,277 - ERROR - Error in episode 5176: name 'args' is not defined +2025-03-10 15:30:05,279 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,280 - ERROR - Error in episode 5177: name 'args' is not defined +2025-03-10 15:30:05,282 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,283 - ERROR - Error in episode 5178: name 'args' is not defined +2025-03-10 15:30:05,286 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,286 - ERROR - Error in episode 5179: name 'args' is not defined +2025-03-10 15:30:05,289 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,289 - ERROR - Error in episode 5180: name 'args' is not defined +2025-03-10 15:30:05,292 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,292 - ERROR - Error in episode 5181: name 'args' is not defined +2025-03-10 15:30:05,294 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,294 - ERROR - Error in episode 5182: name 'args' is not defined +2025-03-10 15:30:05,297 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,297 - ERROR - Error in episode 5183: name 'args' is not defined +2025-03-10 15:30:05,301 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,301 - ERROR - Error in episode 5184: name 'args' is not defined +2025-03-10 15:30:05,303 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,303 - ERROR - Error in episode 5185: name 'args' is not defined +2025-03-10 15:30:05,307 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,307 - ERROR - Error in episode 5186: name 'args' is not defined +2025-03-10 15:30:05,309 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,309 - ERROR - Error in episode 5187: name 'args' is not defined +2025-03-10 15:30:05,312 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,312 - ERROR - Error in episode 5188: name 'args' is not defined +2025-03-10 15:30:05,315 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,315 - ERROR - Error in episode 5189: name 'args' is not defined +2025-03-10 15:30:05,318 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,319 - ERROR - Error in episode 5190: name 'args' is not defined +2025-03-10 15:30:05,321 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,321 - ERROR - Error in episode 5191: name 'args' is not defined +2025-03-10 15:30:05,324 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,324 - ERROR - Error in episode 5192: name 'args' is not defined +2025-03-10 15:30:05,326 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,326 - ERROR - Error in episode 5193: name 'args' is not defined +2025-03-10 15:30:05,328 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,328 - ERROR - Error in episode 5194: name 'args' is not defined +2025-03-10 15:30:05,332 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,333 - ERROR - Error in episode 5195: name 'args' is not defined +2025-03-10 15:30:05,335 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,335 - ERROR - Error in episode 5196: name 'args' is not defined +2025-03-10 15:30:05,338 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,338 - ERROR - Error in episode 5197: name 'args' is not defined +2025-03-10 15:30:05,340 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,341 - ERROR - Error in episode 5198: name 'args' is not defined +2025-03-10 15:30:05,343 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,343 - ERROR - Error in episode 5199: name 'args' is not defined +2025-03-10 15:30:05,347 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,347 - ERROR - Error in episode 5200: name 'args' is not defined +2025-03-10 15:30:05,351 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,351 - ERROR - Error in episode 5201: name 'args' is not defined +2025-03-10 15:30:05,354 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,354 - ERROR - Error in episode 5202: name 'args' is not defined +2025-03-10 15:30:05,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,357 - ERROR - Error in episode 5203: name 'args' is not defined +2025-03-10 15:30:05,360 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,360 - ERROR - Error in episode 5204: name 'args' is not defined +2025-03-10 15:30:05,362 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,363 - ERROR - Error in episode 5205: name 'args' is not defined +2025-03-10 15:30:05,365 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,366 - ERROR - Error in episode 5206: name 'args' is not defined +2025-03-10 15:30:05,369 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,369 - ERROR - Error in episode 5207: name 'args' is not defined +2025-03-10 15:30:05,371 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,372 - ERROR - Error in episode 5208: name 'args' is not defined +2025-03-10 15:30:05,375 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,375 - ERROR - Error in episode 5209: name 'args' is not defined +2025-03-10 15:30:05,377 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,377 - ERROR - Error in episode 5210: name 'args' is not defined +2025-03-10 15:30:05,380 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,380 - ERROR - Error in episode 5211: name 'args' is not defined +2025-03-10 15:30:05,383 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,383 - ERROR - Error in episode 5212: name 'args' is not defined +2025-03-10 15:30:05,386 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,386 - ERROR - Error in episode 5213: name 'args' is not defined +2025-03-10 15:30:05,389 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,389 - ERROR - Error in episode 5214: name 'args' is not defined +2025-03-10 15:30:05,391 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,392 - ERROR - Error in episode 5215: name 'args' is not defined +2025-03-10 15:30:05,394 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,395 - ERROR - Error in episode 5216: name 'args' is not defined +2025-03-10 15:30:05,398 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,398 - ERROR - Error in episode 5217: name 'args' is not defined +2025-03-10 15:30:05,401 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,401 - ERROR - Error in episode 5218: name 'args' is not defined +2025-03-10 15:30:05,404 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,404 - ERROR - Error in episode 5219: name 'args' is not defined +2025-03-10 15:30:05,407 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,407 - ERROR - Error in episode 5220: name 'args' is not defined +2025-03-10 15:30:05,409 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,410 - ERROR - Error in episode 5221: name 'args' is not defined +2025-03-10 15:30:05,412 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,412 - ERROR - Error in episode 5222: name 'args' is not defined +2025-03-10 15:30:05,415 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,416 - ERROR - Error in episode 5223: name 'args' is not defined +2025-03-10 15:30:05,418 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,418 - ERROR - Error in episode 5224: name 'args' is not defined +2025-03-10 15:30:05,420 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,421 - ERROR - Error in episode 5225: name 'args' is not defined +2025-03-10 15:30:05,424 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,424 - ERROR - Error in episode 5226: name 'args' is not defined +2025-03-10 15:30:05,426 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,426 - ERROR - Error in episode 5227: name 'args' is not defined +2025-03-10 15:30:05,428 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,430 - ERROR - Error in episode 5228: name 'args' is not defined +2025-03-10 15:30:05,432 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,433 - ERROR - Error in episode 5229: name 'args' is not defined +2025-03-10 15:30:05,435 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,435 - ERROR - Error in episode 5230: name 'args' is not defined +2025-03-10 15:30:05,437 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,438 - ERROR - Error in episode 5231: name 'args' is not defined +2025-03-10 15:30:05,441 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,441 - ERROR - Error in episode 5232: name 'args' is not defined +2025-03-10 15:30:05,444 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,444 - ERROR - Error in episode 5233: name 'args' is not defined +2025-03-10 15:30:05,447 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,447 - ERROR - Error in episode 5234: name 'args' is not defined +2025-03-10 15:30:05,449 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,450 - ERROR - Error in episode 5235: name 'args' is not defined +2025-03-10 15:30:05,452 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,452 - ERROR - Error in episode 5236: name 'args' is not defined +2025-03-10 15:30:05,455 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,455 - ERROR - Error in episode 5237: name 'args' is not defined +2025-03-10 15:30:05,458 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,458 - ERROR - Error in episode 5238: name 'args' is not defined +2025-03-10 15:30:05,461 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,461 - ERROR - Error in episode 5239: name 'args' is not defined +2025-03-10 15:30:05,464 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,464 - ERROR - Error in episode 5240: name 'args' is not defined +2025-03-10 15:30:05,467 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,467 - ERROR - Error in episode 5241: name 'args' is not defined +2025-03-10 15:30:05,470 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,470 - ERROR - Error in episode 5242: name 'args' is not defined +2025-03-10 15:30:05,473 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,473 - ERROR - Error in episode 5243: name 'args' is not defined +2025-03-10 15:30:05,476 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,477 - ERROR - Error in episode 5244: name 'args' is not defined +2025-03-10 15:30:05,479 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,479 - ERROR - Error in episode 5245: name 'args' is not defined +2025-03-10 15:30:05,482 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,482 - ERROR - Error in episode 5246: name 'args' is not defined +2025-03-10 15:30:05,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,485 - ERROR - Error in episode 5247: name 'args' is not defined +2025-03-10 15:30:05,488 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,488 - ERROR - Error in episode 5248: name 'args' is not defined +2025-03-10 15:30:05,491 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,491 - ERROR - Error in episode 5249: name 'args' is not defined +2025-03-10 15:30:05,494 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,494 - ERROR - Error in episode 5250: name 'args' is not defined +2025-03-10 15:30:05,497 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,497 - ERROR - Error in episode 5251: name 'args' is not defined +2025-03-10 15:30:05,499 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,500 - ERROR - Error in episode 5252: name 'args' is not defined +2025-03-10 15:30:05,502 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,503 - ERROR - Error in episode 5253: name 'args' is not defined +2025-03-10 15:30:05,505 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,505 - ERROR - Error in episode 5254: name 'args' is not defined +2025-03-10 15:30:05,507 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,507 - ERROR - Error in episode 5255: name 'args' is not defined +2025-03-10 15:30:05,510 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,511 - ERROR - Error in episode 5256: name 'args' is not defined +2025-03-10 15:30:05,513 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,513 - ERROR - Error in episode 5257: name 'args' is not defined +2025-03-10 15:30:05,516 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,516 - ERROR - Error in episode 5258: name 'args' is not defined +2025-03-10 15:30:05,519 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,519 - ERROR - Error in episode 5259: name 'args' is not defined +2025-03-10 15:30:05,523 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,523 - ERROR - Error in episode 5260: name 'args' is not defined +2025-03-10 15:30:05,525 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,526 - ERROR - Error in episode 5261: name 'args' is not defined +2025-03-10 15:30:05,528 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,528 - ERROR - Error in episode 5262: name 'args' is not defined +2025-03-10 15:30:05,531 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,531 - ERROR - Error in episode 5263: name 'args' is not defined +2025-03-10 15:30:05,534 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,534 - ERROR - Error in episode 5264: name 'args' is not defined +2025-03-10 15:30:05,537 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,537 - ERROR - Error in episode 5265: name 'args' is not defined +2025-03-10 15:30:05,540 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,540 - ERROR - Error in episode 5266: name 'args' is not defined +2025-03-10 15:30:05,542 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,544 - ERROR - Error in episode 5267: name 'args' is not defined +2025-03-10 15:30:05,546 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,546 - ERROR - Error in episode 5268: name 'args' is not defined +2025-03-10 15:30:05,549 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,549 - ERROR - Error in episode 5269: name 'args' is not defined +2025-03-10 15:30:05,552 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,552 - ERROR - Error in episode 5270: name 'args' is not defined +2025-03-10 15:30:05,554 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,555 - ERROR - Error in episode 5271: name 'args' is not defined +2025-03-10 15:30:05,558 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,558 - ERROR - Error in episode 5272: name 'args' is not defined +2025-03-10 15:30:05,560 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,561 - ERROR - Error in episode 5273: name 'args' is not defined +2025-03-10 15:30:05,563 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,564 - ERROR - Error in episode 5274: name 'args' is not defined +2025-03-10 15:30:05,566 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,566 - ERROR - Error in episode 5275: name 'args' is not defined +2025-03-10 15:30:05,569 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,569 - ERROR - Error in episode 5276: name 'args' is not defined +2025-03-10 15:30:05,572 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,572 - ERROR - Error in episode 5277: name 'args' is not defined +2025-03-10 15:30:05,574 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,575 - ERROR - Error in episode 5278: name 'args' is not defined +2025-03-10 15:30:05,578 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,578 - ERROR - Error in episode 5279: name 'args' is not defined +2025-03-10 15:30:05,581 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,581 - ERROR - Error in episode 5280: name 'args' is not defined +2025-03-10 15:30:05,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,584 - ERROR - Error in episode 5281: name 'args' is not defined +2025-03-10 15:30:05,586 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,587 - ERROR - Error in episode 5282: name 'args' is not defined +2025-03-10 15:30:05,590 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,590 - ERROR - Error in episode 5283: name 'args' is not defined +2025-03-10 15:30:05,592 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,593 - ERROR - Error in episode 5284: name 'args' is not defined +2025-03-10 15:30:05,595 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,596 - ERROR - Error in episode 5285: name 'args' is not defined +2025-03-10 15:30:05,598 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,600 - ERROR - Error in episode 5286: name 'args' is not defined +2025-03-10 15:30:05,602 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,602 - ERROR - Error in episode 5287: name 'args' is not defined +2025-03-10 15:30:05,605 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,605 - ERROR - Error in episode 5288: name 'args' is not defined +2025-03-10 15:30:05,608 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,608 - ERROR - Error in episode 5289: name 'args' is not defined +2025-03-10 15:30:05,611 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,611 - ERROR - Error in episode 5290: name 'args' is not defined +2025-03-10 15:30:05,614 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,614 - ERROR - Error in episode 5291: name 'args' is not defined +2025-03-10 15:30:05,616 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,617 - ERROR - Error in episode 5292: name 'args' is not defined +2025-03-10 15:30:05,619 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,619 - ERROR - Error in episode 5293: name 'args' is not defined +2025-03-10 15:30:05,622 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,622 - ERROR - Error in episode 5294: name 'args' is not defined +2025-03-10 15:30:05,625 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,626 - ERROR - Error in episode 5295: name 'args' is not defined +2025-03-10 15:30:05,628 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,628 - ERROR - Error in episode 5296: name 'args' is not defined +2025-03-10 15:30:05,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,631 - ERROR - Error in episode 5297: name 'args' is not defined +2025-03-10 15:30:05,633 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,633 - ERROR - Error in episode 5298: name 'args' is not defined +2025-03-10 15:30:05,636 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,636 - ERROR - Error in episode 5299: name 'args' is not defined +2025-03-10 15:30:05,639 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,640 - ERROR - Error in episode 5300: name 'args' is not defined +2025-03-10 15:30:05,642 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,642 - ERROR - Error in episode 5301: name 'args' is not defined +2025-03-10 15:30:05,644 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,645 - ERROR - Error in episode 5302: name 'args' is not defined +2025-03-10 15:30:05,648 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,648 - ERROR - Error in episode 5303: name 'args' is not defined +2025-03-10 15:30:05,650 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,651 - ERROR - Error in episode 5304: name 'args' is not defined +2025-03-10 15:30:05,653 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,653 - ERROR - Error in episode 5305: name 'args' is not defined +2025-03-10 15:30:05,656 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,656 - ERROR - Error in episode 5306: name 'args' is not defined +2025-03-10 15:30:05,659 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,659 - ERROR - Error in episode 5307: name 'args' is not defined +2025-03-10 15:30:05,663 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,663 - ERROR - Error in episode 5308: name 'args' is not defined +2025-03-10 15:30:05,666 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,666 - ERROR - Error in episode 5309: name 'args' is not defined +2025-03-10 15:30:05,669 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,669 - ERROR - Error in episode 5310: name 'args' is not defined +2025-03-10 15:30:05,672 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,672 - ERROR - Error in episode 5311: name 'args' is not defined +2025-03-10 15:30:05,675 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,675 - ERROR - Error in episode 5312: name 'args' is not defined +2025-03-10 15:30:05,678 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,678 - ERROR - Error in episode 5313: name 'args' is not defined +2025-03-10 15:30:05,681 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,681 - ERROR - Error in episode 5314: name 'args' is not defined +2025-03-10 15:30:05,684 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,684 - ERROR - Error in episode 5315: name 'args' is not defined +2025-03-10 15:30:05,687 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,687 - ERROR - Error in episode 5316: name 'args' is not defined +2025-03-10 15:30:05,689 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,689 - ERROR - Error in episode 5317: name 'args' is not defined +2025-03-10 15:30:05,691 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,692 - ERROR - Error in episode 5318: name 'args' is not defined +2025-03-10 15:30:05,695 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,696 - ERROR - Error in episode 5319: name 'args' is not defined +2025-03-10 15:30:05,699 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,700 - ERROR - Error in episode 5320: name 'args' is not defined +2025-03-10 15:30:05,702 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,702 - ERROR - Error in episode 5321: name 'args' is not defined +2025-03-10 15:30:05,705 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,705 - ERROR - Error in episode 5322: name 'args' is not defined +2025-03-10 15:30:05,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,707 - ERROR - Error in episode 5323: name 'args' is not defined +2025-03-10 15:30:05,711 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,711 - ERROR - Error in episode 5324: name 'args' is not defined +2025-03-10 15:30:05,714 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,714 - ERROR - Error in episode 5325: name 'args' is not defined +2025-03-10 15:30:05,717 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,717 - ERROR - Error in episode 5326: name 'args' is not defined +2025-03-10 15:30:05,719 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,719 - ERROR - Error in episode 5327: name 'args' is not defined +2025-03-10 15:30:05,722 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,723 - ERROR - Error in episode 5328: name 'args' is not defined +2025-03-10 15:30:05,725 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,725 - ERROR - Error in episode 5329: name 'args' is not defined +2025-03-10 15:30:05,728 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,728 - ERROR - Error in episode 5330: name 'args' is not defined +2025-03-10 15:30:05,731 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,732 - ERROR - Error in episode 5331: name 'args' is not defined +2025-03-10 15:30:05,734 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,735 - ERROR - Error in episode 5332: name 'args' is not defined +2025-03-10 15:30:05,737 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,738 - ERROR - Error in episode 5333: name 'args' is not defined +2025-03-10 15:30:05,740 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,741 - ERROR - Error in episode 5334: name 'args' is not defined +2025-03-10 15:30:05,743 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,743 - ERROR - Error in episode 5335: name 'args' is not defined +2025-03-10 15:30:05,746 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,746 - ERROR - Error in episode 5336: name 'args' is not defined +2025-03-10 15:30:05,749 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,749 - ERROR - Error in episode 5337: name 'args' is not defined +2025-03-10 15:30:05,751 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,752 - ERROR - Error in episode 5338: name 'args' is not defined +2025-03-10 15:30:05,754 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,755 - ERROR - Error in episode 5339: name 'args' is not defined +2025-03-10 15:30:05,757 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,758 - ERROR - Error in episode 5340: name 'args' is not defined +2025-03-10 15:30:05,760 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,760 - ERROR - Error in episode 5341: name 'args' is not defined +2025-03-10 15:30:05,763 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,763 - ERROR - Error in episode 5342: name 'args' is not defined +2025-03-10 15:30:05,766 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,766 - ERROR - Error in episode 5343: name 'args' is not defined +2025-03-10 15:30:05,769 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,769 - ERROR - Error in episode 5344: name 'args' is not defined +2025-03-10 15:30:05,772 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,772 - ERROR - Error in episode 5345: name 'args' is not defined +2025-03-10 15:30:05,775 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,775 - ERROR - Error in episode 5346: name 'args' is not defined +2025-03-10 15:30:05,778 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,778 - ERROR - Error in episode 5347: name 'args' is not defined +2025-03-10 15:30:05,781 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,781 - ERROR - Error in episode 5348: name 'args' is not defined +2025-03-10 15:30:05,783 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,784 - ERROR - Error in episode 5349: name 'args' is not defined +2025-03-10 15:30:05,786 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,786 - ERROR - Error in episode 5350: name 'args' is not defined +2025-03-10 15:30:05,790 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,790 - ERROR - Error in episode 5351: name 'args' is not defined +2025-03-10 15:30:05,792 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,793 - ERROR - Error in episode 5352: name 'args' is not defined +2025-03-10 15:30:05,795 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,795 - ERROR - Error in episode 5353: name 'args' is not defined +2025-03-10 15:30:05,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,798 - ERROR - Error in episode 5354: name 'args' is not defined +2025-03-10 15:30:05,802 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,802 - ERROR - Error in episode 5355: name 'args' is not defined +2025-03-10 15:30:05,805 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,806 - ERROR - Error in episode 5356: name 'args' is not defined +2025-03-10 15:30:05,808 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,809 - ERROR - Error in episode 5357: name 'args' is not defined +2025-03-10 15:30:05,812 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,812 - ERROR - Error in episode 5358: name 'args' is not defined +2025-03-10 15:30:05,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,816 - ERROR - Error in episode 5359: name 'args' is not defined +2025-03-10 15:30:05,821 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,821 - ERROR - Error in episode 5360: name 'args' is not defined +2025-03-10 15:30:05,824 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,825 - ERROR - Error in episode 5361: name 'args' is not defined +2025-03-10 15:30:05,828 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,829 - ERROR - Error in episode 5362: name 'args' is not defined +2025-03-10 15:30:05,833 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,833 - ERROR - Error in episode 5363: name 'args' is not defined +2025-03-10 15:30:05,837 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,837 - ERROR - Error in episode 5364: name 'args' is not defined +2025-03-10 15:30:05,840 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,840 - ERROR - Error in episode 5365: name 'args' is not defined +2025-03-10 15:30:05,843 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,843 - ERROR - Error in episode 5366: name 'args' is not defined +2025-03-10 15:30:05,846 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,846 - ERROR - Error in episode 5367: name 'args' is not defined +2025-03-10 15:30:05,850 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,851 - ERROR - Error in episode 5368: name 'args' is not defined +2025-03-10 15:30:05,854 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,854 - ERROR - Error in episode 5369: name 'args' is not defined +2025-03-10 15:30:05,857 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,858 - ERROR - Error in episode 5370: name 'args' is not defined +2025-03-10 15:30:05,861 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,862 - ERROR - Error in episode 5371: name 'args' is not defined +2025-03-10 15:30:05,865 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,865 - ERROR - Error in episode 5372: name 'args' is not defined +2025-03-10 15:30:05,868 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,869 - ERROR - Error in episode 5373: name 'args' is not defined +2025-03-10 15:30:05,873 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,873 - ERROR - Error in episode 5374: name 'args' is not defined +2025-03-10 15:30:05,877 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,877 - ERROR - Error in episode 5375: name 'args' is not defined +2025-03-10 15:30:05,882 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,882 - ERROR - Error in episode 5376: name 'args' is not defined +2025-03-10 15:30:05,885 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,886 - ERROR - Error in episode 5377: name 'args' is not defined +2025-03-10 15:30:05,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,889 - ERROR - Error in episode 5378: name 'args' is not defined +2025-03-10 15:30:05,893 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,893 - ERROR - Error in episode 5379: name 'args' is not defined +2025-03-10 15:30:05,897 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,898 - ERROR - Error in episode 5380: name 'args' is not defined +2025-03-10 15:30:05,901 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,901 - ERROR - Error in episode 5381: name 'args' is not defined +2025-03-10 15:30:05,905 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,905 - ERROR - Error in episode 5382: name 'args' is not defined +2025-03-10 15:30:05,909 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,910 - ERROR - Error in episode 5383: name 'args' is not defined +2025-03-10 15:30:05,913 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,913 - ERROR - Error in episode 5384: name 'args' is not defined +2025-03-10 15:30:05,916 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,917 - ERROR - Error in episode 5385: name 'args' is not defined +2025-03-10 15:30:05,921 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,921 - ERROR - Error in episode 5386: name 'args' is not defined +2025-03-10 15:30:05,925 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,925 - ERROR - Error in episode 5387: name 'args' is not defined +2025-03-10 15:30:05,929 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,929 - ERROR - Error in episode 5388: name 'args' is not defined +2025-03-10 15:30:05,933 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,934 - ERROR - Error in episode 5389: name 'args' is not defined +2025-03-10 15:30:05,938 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,938 - ERROR - Error in episode 5390: name 'args' is not defined +2025-03-10 15:30:05,942 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,942 - ERROR - Error in episode 5391: name 'args' is not defined +2025-03-10 15:30:05,946 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,946 - ERROR - Error in episode 5392: name 'args' is not defined +2025-03-10 15:30:05,950 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,950 - ERROR - Error in episode 5393: name 'args' is not defined +2025-03-10 15:30:05,954 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,954 - ERROR - Error in episode 5394: name 'args' is not defined +2025-03-10 15:30:05,958 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,959 - ERROR - Error in episode 5395: name 'args' is not defined +2025-03-10 15:30:05,962 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,963 - ERROR - Error in episode 5396: name 'args' is not defined +2025-03-10 15:30:05,966 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,967 - ERROR - Error in episode 5397: name 'args' is not defined +2025-03-10 15:30:05,971 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,971 - ERROR - Error in episode 5398: name 'args' is not defined +2025-03-10 15:30:05,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,974 - ERROR - Error in episode 5399: name 'args' is not defined +2025-03-10 15:30:05,977 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,977 - ERROR - Error in episode 5400: name 'args' is not defined +2025-03-10 15:30:05,980 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,981 - ERROR - Error in episode 5401: name 'args' is not defined +2025-03-10 15:30:05,985 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,986 - ERROR - Error in episode 5402: name 'args' is not defined +2025-03-10 15:30:05,989 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,990 - ERROR - Error in episode 5403: name 'args' is not defined +2025-03-10 15:30:05,994 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,994 - ERROR - Error in episode 5404: name 'args' is not defined +2025-03-10 15:30:05,997 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:05,997 - ERROR - Error in episode 5405: name 'args' is not defined +2025-03-10 15:30:06,000 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,000 - ERROR - Error in episode 5406: name 'args' is not defined +2025-03-10 15:30:06,004 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,004 - ERROR - Error in episode 5407: name 'args' is not defined +2025-03-10 15:30:06,008 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,008 - ERROR - Error in episode 5408: name 'args' is not defined +2025-03-10 15:30:06,012 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,013 - ERROR - Error in episode 5409: name 'args' is not defined +2025-03-10 15:30:06,016 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,017 - ERROR - Error in episode 5410: name 'args' is not defined +2025-03-10 15:30:06,020 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,021 - ERROR - Error in episode 5411: name 'args' is not defined +2025-03-10 15:30:06,024 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,025 - ERROR - Error in episode 5412: name 'args' is not defined +2025-03-10 15:30:06,029 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,029 - ERROR - Error in episode 5413: name 'args' is not defined +2025-03-10 15:30:06,032 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,032 - ERROR - Error in episode 5414: name 'args' is not defined +2025-03-10 15:30:06,035 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,037 - ERROR - Error in episode 5415: name 'args' is not defined +2025-03-10 15:30:06,040 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,040 - ERROR - Error in episode 5416: name 'args' is not defined +2025-03-10 15:30:06,043 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,043 - ERROR - Error in episode 5417: name 'args' is not defined +2025-03-10 15:30:06,047 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,048 - ERROR - Error in episode 5418: name 'args' is not defined +2025-03-10 15:30:06,051 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,052 - ERROR - Error in episode 5419: name 'args' is not defined +2025-03-10 15:30:06,055 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,055 - ERROR - Error in episode 5420: name 'args' is not defined +2025-03-10 15:30:06,059 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,059 - ERROR - Error in episode 5421: name 'args' is not defined +2025-03-10 15:30:06,063 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,063 - ERROR - Error in episode 5422: name 'args' is not defined +2025-03-10 15:30:06,066 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,067 - ERROR - Error in episode 5423: name 'args' is not defined +2025-03-10 15:30:06,071 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,071 - ERROR - Error in episode 5424: name 'args' is not defined +2025-03-10 15:30:06,075 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,076 - ERROR - Error in episode 5425: name 'args' is not defined +2025-03-10 15:30:06,079 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,079 - ERROR - Error in episode 5426: name 'args' is not defined +2025-03-10 15:30:06,082 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,082 - ERROR - Error in episode 5427: name 'args' is not defined +2025-03-10 15:30:06,085 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,086 - ERROR - Error in episode 5428: name 'args' is not defined +2025-03-10 15:30:06,089 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,089 - ERROR - Error in episode 5429: name 'args' is not defined +2025-03-10 15:30:06,093 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,093 - ERROR - Error in episode 5430: name 'args' is not defined +2025-03-10 15:30:06,096 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,097 - ERROR - Error in episode 5431: name 'args' is not defined +2025-03-10 15:30:06,101 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,102 - ERROR - Error in episode 5432: name 'args' is not defined +2025-03-10 15:30:06,105 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,105 - ERROR - Error in episode 5433: name 'args' is not defined +2025-03-10 15:30:06,108 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,108 - ERROR - Error in episode 5434: name 'args' is not defined +2025-03-10 15:30:06,110 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,110 - ERROR - Error in episode 5435: name 'args' is not defined +2025-03-10 15:30:06,113 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,113 - ERROR - Error in episode 5436: name 'args' is not defined +2025-03-10 15:30:06,115 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,116 - ERROR - Error in episode 5437: name 'args' is not defined +2025-03-10 15:30:06,118 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,119 - ERROR - Error in episode 5438: name 'args' is not defined +2025-03-10 15:30:06,122 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,122 - ERROR - Error in episode 5439: name 'args' is not defined +2025-03-10 15:30:06,124 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,124 - ERROR - Error in episode 5440: name 'args' is not defined +2025-03-10 15:30:06,127 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,128 - ERROR - Error in episode 5441: name 'args' is not defined +2025-03-10 15:30:06,130 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,130 - ERROR - Error in episode 5442: name 'args' is not defined +2025-03-10 15:30:06,133 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,134 - ERROR - Error in episode 5443: name 'args' is not defined +2025-03-10 15:30:06,137 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,137 - ERROR - Error in episode 5444: name 'args' is not defined +2025-03-10 15:30:06,140 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,140 - ERROR - Error in episode 5445: name 'args' is not defined +2025-03-10 15:30:06,143 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,144 - ERROR - Error in episode 5446: name 'args' is not defined +2025-03-10 15:30:06,146 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,146 - ERROR - Error in episode 5447: name 'args' is not defined +2025-03-10 15:30:06,150 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,151 - ERROR - Error in episode 5448: name 'args' is not defined +2025-03-10 15:30:06,155 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,155 - ERROR - Error in episode 5449: name 'args' is not defined +2025-03-10 15:30:06,158 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,159 - ERROR - Error in episode 5450: name 'args' is not defined +2025-03-10 15:30:06,163 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,163 - ERROR - Error in episode 5451: name 'args' is not defined +2025-03-10 15:30:06,167 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,167 - ERROR - Error in episode 5452: name 'args' is not defined +2025-03-10 15:30:06,171 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,171 - ERROR - Error in episode 5453: name 'args' is not defined +2025-03-10 15:30:06,175 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,175 - ERROR - Error in episode 5454: name 'args' is not defined +2025-03-10 15:30:06,179 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,180 - ERROR - Error in episode 5455: name 'args' is not defined +2025-03-10 15:30:06,182 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,183 - ERROR - Error in episode 5456: name 'args' is not defined +2025-03-10 15:30:06,187 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,187 - ERROR - Error in episode 5457: name 'args' is not defined +2025-03-10 15:30:06,190 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,191 - ERROR - Error in episode 5458: name 'args' is not defined +2025-03-10 15:30:06,195 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,195 - ERROR - Error in episode 5459: name 'args' is not defined +2025-03-10 15:30:06,198 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,198 - ERROR - Error in episode 5460: name 'args' is not defined +2025-03-10 15:30:06,201 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,201 - ERROR - Error in episode 5461: name 'args' is not defined +2025-03-10 15:30:06,204 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,204 - ERROR - Error in episode 5462: name 'args' is not defined +2025-03-10 15:30:06,207 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,207 - ERROR - Error in episode 5463: name 'args' is not defined +2025-03-10 15:30:06,210 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,210 - ERROR - Error in episode 5464: name 'args' is not defined +2025-03-10 15:30:06,213 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,214 - ERROR - Error in episode 5465: name 'args' is not defined +2025-03-10 15:30:06,217 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,217 - ERROR - Error in episode 5466: name 'args' is not defined +2025-03-10 15:30:06,221 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,221 - ERROR - Error in episode 5467: name 'args' is not defined +2025-03-10 15:30:06,224 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,225 - ERROR - Error in episode 5468: name 'args' is not defined +2025-03-10 15:30:06,227 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,228 - ERROR - Error in episode 5469: name 'args' is not defined +2025-03-10 15:30:06,230 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,230 - ERROR - Error in episode 5470: name 'args' is not defined +2025-03-10 15:30:06,233 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,233 - ERROR - Error in episode 5471: name 'args' is not defined +2025-03-10 15:30:06,235 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,237 - ERROR - Error in episode 5472: name 'args' is not defined +2025-03-10 15:30:06,239 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,239 - ERROR - Error in episode 5473: name 'args' is not defined +2025-03-10 15:30:06,242 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,242 - ERROR - Error in episode 5474: name 'args' is not defined +2025-03-10 15:30:06,245 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,245 - ERROR - Error in episode 5475: name 'args' is not defined +2025-03-10 15:30:06,248 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,248 - ERROR - Error in episode 5476: name 'args' is not defined +2025-03-10 15:30:06,251 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,251 - ERROR - Error in episode 5477: name 'args' is not defined +2025-03-10 15:30:06,254 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,254 - ERROR - Error in episode 5478: name 'args' is not defined +2025-03-10 15:30:06,256 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,257 - ERROR - Error in episode 5479: name 'args' is not defined +2025-03-10 15:30:06,259 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,260 - ERROR - Error in episode 5480: name 'args' is not defined +2025-03-10 15:30:06,263 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,263 - ERROR - Error in episode 5481: name 'args' is not defined +2025-03-10 15:30:06,266 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,266 - ERROR - Error in episode 5482: name 'args' is not defined +2025-03-10 15:30:06,268 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,269 - ERROR - Error in episode 5483: name 'args' is not defined +2025-03-10 15:30:06,271 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,272 - ERROR - Error in episode 5484: name 'args' is not defined +2025-03-10 15:30:06,274 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,275 - ERROR - Error in episode 5485: name 'args' is not defined +2025-03-10 15:30:06,277 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,278 - ERROR - Error in episode 5486: name 'args' is not defined +2025-03-10 15:30:06,280 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,280 - ERROR - Error in episode 5487: name 'args' is not defined +2025-03-10 15:30:06,283 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,283 - ERROR - Error in episode 5488: name 'args' is not defined +2025-03-10 15:30:06,286 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,286 - ERROR - Error in episode 5489: name 'args' is not defined +2025-03-10 15:30:06,289 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,289 - ERROR - Error in episode 5490: name 'args' is not defined +2025-03-10 15:30:06,292 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,293 - ERROR - Error in episode 5491: name 'args' is not defined +2025-03-10 15:30:06,295 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,295 - ERROR - Error in episode 5492: name 'args' is not defined +2025-03-10 15:30:06,298 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,299 - ERROR - Error in episode 5493: name 'args' is not defined +2025-03-10 15:30:06,301 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,301 - ERROR - Error in episode 5494: name 'args' is not defined +2025-03-10 15:30:06,304 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,304 - ERROR - Error in episode 5495: name 'args' is not defined +2025-03-10 15:30:06,307 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,307 - ERROR - Error in episode 5496: name 'args' is not defined +2025-03-10 15:30:06,310 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,310 - ERROR - Error in episode 5497: name 'args' is not defined +2025-03-10 15:30:06,312 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,312 - ERROR - Error in episode 5498: name 'args' is not defined +2025-03-10 15:30:06,316 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,316 - ERROR - Error in episode 5499: name 'args' is not defined +2025-03-10 15:30:06,319 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,319 - ERROR - Error in episode 5500: name 'args' is not defined +2025-03-10 15:30:06,321 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,322 - ERROR - Error in episode 5501: name 'args' is not defined +2025-03-10 15:30:06,325 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,325 - ERROR - Error in episode 5502: name 'args' is not defined +2025-03-10 15:30:06,327 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,327 - ERROR - Error in episode 5503: name 'args' is not defined +2025-03-10 15:30:06,330 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,331 - ERROR - Error in episode 5504: name 'args' is not defined +2025-03-10 15:30:06,333 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,334 - ERROR - Error in episode 5505: name 'args' is not defined +2025-03-10 15:30:06,336 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,336 - ERROR - Error in episode 5506: name 'args' is not defined +2025-03-10 15:30:06,339 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,339 - ERROR - Error in episode 5507: name 'args' is not defined +2025-03-10 15:30:06,342 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,342 - ERROR - Error in episode 5508: name 'args' is not defined +2025-03-10 15:30:06,344 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,344 - ERROR - Error in episode 5509: name 'args' is not defined +2025-03-10 15:30:06,348 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,349 - ERROR - Error in episode 5510: name 'args' is not defined +2025-03-10 15:30:06,351 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,351 - ERROR - Error in episode 5511: name 'args' is not defined +2025-03-10 15:30:06,354 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,354 - ERROR - Error in episode 5512: name 'args' is not defined +2025-03-10 15:30:06,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,357 - ERROR - Error in episode 5513: name 'args' is not defined +2025-03-10 15:30:06,359 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,360 - ERROR - Error in episode 5514: name 'args' is not defined +2025-03-10 15:30:06,363 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,363 - ERROR - Error in episode 5515: name 'args' is not defined +2025-03-10 15:30:06,366 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,366 - ERROR - Error in episode 5516: name 'args' is not defined +2025-03-10 15:30:06,368 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,368 - ERROR - Error in episode 5517: name 'args' is not defined +2025-03-10 15:30:06,371 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,371 - ERROR - Error in episode 5518: name 'args' is not defined +2025-03-10 15:30:06,374 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,374 - ERROR - Error in episode 5519: name 'args' is not defined +2025-03-10 15:30:06,376 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,377 - ERROR - Error in episode 5520: name 'args' is not defined +2025-03-10 15:30:06,379 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,379 - ERROR - Error in episode 5521: name 'args' is not defined +2025-03-10 15:30:06,382 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,382 - ERROR - Error in episode 5522: name 'args' is not defined +2025-03-10 15:30:06,384 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,385 - ERROR - Error in episode 5523: name 'args' is not defined +2025-03-10 15:30:06,387 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,388 - ERROR - Error in episode 5524: name 'args' is not defined +2025-03-10 15:30:06,390 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,391 - ERROR - Error in episode 5525: name 'args' is not defined +2025-03-10 15:30:06,393 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,394 - ERROR - Error in episode 5526: name 'args' is not defined +2025-03-10 15:30:06,396 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,397 - ERROR - Error in episode 5527: name 'args' is not defined +2025-03-10 15:30:06,399 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,400 - ERROR - Error in episode 5528: name 'args' is not defined +2025-03-10 15:30:06,402 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,402 - ERROR - Error in episode 5529: name 'args' is not defined +2025-03-10 15:30:06,405 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,407 - ERROR - Error in episode 5530: name 'args' is not defined +2025-03-10 15:30:06,409 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,410 - ERROR - Error in episode 5531: name 'args' is not defined +2025-03-10 15:30:06,412 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,413 - ERROR - Error in episode 5532: name 'args' is not defined +2025-03-10 15:30:06,415 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,416 - ERROR - Error in episode 5533: name 'args' is not defined +2025-03-10 15:30:06,419 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,419 - ERROR - Error in episode 5534: name 'args' is not defined +2025-03-10 15:30:06,422 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,423 - ERROR - Error in episode 5535: name 'args' is not defined +2025-03-10 15:30:06,425 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,426 - ERROR - Error in episode 5536: name 'args' is not defined +2025-03-10 15:30:06,428 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,429 - ERROR - Error in episode 5537: name 'args' is not defined +2025-03-10 15:30:06,433 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,433 - ERROR - Error in episode 5538: name 'args' is not defined +2025-03-10 15:30:06,436 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,436 - ERROR - Error in episode 5539: name 'args' is not defined +2025-03-10 15:30:06,439 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,440 - ERROR - Error in episode 5540: name 'args' is not defined +2025-03-10 15:30:06,442 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,442 - ERROR - Error in episode 5541: name 'args' is not defined +2025-03-10 15:30:06,445 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,445 - ERROR - Error in episode 5542: name 'args' is not defined +2025-03-10 15:30:06,448 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,448 - ERROR - Error in episode 5543: name 'args' is not defined +2025-03-10 15:30:06,451 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,451 - ERROR - Error in episode 5544: name 'args' is not defined +2025-03-10 15:30:06,453 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,453 - ERROR - Error in episode 5545: name 'args' is not defined +2025-03-10 15:30:06,456 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,457 - ERROR - Error in episode 5546: name 'args' is not defined +2025-03-10 15:30:06,459 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,459 - ERROR - Error in episode 5547: name 'args' is not defined +2025-03-10 15:30:06,462 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,462 - ERROR - Error in episode 5548: name 'args' is not defined +2025-03-10 15:30:06,465 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,465 - ERROR - Error in episode 5549: name 'args' is not defined +2025-03-10 15:30:06,467 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,468 - ERROR - Error in episode 5550: name 'args' is not defined +2025-03-10 15:30:06,470 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,471 - ERROR - Error in episode 5551: name 'args' is not defined +2025-03-10 15:30:06,474 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,474 - ERROR - Error in episode 5552: name 'args' is not defined +2025-03-10 15:30:06,476 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,477 - ERROR - Error in episode 5553: name 'args' is not defined +2025-03-10 15:30:06,479 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,479 - ERROR - Error in episode 5554: name 'args' is not defined +2025-03-10 15:30:06,482 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,482 - ERROR - Error in episode 5555: name 'args' is not defined +2025-03-10 15:30:06,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,485 - ERROR - Error in episode 5556: name 'args' is not defined +2025-03-10 15:30:06,489 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,489 - ERROR - Error in episode 5557: name 'args' is not defined +2025-03-10 15:30:06,492 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,492 - ERROR - Error in episode 5558: name 'args' is not defined +2025-03-10 15:30:06,495 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,495 - ERROR - Error in episode 5559: name 'args' is not defined +2025-03-10 15:30:06,498 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,498 - ERROR - Error in episode 5560: name 'args' is not defined +2025-03-10 15:30:06,501 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,501 - ERROR - Error in episode 5561: name 'args' is not defined +2025-03-10 15:30:06,503 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,504 - ERROR - Error in episode 5562: name 'args' is not defined +2025-03-10 15:30:06,506 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,507 - ERROR - Error in episode 5563: name 'args' is not defined +2025-03-10 15:30:06,509 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,509 - ERROR - Error in episode 5564: name 'args' is not defined +2025-03-10 15:30:06,512 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,512 - ERROR - Error in episode 5565: name 'args' is not defined +2025-03-10 15:30:06,515 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,515 - ERROR - Error in episode 5566: name 'args' is not defined +2025-03-10 15:30:06,517 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,518 - ERROR - Error in episode 5567: name 'args' is not defined +2025-03-10 15:30:06,521 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,521 - ERROR - Error in episode 5568: name 'args' is not defined +2025-03-10 15:30:06,524 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,524 - ERROR - Error in episode 5569: name 'args' is not defined +2025-03-10 15:30:06,527 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,527 - ERROR - Error in episode 5570: name 'args' is not defined +2025-03-10 15:30:06,529 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,530 - ERROR - Error in episode 5571: name 'args' is not defined +2025-03-10 15:30:06,533 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,534 - ERROR - Error in episode 5572: name 'args' is not defined +2025-03-10 15:30:06,536 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,537 - ERROR - Error in episode 5573: name 'args' is not defined +2025-03-10 15:30:06,540 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,540 - ERROR - Error in episode 5574: name 'args' is not defined +2025-03-10 15:30:06,542 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,543 - ERROR - Error in episode 5575: name 'args' is not defined +2025-03-10 15:30:06,545 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,545 - ERROR - Error in episode 5576: name 'args' is not defined +2025-03-10 15:30:06,548 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,548 - ERROR - Error in episode 5577: name 'args' is not defined +2025-03-10 15:30:06,552 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,552 - ERROR - Error in episode 5578: name 'args' is not defined +2025-03-10 15:30:06,554 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,555 - ERROR - Error in episode 5579: name 'args' is not defined +2025-03-10 15:30:06,557 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,557 - ERROR - Error in episode 5580: name 'args' is not defined +2025-03-10 15:30:06,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,560 - ERROR - Error in episode 5581: name 'args' is not defined +2025-03-10 15:30:06,563 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,563 - ERROR - Error in episode 5582: name 'args' is not defined +2025-03-10 15:30:06,566 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,566 - ERROR - Error in episode 5583: name 'args' is not defined +2025-03-10 15:30:06,569 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,569 - ERROR - Error in episode 5584: name 'args' is not defined +2025-03-10 15:30:06,572 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,572 - ERROR - Error in episode 5585: name 'args' is not defined +2025-03-10 15:30:06,574 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,575 - ERROR - Error in episode 5586: name 'args' is not defined +2025-03-10 15:30:06,577 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,578 - ERROR - Error in episode 5587: name 'args' is not defined +2025-03-10 15:30:06,581 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,582 - ERROR - Error in episode 5588: name 'args' is not defined +2025-03-10 15:30:06,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,585 - ERROR - Error in episode 5589: name 'args' is not defined +2025-03-10 15:30:06,587 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,588 - ERROR - Error in episode 5590: name 'args' is not defined +2025-03-10 15:30:06,591 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,591 - ERROR - Error in episode 5591: name 'args' is not defined +2025-03-10 15:30:06,594 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,594 - ERROR - Error in episode 5592: name 'args' is not defined +2025-03-10 15:30:06,597 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,597 - ERROR - Error in episode 5593: name 'args' is not defined +2025-03-10 15:30:06,601 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,601 - ERROR - Error in episode 5594: name 'args' is not defined +2025-03-10 15:30:06,603 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,604 - ERROR - Error in episode 5595: name 'args' is not defined +2025-03-10 15:30:06,606 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,607 - ERROR - Error in episode 5596: name 'args' is not defined +2025-03-10 15:30:06,609 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,609 - ERROR - Error in episode 5597: name 'args' is not defined +2025-03-10 15:30:06,612 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,612 - ERROR - Error in episode 5598: name 'args' is not defined +2025-03-10 15:30:06,615 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,615 - ERROR - Error in episode 5599: name 'args' is not defined +2025-03-10 15:30:06,617 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,617 - ERROR - Error in episode 5600: name 'args' is not defined +2025-03-10 15:30:06,620 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,620 - ERROR - Error in episode 5601: name 'args' is not defined +2025-03-10 15:30:06,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,623 - ERROR - Error in episode 5602: name 'args' is not defined +2025-03-10 15:30:06,626 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,626 - ERROR - Error in episode 5603: name 'args' is not defined +2025-03-10 15:30:06,629 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,629 - ERROR - Error in episode 5604: name 'args' is not defined +2025-03-10 15:30:06,633 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,633 - ERROR - Error in episode 5605: name 'args' is not defined +2025-03-10 15:30:06,635 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,635 - ERROR - Error in episode 5606: name 'args' is not defined +2025-03-10 15:30:06,638 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,638 - ERROR - Error in episode 5607: name 'args' is not defined +2025-03-10 15:30:06,641 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,641 - ERROR - Error in episode 5608: name 'args' is not defined +2025-03-10 15:30:06,644 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,644 - ERROR - Error in episode 5609: name 'args' is not defined +2025-03-10 15:30:06,647 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,647 - ERROR - Error in episode 5610: name 'args' is not defined +2025-03-10 15:30:06,650 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,650 - ERROR - Error in episode 5611: name 'args' is not defined +2025-03-10 15:30:06,653 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,654 - ERROR - Error in episode 5612: name 'args' is not defined +2025-03-10 15:30:06,657 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,657 - ERROR - Error in episode 5613: name 'args' is not defined +2025-03-10 15:30:06,660 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,660 - ERROR - Error in episode 5614: name 'args' is not defined +2025-03-10 15:30:06,662 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,663 - ERROR - Error in episode 5615: name 'args' is not defined +2025-03-10 15:30:06,665 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,665 - ERROR - Error in episode 5616: name 'args' is not defined +2025-03-10 15:30:06,668 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,669 - ERROR - Error in episode 5617: name 'args' is not defined +2025-03-10 15:30:06,671 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,672 - ERROR - Error in episode 5618: name 'args' is not defined +2025-03-10 15:30:06,675 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,676 - ERROR - Error in episode 5619: name 'args' is not defined +2025-03-10 15:30:06,678 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,679 - ERROR - Error in episode 5620: name 'args' is not defined +2025-03-10 15:30:06,682 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,682 - ERROR - Error in episode 5621: name 'args' is not defined +2025-03-10 15:30:06,684 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,685 - ERROR - Error in episode 5622: name 'args' is not defined +2025-03-10 15:30:06,687 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,687 - ERROR - Error in episode 5623: name 'args' is not defined +2025-03-10 15:30:06,691 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,691 - ERROR - Error in episode 5624: name 'args' is not defined +2025-03-10 15:30:06,694 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,694 - ERROR - Error in episode 5625: name 'args' is not defined +2025-03-10 15:30:06,697 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,697 - ERROR - Error in episode 5626: name 'args' is not defined +2025-03-10 15:30:06,699 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,700 - ERROR - Error in episode 5627: name 'args' is not defined +2025-03-10 15:30:06,702 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,702 - ERROR - Error in episode 5628: name 'args' is not defined +2025-03-10 15:30:06,705 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,705 - ERROR - Error in episode 5629: name 'args' is not defined +2025-03-10 15:30:06,708 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,708 - ERROR - Error in episode 5630: name 'args' is not defined +2025-03-10 15:30:06,711 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,711 - ERROR - Error in episode 5631: name 'args' is not defined +2025-03-10 15:30:06,714 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,714 - ERROR - Error in episode 5632: name 'args' is not defined +2025-03-10 15:30:06,717 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,717 - ERROR - Error in episode 5633: name 'args' is not defined +2025-03-10 15:30:06,720 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,721 - ERROR - Error in episode 5634: name 'args' is not defined +2025-03-10 15:30:06,723 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,724 - ERROR - Error in episode 5635: name 'args' is not defined +2025-03-10 15:30:06,726 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,726 - ERROR - Error in episode 5636: name 'args' is not defined +2025-03-10 15:30:06,729 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,729 - ERROR - Error in episode 5637: name 'args' is not defined +2025-03-10 15:30:06,732 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,733 - ERROR - Error in episode 5638: name 'args' is not defined +2025-03-10 15:30:06,735 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,736 - ERROR - Error in episode 5639: name 'args' is not defined +2025-03-10 15:30:06,738 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,738 - ERROR - Error in episode 5640: name 'args' is not defined +2025-03-10 15:30:06,741 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,741 - ERROR - Error in episode 5641: name 'args' is not defined +2025-03-10 15:30:06,744 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,744 - ERROR - Error in episode 5642: name 'args' is not defined +2025-03-10 15:30:06,747 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,747 - ERROR - Error in episode 5643: name 'args' is not defined +2025-03-10 15:30:06,750 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,751 - ERROR - Error in episode 5644: name 'args' is not defined +2025-03-10 15:30:06,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,753 - ERROR - Error in episode 5645: name 'args' is not defined +2025-03-10 15:30:06,757 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,757 - ERROR - Error in episode 5646: name 'args' is not defined +2025-03-10 15:30:06,759 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,760 - ERROR - Error in episode 5647: name 'args' is not defined +2025-03-10 15:30:06,762 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,763 - ERROR - Error in episode 5648: name 'args' is not defined +2025-03-10 15:30:06,765 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,766 - ERROR - Error in episode 5649: name 'args' is not defined +2025-03-10 15:30:06,768 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,769 - ERROR - Error in episode 5650: name 'args' is not defined +2025-03-10 15:30:06,771 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,771 - ERROR - Error in episode 5651: name 'args' is not defined +2025-03-10 15:30:06,774 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,775 - ERROR - Error in episode 5652: name 'args' is not defined +2025-03-10 15:30:06,777 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,778 - ERROR - Error in episode 5653: name 'args' is not defined +2025-03-10 15:30:06,780 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,780 - ERROR - Error in episode 5654: name 'args' is not defined +2025-03-10 15:30:06,783 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,783 - ERROR - Error in episode 5655: name 'args' is not defined +2025-03-10 15:30:06,787 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,787 - ERROR - Error in episode 5656: name 'args' is not defined +2025-03-10 15:30:06,790 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,790 - ERROR - Error in episode 5657: name 'args' is not defined +2025-03-10 15:30:06,793 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,793 - ERROR - Error in episode 5658: name 'args' is not defined +2025-03-10 15:30:06,796 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,796 - ERROR - Error in episode 5659: name 'args' is not defined +2025-03-10 15:30:06,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,799 - ERROR - Error in episode 5660: name 'args' is not defined +2025-03-10 15:30:06,801 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,802 - ERROR - Error in episode 5661: name 'args' is not defined +2025-03-10 15:30:06,804 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,804 - ERROR - Error in episode 5662: name 'args' is not defined +2025-03-10 15:30:06,807 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,808 - ERROR - Error in episode 5663: name 'args' is not defined +2025-03-10 15:30:06,811 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,811 - ERROR - Error in episode 5664: name 'args' is not defined +2025-03-10 15:30:06,813 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,813 - ERROR - Error in episode 5665: name 'args' is not defined +2025-03-10 15:30:06,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,816 - ERROR - Error in episode 5666: name 'args' is not defined +2025-03-10 15:30:06,818 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,819 - ERROR - Error in episode 5667: name 'args' is not defined +2025-03-10 15:30:06,821 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,821 - ERROR - Error in episode 5668: name 'args' is not defined +2025-03-10 15:30:06,824 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,824 - ERROR - Error in episode 5669: name 'args' is not defined +2025-03-10 15:30:06,828 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,828 - ERROR - Error in episode 5670: name 'args' is not defined +2025-03-10 15:30:06,831 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,831 - ERROR - Error in episode 5671: name 'args' is not defined +2025-03-10 15:30:06,833 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,833 - ERROR - Error in episode 5672: name 'args' is not defined +2025-03-10 15:30:06,837 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,837 - ERROR - Error in episode 5673: name 'args' is not defined +2025-03-10 15:30:06,839 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,840 - ERROR - Error in episode 5674: name 'args' is not defined +2025-03-10 15:30:06,842 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,842 - ERROR - Error in episode 5675: name 'args' is not defined +2025-03-10 15:30:06,845 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,845 - ERROR - Error in episode 5676: name 'args' is not defined +2025-03-10 15:30:06,848 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,848 - ERROR - Error in episode 5677: name 'args' is not defined +2025-03-10 15:30:06,850 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,851 - ERROR - Error in episode 5678: name 'args' is not defined +2025-03-10 15:30:06,854 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,854 - ERROR - Error in episode 5679: name 'args' is not defined +2025-03-10 15:30:06,857 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,857 - ERROR - Error in episode 5680: name 'args' is not defined +2025-03-10 15:30:06,860 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,861 - ERROR - Error in episode 5681: name 'args' is not defined +2025-03-10 15:30:06,863 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,864 - ERROR - Error in episode 5682: name 'args' is not defined +2025-03-10 15:30:06,866 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,867 - ERROR - Error in episode 5683: name 'args' is not defined +2025-03-10 15:30:06,870 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,870 - ERROR - Error in episode 5684: name 'args' is not defined +2025-03-10 15:30:06,872 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,873 - ERROR - Error in episode 5685: name 'args' is not defined +2025-03-10 15:30:06,876 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,876 - ERROR - Error in episode 5686: name 'args' is not defined +2025-03-10 15:30:06,878 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,879 - ERROR - Error in episode 5687: name 'args' is not defined +2025-03-10 15:30:06,882 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,882 - ERROR - Error in episode 5688: name 'args' is not defined +2025-03-10 15:30:06,886 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,886 - ERROR - Error in episode 5689: name 'args' is not defined +2025-03-10 15:30:06,889 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,889 - ERROR - Error in episode 5690: name 'args' is not defined +2025-03-10 15:30:06,892 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,893 - ERROR - Error in episode 5691: name 'args' is not defined +2025-03-10 15:30:06,896 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,896 - ERROR - Error in episode 5692: name 'args' is not defined +2025-03-10 15:30:06,898 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,899 - ERROR - Error in episode 5693: name 'args' is not defined +2025-03-10 15:30:06,901 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,901 - ERROR - Error in episode 5694: name 'args' is not defined +2025-03-10 15:30:06,904 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,904 - ERROR - Error in episode 5695: name 'args' is not defined +2025-03-10 15:30:06,907 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,907 - ERROR - Error in episode 5696: name 'args' is not defined +2025-03-10 15:30:06,910 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,910 - ERROR - Error in episode 5697: name 'args' is not defined +2025-03-10 15:30:06,913 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,913 - ERROR - Error in episode 5698: name 'args' is not defined +2025-03-10 15:30:06,915 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,916 - ERROR - Error in episode 5699: name 'args' is not defined +2025-03-10 15:30:06,919 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,919 - ERROR - Error in episode 5700: name 'args' is not defined +2025-03-10 15:30:06,921 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,922 - ERROR - Error in episode 5701: name 'args' is not defined +2025-03-10 15:30:06,924 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,925 - ERROR - Error in episode 5702: name 'args' is not defined +2025-03-10 15:30:06,927 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,927 - ERROR - Error in episode 5703: name 'args' is not defined +2025-03-10 15:30:06,929 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,929 - ERROR - Error in episode 5704: name 'args' is not defined +2025-03-10 15:30:06,933 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,933 - ERROR - Error in episode 5705: name 'args' is not defined +2025-03-10 15:30:06,936 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,936 - ERROR - Error in episode 5706: name 'args' is not defined +2025-03-10 15:30:06,938 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,939 - ERROR - Error in episode 5707: name 'args' is not defined +2025-03-10 15:30:06,941 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,942 - ERROR - Error in episode 5708: name 'args' is not defined +2025-03-10 15:30:06,944 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,945 - ERROR - Error in episode 5709: name 'args' is not defined +2025-03-10 15:30:06,947 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,948 - ERROR - Error in episode 5710: name 'args' is not defined +2025-03-10 15:30:06,951 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,951 - ERROR - Error in episode 5711: name 'args' is not defined +2025-03-10 15:30:06,954 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,954 - ERROR - Error in episode 5712: name 'args' is not defined +2025-03-10 15:30:06,956 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,957 - ERROR - Error in episode 5713: name 'args' is not defined +2025-03-10 15:30:06,959 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,960 - ERROR - Error in episode 5714: name 'args' is not defined +2025-03-10 15:30:06,962 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,963 - ERROR - Error in episode 5715: name 'args' is not defined +2025-03-10 15:30:06,966 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,966 - ERROR - Error in episode 5716: name 'args' is not defined +2025-03-10 15:30:06,969 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,969 - ERROR - Error in episode 5717: name 'args' is not defined +2025-03-10 15:30:06,972 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,972 - ERROR - Error in episode 5718: name 'args' is not defined +2025-03-10 15:30:06,975 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,975 - ERROR - Error in episode 5719: name 'args' is not defined +2025-03-10 15:30:06,979 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,979 - ERROR - Error in episode 5720: name 'args' is not defined +2025-03-10 15:30:06,983 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,983 - ERROR - Error in episode 5721: name 'args' is not defined +2025-03-10 15:30:06,986 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,986 - ERROR - Error in episode 5722: name 'args' is not defined +2025-03-10 15:30:06,989 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,989 - ERROR - Error in episode 5723: name 'args' is not defined +2025-03-10 15:30:06,991 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,992 - ERROR - Error in episode 5724: name 'args' is not defined +2025-03-10 15:30:06,995 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,995 - ERROR - Error in episode 5725: name 'args' is not defined +2025-03-10 15:30:06,998 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:06,998 - ERROR - Error in episode 5726: name 'args' is not defined +2025-03-10 15:30:07,001 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,002 - ERROR - Error in episode 5727: name 'args' is not defined +2025-03-10 15:30:07,004 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,005 - ERROR - Error in episode 5728: name 'args' is not defined +2025-03-10 15:30:07,007 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,007 - ERROR - Error in episode 5729: name 'args' is not defined +2025-03-10 15:30:07,010 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,012 - ERROR - Error in episode 5730: name 'args' is not defined +2025-03-10 15:30:07,014 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,015 - ERROR - Error in episode 5731: name 'args' is not defined +2025-03-10 15:30:07,017 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,018 - ERROR - Error in episode 5732: name 'args' is not defined +2025-03-10 15:30:07,020 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,020 - ERROR - Error in episode 5733: name 'args' is not defined +2025-03-10 15:30:07,023 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,023 - ERROR - Error in episode 5734: name 'args' is not defined +2025-03-10 15:30:07,026 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,026 - ERROR - Error in episode 5735: name 'args' is not defined +2025-03-10 15:30:07,029 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,029 - ERROR - Error in episode 5736: name 'args' is not defined +2025-03-10 15:30:07,033 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,033 - ERROR - Error in episode 5737: name 'args' is not defined +2025-03-10 15:30:07,036 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,036 - ERROR - Error in episode 5738: name 'args' is not defined +2025-03-10 15:30:07,039 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,039 - ERROR - Error in episode 5739: name 'args' is not defined +2025-03-10 15:30:07,042 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,042 - ERROR - Error in episode 5740: name 'args' is not defined +2025-03-10 15:30:07,045 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,045 - ERROR - Error in episode 5741: name 'args' is not defined +2025-03-10 15:30:07,048 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,048 - ERROR - Error in episode 5742: name 'args' is not defined +2025-03-10 15:30:07,050 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,050 - ERROR - Error in episode 5743: name 'args' is not defined +2025-03-10 15:30:07,053 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,053 - ERROR - Error in episode 5744: name 'args' is not defined +2025-03-10 15:30:07,055 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,056 - ERROR - Error in episode 5745: name 'args' is not defined +2025-03-10 15:30:07,058 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,059 - ERROR - Error in episode 5746: name 'args' is not defined +2025-03-10 15:30:07,062 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,062 - ERROR - Error in episode 5747: name 'args' is not defined +2025-03-10 15:30:07,064 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,065 - ERROR - Error in episode 5748: name 'args' is not defined +2025-03-10 15:30:07,067 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,068 - ERROR - Error in episode 5749: name 'args' is not defined +2025-03-10 15:30:07,070 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,070 - ERROR - Error in episode 5750: name 'args' is not defined +2025-03-10 15:30:07,073 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,073 - ERROR - Error in episode 5751: name 'args' is not defined +2025-03-10 15:30:07,076 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,077 - ERROR - Error in episode 5752: name 'args' is not defined +2025-03-10 15:30:07,079 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,079 - ERROR - Error in episode 5753: name 'args' is not defined +2025-03-10 15:30:07,082 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,082 - ERROR - Error in episode 5754: name 'args' is not defined +2025-03-10 15:30:07,085 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,085 - ERROR - Error in episode 5755: name 'args' is not defined +2025-03-10 15:30:07,088 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,088 - ERROR - Error in episode 5756: name 'args' is not defined +2025-03-10 15:30:07,090 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,091 - ERROR - Error in episode 5757: name 'args' is not defined +2025-03-10 15:30:07,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,094 - ERROR - Error in episode 5758: name 'args' is not defined +2025-03-10 15:30:07,097 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,097 - ERROR - Error in episode 5759: name 'args' is not defined +2025-03-10 15:30:07,099 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,100 - ERROR - Error in episode 5760: name 'args' is not defined +2025-03-10 15:30:07,103 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,104 - ERROR - Error in episode 5761: name 'args' is not defined +2025-03-10 15:30:07,106 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,107 - ERROR - Error in episode 5762: name 'args' is not defined +2025-03-10 15:30:07,109 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,109 - ERROR - Error in episode 5763: name 'args' is not defined +2025-03-10 15:30:07,112 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,112 - ERROR - Error in episode 5764: name 'args' is not defined +2025-03-10 15:30:07,114 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,115 - ERROR - Error in episode 5765: name 'args' is not defined +2025-03-10 15:30:07,117 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,117 - ERROR - Error in episode 5766: name 'args' is not defined +2025-03-10 15:30:07,121 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,121 - ERROR - Error in episode 5767: name 'args' is not defined +2025-03-10 15:30:07,124 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,124 - ERROR - Error in episode 5768: name 'args' is not defined +2025-03-10 15:30:07,126 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,127 - ERROR - Error in episode 5769: name 'args' is not defined +2025-03-10 15:30:07,129 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,129 - ERROR - Error in episode 5770: name 'args' is not defined +2025-03-10 15:30:07,132 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,133 - ERROR - Error in episode 5771: name 'args' is not defined +2025-03-10 15:30:07,135 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,136 - ERROR - Error in episode 5772: name 'args' is not defined +2025-03-10 15:30:07,138 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,139 - ERROR - Error in episode 5773: name 'args' is not defined +2025-03-10 15:30:07,141 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,142 - ERROR - Error in episode 5774: name 'args' is not defined +2025-03-10 15:30:07,144 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,144 - ERROR - Error in episode 5775: name 'args' is not defined +2025-03-10 15:30:07,147 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,147 - ERROR - Error in episode 5776: name 'args' is not defined +2025-03-10 15:30:07,149 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,150 - ERROR - Error in episode 5777: name 'args' is not defined +2025-03-10 15:30:07,153 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,153 - ERROR - Error in episode 5778: name 'args' is not defined +2025-03-10 15:30:07,156 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,156 - ERROR - Error in episode 5779: name 'args' is not defined +2025-03-10 15:30:07,158 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,159 - ERROR - Error in episode 5780: name 'args' is not defined +2025-03-10 15:30:07,162 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,162 - ERROR - Error in episode 5781: name 'args' is not defined +2025-03-10 15:30:07,165 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,165 - ERROR - Error in episode 5782: name 'args' is not defined +2025-03-10 15:30:07,168 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,168 - ERROR - Error in episode 5783: name 'args' is not defined +2025-03-10 15:30:07,171 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,171 - ERROR - Error in episode 5784: name 'args' is not defined +2025-03-10 15:30:07,174 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,174 - ERROR - Error in episode 5785: name 'args' is not defined +2025-03-10 15:30:07,178 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,179 - ERROR - Error in episode 5786: name 'args' is not defined +2025-03-10 15:30:07,181 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,181 - ERROR - Error in episode 5787: name 'args' is not defined +2025-03-10 15:30:07,183 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,184 - ERROR - Error in episode 5788: name 'args' is not defined +2025-03-10 15:30:07,186 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,186 - ERROR - Error in episode 5789: name 'args' is not defined +2025-03-10 15:30:07,190 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,191 - ERROR - Error in episode 5790: name 'args' is not defined +2025-03-10 15:30:07,193 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,194 - ERROR - Error in episode 5791: name 'args' is not defined +2025-03-10 15:30:07,197 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,197 - ERROR - Error in episode 5792: name 'args' is not defined +2025-03-10 15:30:07,200 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,201 - ERROR - Error in episode 5793: name 'args' is not defined +2025-03-10 15:30:07,204 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,205 - ERROR - Error in episode 5794: name 'args' is not defined +2025-03-10 15:30:07,208 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,208 - ERROR - Error in episode 5795: name 'args' is not defined +2025-03-10 15:30:07,212 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,212 - ERROR - Error in episode 5796: name 'args' is not defined +2025-03-10 15:30:07,215 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,215 - ERROR - Error in episode 5797: name 'args' is not defined +2025-03-10 15:30:07,218 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,218 - ERROR - Error in episode 5798: name 'args' is not defined +2025-03-10 15:30:07,221 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,221 - ERROR - Error in episode 5799: name 'args' is not defined +2025-03-10 15:30:07,223 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,224 - ERROR - Error in episode 5800: name 'args' is not defined +2025-03-10 15:30:07,226 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,226 - ERROR - Error in episode 5801: name 'args' is not defined +2025-03-10 15:30:07,229 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,229 - ERROR - Error in episode 5802: name 'args' is not defined +2025-03-10 15:30:07,232 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,233 - ERROR - Error in episode 5803: name 'args' is not defined +2025-03-10 15:30:07,235 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,235 - ERROR - Error in episode 5804: name 'args' is not defined +2025-03-10 15:30:07,237 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,238 - ERROR - Error in episode 5805: name 'args' is not defined +2025-03-10 15:30:07,240 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,240 - ERROR - Error in episode 5806: name 'args' is not defined +2025-03-10 15:30:07,243 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,243 - ERROR - Error in episode 5807: name 'args' is not defined +2025-03-10 15:30:07,246 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,246 - ERROR - Error in episode 5808: name 'args' is not defined +2025-03-10 15:30:07,248 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,249 - ERROR - Error in episode 5809: name 'args' is not defined +2025-03-10 15:30:07,251 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,252 - ERROR - Error in episode 5810: name 'args' is not defined +2025-03-10 15:30:07,255 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,255 - ERROR - Error in episode 5811: name 'args' is not defined +2025-03-10 15:30:07,257 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,258 - ERROR - Error in episode 5812: name 'args' is not defined +2025-03-10 15:30:07,260 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,261 - ERROR - Error in episode 5813: name 'args' is not defined +2025-03-10 15:30:07,263 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,263 - ERROR - Error in episode 5814: name 'args' is not defined +2025-03-10 15:30:07,266 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,266 - ERROR - Error in episode 5815: name 'args' is not defined +2025-03-10 15:30:07,270 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,270 - ERROR - Error in episode 5816: name 'args' is not defined +2025-03-10 15:30:07,273 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,274 - ERROR - Error in episode 5817: name 'args' is not defined +2025-03-10 15:30:07,277 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,278 - ERROR - Error in episode 5818: name 'args' is not defined +2025-03-10 15:30:07,281 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,282 - ERROR - Error in episode 5819: name 'args' is not defined +2025-03-10 15:30:07,284 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,285 - ERROR - Error in episode 5820: name 'args' is not defined +2025-03-10 15:30:07,288 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,288 - ERROR - Error in episode 5821: name 'args' is not defined +2025-03-10 15:30:07,290 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,291 - ERROR - Error in episode 5822: name 'args' is not defined +2025-03-10 15:30:07,293 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,294 - ERROR - Error in episode 5823: name 'args' is not defined +2025-03-10 15:30:07,297 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,297 - ERROR - Error in episode 5824: name 'args' is not defined +2025-03-10 15:30:07,300 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,300 - ERROR - Error in episode 5825: name 'args' is not defined +2025-03-10 15:30:07,302 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,303 - ERROR - Error in episode 5826: name 'args' is not defined +2025-03-10 15:30:07,305 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,305 - ERROR - Error in episode 5827: name 'args' is not defined +2025-03-10 15:30:07,308 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,308 - ERROR - Error in episode 5828: name 'args' is not defined +2025-03-10 15:30:07,312 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,312 - ERROR - Error in episode 5829: name 'args' is not defined +2025-03-10 15:30:07,315 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,316 - ERROR - Error in episode 5830: name 'args' is not defined +2025-03-10 15:30:07,318 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,319 - ERROR - Error in episode 5831: name 'args' is not defined +2025-03-10 15:30:07,322 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,322 - ERROR - Error in episode 5832: name 'args' is not defined +2025-03-10 15:30:07,325 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,325 - ERROR - Error in episode 5833: name 'args' is not defined +2025-03-10 15:30:07,329 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,329 - ERROR - Error in episode 5834: name 'args' is not defined +2025-03-10 15:30:07,331 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,331 - ERROR - Error in episode 5835: name 'args' is not defined +2025-03-10 15:30:07,333 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,334 - ERROR - Error in episode 5836: name 'args' is not defined +2025-03-10 15:30:07,336 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,337 - ERROR - Error in episode 5837: name 'args' is not defined +2025-03-10 15:30:07,339 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,339 - ERROR - Error in episode 5838: name 'args' is not defined +2025-03-10 15:30:07,342 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,342 - ERROR - Error in episode 5839: name 'args' is not defined +2025-03-10 15:30:07,345 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,345 - ERROR - Error in episode 5840: name 'args' is not defined +2025-03-10 15:30:07,348 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,348 - ERROR - Error in episode 5841: name 'args' is not defined +2025-03-10 15:30:07,351 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,351 - ERROR - Error in episode 5842: name 'args' is not defined +2025-03-10 15:30:07,354 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,355 - ERROR - Error in episode 5843: name 'args' is not defined +2025-03-10 15:30:07,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,358 - ERROR - Error in episode 5844: name 'args' is not defined +2025-03-10 15:30:07,360 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,360 - ERROR - Error in episode 5845: name 'args' is not defined +2025-03-10 15:30:07,362 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,362 - ERROR - Error in episode 5846: name 'args' is not defined +2025-03-10 15:30:07,366 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,367 - ERROR - Error in episode 5847: name 'args' is not defined +2025-03-10 15:30:07,369 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,369 - ERROR - Error in episode 5848: name 'args' is not defined +2025-03-10 15:30:07,371 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,372 - ERROR - Error in episode 5849: name 'args' is not defined +2025-03-10 15:30:07,374 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,374 - ERROR - Error in episode 5850: name 'args' is not defined +2025-03-10 15:30:07,377 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,377 - ERROR - Error in episode 5851: name 'args' is not defined +2025-03-10 15:30:07,380 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,380 - ERROR - Error in episode 5852: name 'args' is not defined +2025-03-10 15:30:07,383 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,383 - ERROR - Error in episode 5853: name 'args' is not defined +2025-03-10 15:30:07,386 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,386 - ERROR - Error in episode 5854: name 'args' is not defined +2025-03-10 15:30:07,389 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,390 - ERROR - Error in episode 5855: name 'args' is not defined +2025-03-10 15:30:07,392 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,393 - ERROR - Error in episode 5856: name 'args' is not defined +2025-03-10 15:30:07,395 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,396 - ERROR - Error in episode 5857: name 'args' is not defined +2025-03-10 15:30:07,398 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,399 - ERROR - Error in episode 5858: name 'args' is not defined +2025-03-10 15:30:07,402 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,402 - ERROR - Error in episode 5859: name 'args' is not defined +2025-03-10 15:30:07,405 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,405 - ERROR - Error in episode 5860: name 'args' is not defined +2025-03-10 15:30:07,408 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,408 - ERROR - Error in episode 5861: name 'args' is not defined +2025-03-10 15:30:07,410 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,411 - ERROR - Error in episode 5862: name 'args' is not defined +2025-03-10 15:30:07,413 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,414 - ERROR - Error in episode 5863: name 'args' is not defined +2025-03-10 15:30:07,416 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,416 - ERROR - Error in episode 5864: name 'args' is not defined +2025-03-10 15:30:07,419 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,420 - ERROR - Error in episode 5865: name 'args' is not defined +2025-03-10 15:30:07,422 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,422 - ERROR - Error in episode 5866: name 'args' is not defined +2025-03-10 15:30:07,425 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,426 - ERROR - Error in episode 5867: name 'args' is not defined +2025-03-10 15:30:07,428 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,429 - ERROR - Error in episode 5868: name 'args' is not defined +2025-03-10 15:30:07,431 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,431 - ERROR - Error in episode 5869: name 'args' is not defined +2025-03-10 15:30:07,434 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,434 - ERROR - Error in episode 5870: name 'args' is not defined +2025-03-10 15:30:07,437 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,437 - ERROR - Error in episode 5871: name 'args' is not defined +2025-03-10 15:30:07,440 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,440 - ERROR - Error in episode 5872: name 'args' is not defined +2025-03-10 15:30:07,443 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,443 - ERROR - Error in episode 5873: name 'args' is not defined +2025-03-10 15:30:07,445 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,446 - ERROR - Error in episode 5874: name 'args' is not defined +2025-03-10 15:30:07,449 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,449 - ERROR - Error in episode 5875: name 'args' is not defined +2025-03-10 15:30:07,451 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,451 - ERROR - Error in episode 5876: name 'args' is not defined +2025-03-10 15:30:07,454 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,454 - ERROR - Error in episode 5877: name 'args' is not defined +2025-03-10 15:30:07,457 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,457 - ERROR - Error in episode 5878: name 'args' is not defined +2025-03-10 15:30:07,461 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,461 - ERROR - Error in episode 5879: name 'args' is not defined +2025-03-10 15:30:07,464 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,464 - ERROR - Error in episode 5880: name 'args' is not defined +2025-03-10 15:30:07,466 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,467 - ERROR - Error in episode 5881: name 'args' is not defined +2025-03-10 15:30:07,469 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,469 - ERROR - Error in episode 5882: name 'args' is not defined +2025-03-10 15:30:07,472 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,472 - ERROR - Error in episode 5883: name 'args' is not defined +2025-03-10 15:30:07,475 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,476 - ERROR - Error in episode 5884: name 'args' is not defined +2025-03-10 15:30:07,478 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,479 - ERROR - Error in episode 5885: name 'args' is not defined +2025-03-10 15:30:07,481 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,482 - ERROR - Error in episode 5886: name 'args' is not defined +2025-03-10 15:30:07,484 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,485 - ERROR - Error in episode 5887: name 'args' is not defined +2025-03-10 15:30:07,487 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,487 - ERROR - Error in episode 5888: name 'args' is not defined +2025-03-10 15:30:07,490 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,490 - ERROR - Error in episode 5889: name 'args' is not defined +2025-03-10 15:30:07,493 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,494 - ERROR - Error in episode 5890: name 'args' is not defined +2025-03-10 15:30:07,496 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,496 - ERROR - Error in episode 5891: name 'args' is not defined +2025-03-10 15:30:07,499 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,499 - ERROR - Error in episode 5892: name 'args' is not defined +2025-03-10 15:30:07,501 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,502 - ERROR - Error in episode 5893: name 'args' is not defined +2025-03-10 15:30:07,504 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,505 - ERROR - Error in episode 5894: name 'args' is not defined +2025-03-10 15:30:07,507 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,508 - ERROR - Error in episode 5895: name 'args' is not defined +2025-03-10 15:30:07,510 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,510 - ERROR - Error in episode 5896: name 'args' is not defined +2025-03-10 15:30:07,513 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,513 - ERROR - Error in episode 5897: name 'args' is not defined +2025-03-10 15:30:07,516 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,516 - ERROR - Error in episode 5898: name 'args' is not defined +2025-03-10 15:30:07,519 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,519 - ERROR - Error in episode 5899: name 'args' is not defined +2025-03-10 15:30:07,521 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,522 - ERROR - Error in episode 5900: name 'args' is not defined +2025-03-10 15:30:07,525 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,525 - ERROR - Error in episode 5901: name 'args' is not defined +2025-03-10 15:30:07,528 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,528 - ERROR - Error in episode 5902: name 'args' is not defined +2025-03-10 15:30:07,531 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,531 - ERROR - Error in episode 5903: name 'args' is not defined +2025-03-10 15:30:07,534 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,535 - ERROR - Error in episode 5904: name 'args' is not defined +2025-03-10 15:30:07,537 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,537 - ERROR - Error in episode 5905: name 'args' is not defined +2025-03-10 15:30:07,540 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,540 - ERROR - Error in episode 5906: name 'args' is not defined +2025-03-10 15:30:07,543 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,543 - ERROR - Error in episode 5907: name 'args' is not defined +2025-03-10 15:30:07,546 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,546 - ERROR - Error in episode 5908: name 'args' is not defined +2025-03-10 15:30:07,549 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,549 - ERROR - Error in episode 5909: name 'args' is not defined +2025-03-10 15:30:07,551 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,552 - ERROR - Error in episode 5910: name 'args' is not defined +2025-03-10 15:30:07,554 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,554 - ERROR - Error in episode 5911: name 'args' is not defined +2025-03-10 15:30:07,556 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,556 - ERROR - Error in episode 5912: name 'args' is not defined +2025-03-10 15:30:07,558 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,559 - ERROR - Error in episode 5913: name 'args' is not defined +2025-03-10 15:30:07,561 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,562 - ERROR - Error in episode 5914: name 'args' is not defined +2025-03-10 15:30:07,564 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,565 - ERROR - Error in episode 5915: name 'args' is not defined +2025-03-10 15:30:07,567 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,567 - ERROR - Error in episode 5916: name 'args' is not defined +2025-03-10 15:30:07,570 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,570 - ERROR - Error in episode 5917: name 'args' is not defined +2025-03-10 15:30:07,573 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,573 - ERROR - Error in episode 5918: name 'args' is not defined +2025-03-10 15:30:07,575 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,576 - ERROR - Error in episode 5919: name 'args' is not defined +2025-03-10 15:30:07,579 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,579 - ERROR - Error in episode 5920: name 'args' is not defined +2025-03-10 15:30:07,581 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,582 - ERROR - Error in episode 5921: name 'args' is not defined +2025-03-10 15:30:07,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,585 - ERROR - Error in episode 5922: name 'args' is not defined +2025-03-10 15:30:07,587 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,588 - ERROR - Error in episode 5923: name 'args' is not defined +2025-03-10 15:30:07,591 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,591 - ERROR - Error in episode 5924: name 'args' is not defined +2025-03-10 15:30:07,594 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,594 - ERROR - Error in episode 5925: name 'args' is not defined +2025-03-10 15:30:07,597 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,598 - ERROR - Error in episode 5926: name 'args' is not defined +2025-03-10 15:30:07,601 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,601 - ERROR - Error in episode 5927: name 'args' is not defined +2025-03-10 15:30:07,604 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,604 - ERROR - Error in episode 5928: name 'args' is not defined +2025-03-10 15:30:07,606 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,606 - ERROR - Error in episode 5929: name 'args' is not defined +2025-03-10 15:30:07,608 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,609 - ERROR - Error in episode 5930: name 'args' is not defined +2025-03-10 15:30:07,611 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,611 - ERROR - Error in episode 5931: name 'args' is not defined +2025-03-10 15:30:07,614 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,615 - ERROR - Error in episode 5932: name 'args' is not defined +2025-03-10 15:30:07,618 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,618 - ERROR - Error in episode 5933: name 'args' is not defined +2025-03-10 15:30:07,620 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,621 - ERROR - Error in episode 5934: name 'args' is not defined +2025-03-10 15:30:07,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,623 - ERROR - Error in episode 5935: name 'args' is not defined +2025-03-10 15:30:07,626 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,626 - ERROR - Error in episode 5936: name 'args' is not defined +2025-03-10 15:30:07,629 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,629 - ERROR - Error in episode 5937: name 'args' is not defined +2025-03-10 15:30:07,631 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,632 - ERROR - Error in episode 5938: name 'args' is not defined +2025-03-10 15:30:07,634 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,634 - ERROR - Error in episode 5939: name 'args' is not defined +2025-03-10 15:30:07,638 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,638 - ERROR - Error in episode 5940: name 'args' is not defined +2025-03-10 15:30:07,641 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,641 - ERROR - Error in episode 5941: name 'args' is not defined +2025-03-10 15:30:07,644 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,644 - ERROR - Error in episode 5942: name 'args' is not defined +2025-03-10 15:30:07,646 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,647 - ERROR - Error in episode 5943: name 'args' is not defined +2025-03-10 15:30:07,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,651 - ERROR - Error in episode 5944: name 'args' is not defined +2025-03-10 15:30:07,653 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,653 - ERROR - Error in episode 5945: name 'args' is not defined +2025-03-10 15:30:07,656 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,657 - ERROR - Error in episode 5946: name 'args' is not defined +2025-03-10 15:30:07,659 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,659 - ERROR - Error in episode 5947: name 'args' is not defined +2025-03-10 15:30:07,662 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,662 - ERROR - Error in episode 5948: name 'args' is not defined +2025-03-10 15:30:07,665 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,666 - ERROR - Error in episode 5949: name 'args' is not defined +2025-03-10 15:30:07,668 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,669 - ERROR - Error in episode 5950: name 'args' is not defined +2025-03-10 15:30:07,672 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,672 - ERROR - Error in episode 5951: name 'args' is not defined +2025-03-10 15:30:07,675 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,675 - ERROR - Error in episode 5952: name 'args' is not defined +2025-03-10 15:30:07,678 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,678 - ERROR - Error in episode 5953: name 'args' is not defined +2025-03-10 15:30:07,681 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,681 - ERROR - Error in episode 5954: name 'args' is not defined +2025-03-10 15:30:07,684 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,684 - ERROR - Error in episode 5955: name 'args' is not defined +2025-03-10 15:30:07,687 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,687 - ERROR - Error in episode 5956: name 'args' is not defined +2025-03-10 15:30:07,690 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,690 - ERROR - Error in episode 5957: name 'args' is not defined +2025-03-10 15:30:07,693 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,693 - ERROR - Error in episode 5958: name 'args' is not defined +2025-03-10 15:30:07,696 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,696 - ERROR - Error in episode 5959: name 'args' is not defined +2025-03-10 15:30:07,699 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,699 - ERROR - Error in episode 5960: name 'args' is not defined +2025-03-10 15:30:07,702 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,702 - ERROR - Error in episode 5961: name 'args' is not defined +2025-03-10 15:30:07,705 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,705 - ERROR - Error in episode 5962: name 'args' is not defined +2025-03-10 15:30:07,709 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,709 - ERROR - Error in episode 5963: name 'args' is not defined +2025-03-10 15:30:07,712 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,712 - ERROR - Error in episode 5964: name 'args' is not defined +2025-03-10 15:30:07,714 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,715 - ERROR - Error in episode 5965: name 'args' is not defined +2025-03-10 15:30:07,718 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,718 - ERROR - Error in episode 5966: name 'args' is not defined +2025-03-10 15:30:07,721 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,721 - ERROR - Error in episode 5967: name 'args' is not defined +2025-03-10 15:30:07,723 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,724 - ERROR - Error in episode 5968: name 'args' is not defined +2025-03-10 15:30:07,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,727 - ERROR - Error in episode 5969: name 'args' is not defined +2025-03-10 15:30:07,730 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,731 - ERROR - Error in episode 5970: name 'args' is not defined +2025-03-10 15:30:07,733 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,734 - ERROR - Error in episode 5971: name 'args' is not defined +2025-03-10 15:30:07,736 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,736 - ERROR - Error in episode 5972: name 'args' is not defined +2025-03-10 15:30:07,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,739 - ERROR - Error in episode 5973: name 'args' is not defined +2025-03-10 15:30:07,742 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,742 - ERROR - Error in episode 5974: name 'args' is not defined +2025-03-10 15:30:07,745 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,745 - ERROR - Error in episode 5975: name 'args' is not defined +2025-03-10 15:30:07,749 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,750 - ERROR - Error in episode 5976: name 'args' is not defined +2025-03-10 15:30:07,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,753 - ERROR - Error in episode 5977: name 'args' is not defined +2025-03-10 15:30:07,755 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,755 - ERROR - Error in episode 5978: name 'args' is not defined +2025-03-10 15:30:07,758 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,758 - ERROR - Error in episode 5979: name 'args' is not defined +2025-03-10 15:30:07,761 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,761 - ERROR - Error in episode 5980: name 'args' is not defined +2025-03-10 15:30:07,763 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,764 - ERROR - Error in episode 5981: name 'args' is not defined +2025-03-10 15:30:07,767 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,767 - ERROR - Error in episode 5982: name 'args' is not defined +2025-03-10 15:30:07,769 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,769 - ERROR - Error in episode 5983: name 'args' is not defined +2025-03-10 15:30:07,772 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,772 - ERROR - Error in episode 5984: name 'args' is not defined +2025-03-10 15:30:07,775 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,775 - ERROR - Error in episode 5985: name 'args' is not defined +2025-03-10 15:30:07,777 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,779 - ERROR - Error in episode 5986: name 'args' is not defined +2025-03-10 15:30:07,781 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,781 - ERROR - Error in episode 5987: name 'args' is not defined +2025-03-10 15:30:07,785 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,785 - ERROR - Error in episode 5988: name 'args' is not defined +2025-03-10 15:30:07,787 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,787 - ERROR - Error in episode 5989: name 'args' is not defined +2025-03-10 15:30:07,791 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,791 - ERROR - Error in episode 5990: name 'args' is not defined +2025-03-10 15:30:07,795 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,795 - ERROR - Error in episode 5991: name 'args' is not defined +2025-03-10 15:30:07,797 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,798 - ERROR - Error in episode 5992: name 'args' is not defined +2025-03-10 15:30:07,801 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,801 - ERROR - Error in episode 5993: name 'args' is not defined +2025-03-10 15:30:07,803 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,803 - ERROR - Error in episode 5994: name 'args' is not defined +2025-03-10 15:30:07,806 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,806 - ERROR - Error in episode 5995: name 'args' is not defined +2025-03-10 15:30:07,809 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,809 - ERROR - Error in episode 5996: name 'args' is not defined +2025-03-10 15:30:07,811 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,811 - ERROR - Error in episode 5997: name 'args' is not defined +2025-03-10 15:30:07,814 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,814 - ERROR - Error in episode 5998: name 'args' is not defined +2025-03-10 15:30:07,817 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,817 - ERROR - Error in episode 5999: name 'args' is not defined +2025-03-10 15:30:07,820 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,820 - ERROR - Error in episode 6000: name 'args' is not defined +2025-03-10 15:30:07,822 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,823 - ERROR - Error in episode 6001: name 'args' is not defined +2025-03-10 15:30:07,826 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,826 - ERROR - Error in episode 6002: name 'args' is not defined +2025-03-10 15:30:07,829 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,829 - ERROR - Error in episode 6003: name 'args' is not defined +2025-03-10 15:30:07,832 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,833 - ERROR - Error in episode 6004: name 'args' is not defined +2025-03-10 15:30:07,835 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,835 - ERROR - Error in episode 6005: name 'args' is not defined +2025-03-10 15:30:07,838 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,838 - ERROR - Error in episode 6006: name 'args' is not defined +2025-03-10 15:30:07,841 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,841 - ERROR - Error in episode 6007: name 'args' is not defined +2025-03-10 15:30:07,843 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,844 - ERROR - Error in episode 6008: name 'args' is not defined +2025-03-10 15:30:07,846 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,846 - ERROR - Error in episode 6009: name 'args' is not defined +2025-03-10 15:30:07,850 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,850 - ERROR - Error in episode 6010: name 'args' is not defined +2025-03-10 15:30:07,852 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,853 - ERROR - Error in episode 6011: name 'args' is not defined +2025-03-10 15:30:07,855 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,855 - ERROR - Error in episode 6012: name 'args' is not defined +2025-03-10 15:30:07,858 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,859 - ERROR - Error in episode 6013: name 'args' is not defined +2025-03-10 15:30:07,861 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,862 - ERROR - Error in episode 6014: name 'args' is not defined +2025-03-10 15:30:07,864 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,865 - ERROR - Error in episode 6015: name 'args' is not defined +2025-03-10 15:30:07,867 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,868 - ERROR - Error in episode 6016: name 'args' is not defined +2025-03-10 15:30:07,870 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,870 - ERROR - Error in episode 6017: name 'args' is not defined +2025-03-10 15:30:07,873 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,874 - ERROR - Error in episode 6018: name 'args' is not defined +2025-03-10 15:30:07,876 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,877 - ERROR - Error in episode 6019: name 'args' is not defined +2025-03-10 15:30:07,879 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,880 - ERROR - Error in episode 6020: name 'args' is not defined +2025-03-10 15:30:07,883 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,883 - ERROR - Error in episode 6021: name 'args' is not defined +2025-03-10 15:30:07,886 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,886 - ERROR - Error in episode 6022: name 'args' is not defined +2025-03-10 15:30:07,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,889 - ERROR - Error in episode 6023: name 'args' is not defined +2025-03-10 15:30:07,892 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,892 - ERROR - Error in episode 6024: name 'args' is not defined +2025-03-10 15:30:07,894 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,895 - ERROR - Error in episode 6025: name 'args' is not defined +2025-03-10 15:30:07,897 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,898 - ERROR - Error in episode 6026: name 'args' is not defined +2025-03-10 15:30:07,900 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,901 - ERROR - Error in episode 6027: name 'args' is not defined +2025-03-10 15:30:07,904 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,904 - ERROR - Error in episode 6028: name 'args' is not defined +2025-03-10 15:30:07,906 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,907 - ERROR - Error in episode 6029: name 'args' is not defined +2025-03-10 15:30:07,909 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,910 - ERROR - Error in episode 6030: name 'args' is not defined +2025-03-10 15:30:07,912 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,912 - ERROR - Error in episode 6031: name 'args' is not defined +2025-03-10 15:30:07,915 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,915 - ERROR - Error in episode 6032: name 'args' is not defined +2025-03-10 15:30:07,919 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,919 - ERROR - Error in episode 6033: name 'args' is not defined +2025-03-10 15:30:07,922 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,922 - ERROR - Error in episode 6034: name 'args' is not defined +2025-03-10 15:30:07,925 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,926 - ERROR - Error in episode 6035: name 'args' is not defined +2025-03-10 15:30:07,928 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,928 - ERROR - Error in episode 6036: name 'args' is not defined +2025-03-10 15:30:07,931 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,931 - ERROR - Error in episode 6037: name 'args' is not defined +2025-03-10 15:30:07,934 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,935 - ERROR - Error in episode 6038: name 'args' is not defined +2025-03-10 15:30:07,937 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,937 - ERROR - Error in episode 6039: name 'args' is not defined +2025-03-10 15:30:07,939 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,940 - ERROR - Error in episode 6040: name 'args' is not defined +2025-03-10 15:30:07,942 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,943 - ERROR - Error in episode 6041: name 'args' is not defined +2025-03-10 15:30:07,945 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,946 - ERROR - Error in episode 6042: name 'args' is not defined +2025-03-10 15:30:07,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,948 - ERROR - Error in episode 6043: name 'args' is not defined +2025-03-10 15:30:07,951 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,951 - ERROR - Error in episode 6044: name 'args' is not defined +2025-03-10 15:30:07,954 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,954 - ERROR - Error in episode 6045: name 'args' is not defined +2025-03-10 15:30:07,957 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,957 - ERROR - Error in episode 6046: name 'args' is not defined +2025-03-10 15:30:07,960 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,960 - ERROR - Error in episode 6047: name 'args' is not defined +2025-03-10 15:30:07,962 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,963 - ERROR - Error in episode 6048: name 'args' is not defined +2025-03-10 15:30:07,965 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,966 - ERROR - Error in episode 6049: name 'args' is not defined +2025-03-10 15:30:07,969 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,969 - ERROR - Error in episode 6050: name 'args' is not defined +2025-03-10 15:30:07,971 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,972 - ERROR - Error in episode 6051: name 'args' is not defined +2025-03-10 15:30:07,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,975 - ERROR - Error in episode 6052: name 'args' is not defined +2025-03-10 15:30:07,977 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,977 - ERROR - Error in episode 6053: name 'args' is not defined +2025-03-10 15:30:07,980 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,980 - ERROR - Error in episode 6054: name 'args' is not defined +2025-03-10 15:30:07,983 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,983 - ERROR - Error in episode 6055: name 'args' is not defined +2025-03-10 15:30:07,986 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,986 - ERROR - Error in episode 6056: name 'args' is not defined +2025-03-10 15:30:07,988 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,989 - ERROR - Error in episode 6057: name 'args' is not defined +2025-03-10 15:30:07,992 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,992 - ERROR - Error in episode 6058: name 'args' is not defined +2025-03-10 15:30:07,994 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,995 - ERROR - Error in episode 6059: name 'args' is not defined +2025-03-10 15:30:07,997 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:07,997 - ERROR - Error in episode 6060: name 'args' is not defined +2025-03-10 15:30:08,000 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,000 - ERROR - Error in episode 6061: name 'args' is not defined +2025-03-10 15:30:08,002 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,003 - ERROR - Error in episode 6062: name 'args' is not defined +2025-03-10 15:30:08,005 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,006 - ERROR - Error in episode 6063: name 'args' is not defined +2025-03-10 15:30:08,008 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,008 - ERROR - Error in episode 6064: name 'args' is not defined +2025-03-10 15:30:08,011 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,011 - ERROR - Error in episode 6065: name 'args' is not defined +2025-03-10 15:30:08,013 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,014 - ERROR - Error in episode 6066: name 'args' is not defined +2025-03-10 15:30:08,016 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,016 - ERROR - Error in episode 6067: name 'args' is not defined +2025-03-10 15:30:08,019 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,020 - ERROR - Error in episode 6068: name 'args' is not defined +2025-03-10 15:30:08,022 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,022 - ERROR - Error in episode 6069: name 'args' is not defined +2025-03-10 15:30:08,025 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,026 - ERROR - Error in episode 6070: name 'args' is not defined +2025-03-10 15:30:08,029 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,030 - ERROR - Error in episode 6071: name 'args' is not defined +2025-03-10 15:30:08,032 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,032 - ERROR - Error in episode 6072: name 'args' is not defined +2025-03-10 15:30:08,034 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,035 - ERROR - Error in episode 6073: name 'args' is not defined +2025-03-10 15:30:08,037 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,037 - ERROR - Error in episode 6074: name 'args' is not defined +2025-03-10 15:30:08,039 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,040 - ERROR - Error in episode 6075: name 'args' is not defined +2025-03-10 15:30:08,044 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,044 - ERROR - Error in episode 6076: name 'args' is not defined +2025-03-10 15:30:08,046 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,047 - ERROR - Error in episode 6077: name 'args' is not defined +2025-03-10 15:30:08,049 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,050 - ERROR - Error in episode 6078: name 'args' is not defined +2025-03-10 15:30:08,052 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,052 - ERROR - Error in episode 6079: name 'args' is not defined +2025-03-10 15:30:08,055 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,055 - ERROR - Error in episode 6080: name 'args' is not defined +2025-03-10 15:30:08,058 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,058 - ERROR - Error in episode 6081: name 'args' is not defined +2025-03-10 15:30:08,061 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,061 - ERROR - Error in episode 6082: name 'args' is not defined +2025-03-10 15:30:08,063 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,064 - ERROR - Error in episode 6083: name 'args' is not defined +2025-03-10 15:30:08,067 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,067 - ERROR - Error in episode 6084: name 'args' is not defined +2025-03-10 15:30:08,069 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,070 - ERROR - Error in episode 6085: name 'args' is not defined +2025-03-10 15:30:08,072 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,072 - ERROR - Error in episode 6086: name 'args' is not defined +2025-03-10 15:30:08,075 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,076 - ERROR - Error in episode 6087: name 'args' is not defined +2025-03-10 15:30:08,078 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,078 - ERROR - Error in episode 6088: name 'args' is not defined +2025-03-10 15:30:08,082 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,082 - ERROR - Error in episode 6089: name 'args' is not defined +2025-03-10 15:30:08,085 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,085 - ERROR - Error in episode 6090: name 'args' is not defined +2025-03-10 15:30:08,088 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,088 - ERROR - Error in episode 6091: name 'args' is not defined +2025-03-10 15:30:08,091 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,092 - ERROR - Error in episode 6092: name 'args' is not defined +2025-03-10 15:30:08,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,095 - ERROR - Error in episode 6093: name 'args' is not defined +2025-03-10 15:30:08,097 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,097 - ERROR - Error in episode 6094: name 'args' is not defined +2025-03-10 15:30:08,100 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,100 - ERROR - Error in episode 6095: name 'args' is not defined +2025-03-10 15:30:08,103 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,103 - ERROR - Error in episode 6096: name 'args' is not defined +2025-03-10 15:30:08,105 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,105 - ERROR - Error in episode 6097: name 'args' is not defined +2025-03-10 15:30:08,108 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,108 - ERROR - Error in episode 6098: name 'args' is not defined +2025-03-10 15:30:08,111 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,111 - ERROR - Error in episode 6099: name 'args' is not defined +2025-03-10 15:30:08,114 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,115 - ERROR - Error in episode 6100: name 'args' is not defined +2025-03-10 15:30:08,118 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,118 - ERROR - Error in episode 6101: name 'args' is not defined +2025-03-10 15:30:08,121 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,121 - ERROR - Error in episode 6102: name 'args' is not defined +2025-03-10 15:30:08,123 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,125 - ERROR - Error in episode 6103: name 'args' is not defined +2025-03-10 15:30:08,127 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,127 - ERROR - Error in episode 6104: name 'args' is not defined +2025-03-10 15:30:08,130 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,130 - ERROR - Error in episode 6105: name 'args' is not defined +2025-03-10 15:30:08,132 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,132 - ERROR - Error in episode 6106: name 'args' is not defined +2025-03-10 15:30:08,134 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,135 - ERROR - Error in episode 6107: name 'args' is not defined +2025-03-10 15:30:08,138 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,139 - ERROR - Error in episode 6108: name 'args' is not defined +2025-03-10 15:30:08,141 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,141 - ERROR - Error in episode 6109: name 'args' is not defined +2025-03-10 15:30:08,144 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,144 - ERROR - Error in episode 6110: name 'args' is not defined +2025-03-10 15:30:08,147 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,147 - ERROR - Error in episode 6111: name 'args' is not defined +2025-03-10 15:30:08,150 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,150 - ERROR - Error in episode 6112: name 'args' is not defined +2025-03-10 15:30:08,153 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,153 - ERROR - Error in episode 6113: name 'args' is not defined +2025-03-10 15:30:08,155 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,156 - ERROR - Error in episode 6114: name 'args' is not defined +2025-03-10 15:30:08,159 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,159 - ERROR - Error in episode 6115: name 'args' is not defined +2025-03-10 15:30:08,161 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,162 - ERROR - Error in episode 6116: name 'args' is not defined +2025-03-10 15:30:08,164 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,164 - ERROR - Error in episode 6117: name 'args' is not defined +2025-03-10 15:30:08,167 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,168 - ERROR - Error in episode 6118: name 'args' is not defined +2025-03-10 15:30:08,170 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,170 - ERROR - Error in episode 6119: name 'args' is not defined +2025-03-10 15:30:08,173 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,173 - ERROR - Error in episode 6120: name 'args' is not defined +2025-03-10 15:30:08,175 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,176 - ERROR - Error in episode 6121: name 'args' is not defined +2025-03-10 15:30:08,178 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,178 - ERROR - Error in episode 6122: name 'args' is not defined +2025-03-10 15:30:08,181 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,181 - ERROR - Error in episode 6123: name 'args' is not defined +2025-03-10 15:30:08,185 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,185 - ERROR - Error in episode 6124: name 'args' is not defined +2025-03-10 15:30:08,189 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,189 - ERROR - Error in episode 6125: name 'args' is not defined +2025-03-10 15:30:08,191 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,192 - ERROR - Error in episode 6126: name 'args' is not defined +2025-03-10 15:30:08,194 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,194 - ERROR - Error in episode 6127: name 'args' is not defined +2025-03-10 15:30:08,197 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,197 - ERROR - Error in episode 6128: name 'args' is not defined +2025-03-10 15:30:08,200 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,200 - ERROR - Error in episode 6129: name 'args' is not defined +2025-03-10 15:30:08,202 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,203 - ERROR - Error in episode 6130: name 'args' is not defined +2025-03-10 15:30:08,205 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,206 - ERROR - Error in episode 6131: name 'args' is not defined +2025-03-10 15:30:08,208 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,208 - ERROR - Error in episode 6132: name 'args' is not defined +2025-03-10 15:30:08,211 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,211 - ERROR - Error in episode 6133: name 'args' is not defined +2025-03-10 15:30:08,214 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,214 - ERROR - Error in episode 6134: name 'args' is not defined +2025-03-10 15:30:08,217 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,217 - ERROR - Error in episode 6135: name 'args' is not defined +2025-03-10 15:30:08,219 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,220 - ERROR - Error in episode 6136: name 'args' is not defined +2025-03-10 15:30:08,222 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,223 - ERROR - Error in episode 6137: name 'args' is not defined +2025-03-10 15:30:08,225 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,226 - ERROR - Error in episode 6138: name 'args' is not defined +2025-03-10 15:30:08,229 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,229 - ERROR - Error in episode 6139: name 'args' is not defined +2025-03-10 15:30:08,232 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,233 - ERROR - Error in episode 6140: name 'args' is not defined +2025-03-10 15:30:08,235 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,235 - ERROR - Error in episode 6141: name 'args' is not defined +2025-03-10 15:30:08,238 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,238 - ERROR - Error in episode 6142: name 'args' is not defined +2025-03-10 15:30:08,241 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,241 - ERROR - Error in episode 6143: name 'args' is not defined +2025-03-10 15:30:08,243 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,244 - ERROR - Error in episode 6144: name 'args' is not defined +2025-03-10 15:30:08,246 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,247 - ERROR - Error in episode 6145: name 'args' is not defined +2025-03-10 15:30:08,249 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,249 - ERROR - Error in episode 6146: name 'args' is not defined +2025-03-10 15:30:08,252 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,252 - ERROR - Error in episode 6147: name 'args' is not defined +2025-03-10 15:30:08,255 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,256 - ERROR - Error in episode 6148: name 'args' is not defined +2025-03-10 15:30:08,258 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,258 - ERROR - Error in episode 6149: name 'args' is not defined +2025-03-10 15:30:08,261 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,261 - ERROR - Error in episode 6150: name 'args' is not defined +2025-03-10 15:30:08,264 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,264 - ERROR - Error in episode 6151: name 'args' is not defined +2025-03-10 15:30:08,266 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,267 - ERROR - Error in episode 6152: name 'args' is not defined +2025-03-10 15:30:08,269 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,269 - ERROR - Error in episode 6153: name 'args' is not defined +2025-03-10 15:30:08,272 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,273 - ERROR - Error in episode 6154: name 'args' is not defined +2025-03-10 15:30:08,275 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,275 - ERROR - Error in episode 6155: name 'args' is not defined +2025-03-10 15:30:08,277 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,278 - ERROR - Error in episode 6156: name 'args' is not defined +2025-03-10 15:30:08,280 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,280 - ERROR - Error in episode 6157: name 'args' is not defined +2025-03-10 15:30:08,283 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,283 - ERROR - Error in episode 6158: name 'args' is not defined +2025-03-10 15:30:08,286 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,286 - ERROR - Error in episode 6159: name 'args' is not defined +2025-03-10 15:30:08,289 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,289 - ERROR - Error in episode 6160: name 'args' is not defined +2025-03-10 15:30:08,291 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,292 - ERROR - Error in episode 6161: name 'args' is not defined +2025-03-10 15:30:08,294 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,294 - ERROR - Error in episode 6162: name 'args' is not defined +2025-03-10 15:30:08,297 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,298 - ERROR - Error in episode 6163: name 'args' is not defined +2025-03-10 15:30:08,300 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,300 - ERROR - Error in episode 6164: name 'args' is not defined +2025-03-10 15:30:08,303 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,303 - ERROR - Error in episode 6165: name 'args' is not defined +2025-03-10 15:30:08,306 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,306 - ERROR - Error in episode 6166: name 'args' is not defined +2025-03-10 15:30:08,308 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,308 - ERROR - Error in episode 6167: name 'args' is not defined +2025-03-10 15:30:08,311 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,311 - ERROR - Error in episode 6168: name 'args' is not defined +2025-03-10 15:30:08,314 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,314 - ERROR - Error in episode 6169: name 'args' is not defined +2025-03-10 15:30:08,316 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,317 - ERROR - Error in episode 6170: name 'args' is not defined +2025-03-10 15:30:08,319 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,319 - ERROR - Error in episode 6171: name 'args' is not defined +2025-03-10 15:30:08,322 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,323 - ERROR - Error in episode 6172: name 'args' is not defined +2025-03-10 15:30:08,325 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,325 - ERROR - Error in episode 6173: name 'args' is not defined +2025-03-10 15:30:08,329 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,329 - ERROR - Error in episode 6174: name 'args' is not defined +2025-03-10 15:30:08,331 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,331 - ERROR - Error in episode 6175: name 'args' is not defined +2025-03-10 15:30:08,334 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,335 - ERROR - Error in episode 6176: name 'args' is not defined +2025-03-10 15:30:08,337 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,339 - ERROR - Error in episode 6177: name 'args' is not defined +2025-03-10 15:30:08,341 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,341 - ERROR - Error in episode 6178: name 'args' is not defined +2025-03-10 15:30:08,343 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,344 - ERROR - Error in episode 6179: name 'args' is not defined +2025-03-10 15:30:08,346 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,347 - ERROR - Error in episode 6180: name 'args' is not defined +2025-03-10 15:30:08,349 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,349 - ERROR - Error in episode 6181: name 'args' is not defined +2025-03-10 15:30:08,352 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,352 - ERROR - Error in episode 6182: name 'args' is not defined +2025-03-10 15:30:08,354 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,355 - ERROR - Error in episode 6183: name 'args' is not defined +2025-03-10 15:30:08,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,357 - ERROR - Error in episode 6184: name 'args' is not defined +2025-03-10 15:30:08,360 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,360 - ERROR - Error in episode 6185: name 'args' is not defined +2025-03-10 15:30:08,363 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,363 - ERROR - Error in episode 6186: name 'args' is not defined +2025-03-10 15:30:08,365 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,366 - ERROR - Error in episode 6187: name 'args' is not defined +2025-03-10 15:30:08,368 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,369 - ERROR - Error in episode 6188: name 'args' is not defined +2025-03-10 15:30:08,371 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,371 - ERROR - Error in episode 6189: name 'args' is not defined +2025-03-10 15:30:08,374 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,374 - ERROR - Error in episode 6190: name 'args' is not defined +2025-03-10 15:30:08,377 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,378 - ERROR - Error in episode 6191: name 'args' is not defined +2025-03-10 15:30:08,380 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,380 - ERROR - Error in episode 6192: name 'args' is not defined +2025-03-10 15:30:08,383 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,383 - ERROR - Error in episode 6193: name 'args' is not defined +2025-03-10 15:30:08,386 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,386 - ERROR - Error in episode 6194: name 'args' is not defined +2025-03-10 15:30:08,389 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,389 - ERROR - Error in episode 6195: name 'args' is not defined +2025-03-10 15:30:08,392 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,392 - ERROR - Error in episode 6196: name 'args' is not defined +2025-03-10 15:30:08,395 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,395 - ERROR - Error in episode 6197: name 'args' is not defined +2025-03-10 15:30:08,398 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,398 - ERROR - Error in episode 6198: name 'args' is not defined +2025-03-10 15:30:08,400 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,401 - ERROR - Error in episode 6199: name 'args' is not defined +2025-03-10 15:30:08,404 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,404 - ERROR - Error in episode 6200: name 'args' is not defined +2025-03-10 15:30:08,406 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,407 - ERROR - Error in episode 6201: name 'args' is not defined +2025-03-10 15:30:08,409 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,410 - ERROR - Error in episode 6202: name 'args' is not defined +2025-03-10 15:30:08,413 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,413 - ERROR - Error in episode 6203: name 'args' is not defined +2025-03-10 15:30:08,415 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,415 - ERROR - Error in episode 6204: name 'args' is not defined +2025-03-10 15:30:08,418 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,418 - ERROR - Error in episode 6205: name 'args' is not defined +2025-03-10 15:30:08,422 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,422 - ERROR - Error in episode 6206: name 'args' is not defined +2025-03-10 15:30:08,424 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,424 - ERROR - Error in episode 6207: name 'args' is not defined +2025-03-10 15:30:08,427 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,427 - ERROR - Error in episode 6208: name 'args' is not defined +2025-03-10 15:30:08,430 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,430 - ERROR - Error in episode 6209: name 'args' is not defined +2025-03-10 15:30:08,432 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,433 - ERROR - Error in episode 6210: name 'args' is not defined +2025-03-10 15:30:08,435 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,435 - ERROR - Error in episode 6211: name 'args' is not defined +2025-03-10 15:30:08,438 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,438 - ERROR - Error in episode 6212: name 'args' is not defined +2025-03-10 15:30:08,441 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,441 - ERROR - Error in episode 6213: name 'args' is not defined +2025-03-10 15:30:08,444 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,444 - ERROR - Error in episode 6214: name 'args' is not defined +2025-03-10 15:30:08,447 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,447 - ERROR - Error in episode 6215: name 'args' is not defined +2025-03-10 15:30:08,451 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,451 - ERROR - Error in episode 6216: name 'args' is not defined +2025-03-10 15:30:08,454 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,454 - ERROR - Error in episode 6217: name 'args' is not defined +2025-03-10 15:30:08,456 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,456 - ERROR - Error in episode 6218: name 'args' is not defined +2025-03-10 15:30:08,459 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,459 - ERROR - Error in episode 6219: name 'args' is not defined +2025-03-10 15:30:08,462 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,463 - ERROR - Error in episode 6220: name 'args' is not defined +2025-03-10 15:30:08,465 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,465 - ERROR - Error in episode 6221: name 'args' is not defined +2025-03-10 15:30:08,467 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,468 - ERROR - Error in episode 6222: name 'args' is not defined +2025-03-10 15:30:08,471 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,471 - ERROR - Error in episode 6223: name 'args' is not defined +2025-03-10 15:30:08,473 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,474 - ERROR - Error in episode 6224: name 'args' is not defined +2025-03-10 15:30:08,476 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,477 - ERROR - Error in episode 6225: name 'args' is not defined +2025-03-10 15:30:08,479 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,480 - ERROR - Error in episode 6226: name 'args' is not defined +2025-03-10 15:30:08,482 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,483 - ERROR - Error in episode 6227: name 'args' is not defined +2025-03-10 15:30:08,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,485 - ERROR - Error in episode 6228: name 'args' is not defined +2025-03-10 15:30:08,489 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,489 - ERROR - Error in episode 6229: name 'args' is not defined +2025-03-10 15:30:08,492 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,492 - ERROR - Error in episode 6230: name 'args' is not defined +2025-03-10 15:30:08,495 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,495 - ERROR - Error in episode 6231: name 'args' is not defined +2025-03-10 15:30:08,497 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,498 - ERROR - Error in episode 6232: name 'args' is not defined +2025-03-10 15:30:08,500 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,500 - ERROR - Error in episode 6233: name 'args' is not defined +2025-03-10 15:30:08,503 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,504 - ERROR - Error in episode 6234: name 'args' is not defined +2025-03-10 15:30:08,506 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,506 - ERROR - Error in episode 6235: name 'args' is not defined +2025-03-10 15:30:08,509 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,509 - ERROR - Error in episode 6236: name 'args' is not defined +2025-03-10 15:30:08,512 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,512 - ERROR - Error in episode 6237: name 'args' is not defined +2025-03-10 15:30:08,514 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,515 - ERROR - Error in episode 6238: name 'args' is not defined +2025-03-10 15:30:08,517 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,518 - ERROR - Error in episode 6239: name 'args' is not defined +2025-03-10 15:30:08,520 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,521 - ERROR - Error in episode 6240: name 'args' is not defined +2025-03-10 15:30:08,523 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,523 - ERROR - Error in episode 6241: name 'args' is not defined +2025-03-10 15:30:08,527 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,527 - ERROR - Error in episode 6242: name 'args' is not defined +2025-03-10 15:30:08,530 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,530 - ERROR - Error in episode 6243: name 'args' is not defined +2025-03-10 15:30:08,532 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,532 - ERROR - Error in episode 6244: name 'args' is not defined +2025-03-10 15:30:08,535 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,536 - ERROR - Error in episode 6245: name 'args' is not defined +2025-03-10 15:30:08,539 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,539 - ERROR - Error in episode 6246: name 'args' is not defined +2025-03-10 15:30:08,542 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,542 - ERROR - Error in episode 6247: name 'args' is not defined +2025-03-10 15:30:08,545 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,545 - ERROR - Error in episode 6248: name 'args' is not defined +2025-03-10 15:30:08,548 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,548 - ERROR - Error in episode 6249: name 'args' is not defined +2025-03-10 15:30:08,550 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,551 - ERROR - Error in episode 6250: name 'args' is not defined +2025-03-10 15:30:08,553 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,553 - ERROR - Error in episode 6251: name 'args' is not defined +2025-03-10 15:30:08,556 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,556 - ERROR - Error in episode 6252: name 'args' is not defined +2025-03-10 15:30:08,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,559 - ERROR - Error in episode 6253: name 'args' is not defined +2025-03-10 15:30:08,562 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,562 - ERROR - Error in episode 6254: name 'args' is not defined +2025-03-10 15:30:08,564 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,565 - ERROR - Error in episode 6255: name 'args' is not defined +2025-03-10 15:30:08,567 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,567 - ERROR - Error in episode 6256: name 'args' is not defined +2025-03-10 15:30:08,570 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,570 - ERROR - Error in episode 6257: name 'args' is not defined +2025-03-10 15:30:08,574 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,574 - ERROR - Error in episode 6258: name 'args' is not defined +2025-03-10 15:30:08,577 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,577 - ERROR - Error in episode 6259: name 'args' is not defined +2025-03-10 15:30:08,581 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,581 - ERROR - Error in episode 6260: name 'args' is not defined +2025-03-10 15:30:08,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,584 - ERROR - Error in episode 6261: name 'args' is not defined +2025-03-10 15:30:08,586 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,587 - ERROR - Error in episode 6262: name 'args' is not defined +2025-03-10 15:30:08,590 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,591 - ERROR - Error in episode 6263: name 'args' is not defined +2025-03-10 15:30:08,593 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,594 - ERROR - Error in episode 6264: name 'args' is not defined +2025-03-10 15:30:08,596 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,597 - ERROR - Error in episode 6265: name 'args' is not defined +2025-03-10 15:30:08,599 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,599 - ERROR - Error in episode 6266: name 'args' is not defined +2025-03-10 15:30:08,602 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,602 - ERROR - Error in episode 6267: name 'args' is not defined +2025-03-10 15:30:08,605 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,605 - ERROR - Error in episode 6268: name 'args' is not defined +2025-03-10 15:30:08,607 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,608 - ERROR - Error in episode 6269: name 'args' is not defined +2025-03-10 15:30:08,610 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,610 - ERROR - Error in episode 6270: name 'args' is not defined +2025-03-10 15:30:08,613 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,613 - ERROR - Error in episode 6271: name 'args' is not defined +2025-03-10 15:30:08,615 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,616 - ERROR - Error in episode 6272: name 'args' is not defined +2025-03-10 15:30:08,618 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,618 - ERROR - Error in episode 6273: name 'args' is not defined +2025-03-10 15:30:08,621 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,621 - ERROR - Error in episode 6274: name 'args' is not defined +2025-03-10 15:30:08,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,624 - ERROR - Error in episode 6275: name 'args' is not defined +2025-03-10 15:30:08,626 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,627 - ERROR - Error in episode 6276: name 'args' is not defined +2025-03-10 15:30:08,629 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,630 - ERROR - Error in episode 6277: name 'args' is not defined +2025-03-10 15:30:08,633 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,633 - ERROR - Error in episode 6278: name 'args' is not defined +2025-03-10 15:30:08,636 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,636 - ERROR - Error in episode 6279: name 'args' is not defined +2025-03-10 15:30:08,639 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,639 - ERROR - Error in episode 6280: name 'args' is not defined +2025-03-10 15:30:08,642 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,642 - ERROR - Error in episode 6281: name 'args' is not defined +2025-03-10 15:30:08,645 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,645 - ERROR - Error in episode 6282: name 'args' is not defined +2025-03-10 15:30:08,648 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,648 - ERROR - Error in episode 6283: name 'args' is not defined +2025-03-10 15:30:08,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,652 - ERROR - Error in episode 6284: name 'args' is not defined +2025-03-10 15:30:08,655 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,655 - ERROR - Error in episode 6285: name 'args' is not defined +2025-03-10 15:30:08,657 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,658 - ERROR - Error in episode 6286: name 'args' is not defined +2025-03-10 15:30:08,661 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,661 - ERROR - Error in episode 6287: name 'args' is not defined +2025-03-10 15:30:08,664 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,665 - ERROR - Error in episode 6288: name 'args' is not defined +2025-03-10 15:30:08,667 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,667 - ERROR - Error in episode 6289: name 'args' is not defined +2025-03-10 15:30:08,671 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,671 - ERROR - Error in episode 6290: name 'args' is not defined +2025-03-10 15:30:08,673 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,674 - ERROR - Error in episode 6291: name 'args' is not defined +2025-03-10 15:30:08,676 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,676 - ERROR - Error in episode 6292: name 'args' is not defined +2025-03-10 15:30:08,679 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,680 - ERROR - Error in episode 6293: name 'args' is not defined +2025-03-10 15:30:08,682 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,682 - ERROR - Error in episode 6294: name 'args' is not defined +2025-03-10 15:30:08,685 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,685 - ERROR - Error in episode 6295: name 'args' is not defined +2025-03-10 15:30:08,688 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,688 - ERROR - Error in episode 6296: name 'args' is not defined +2025-03-10 15:30:08,690 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,691 - ERROR - Error in episode 6297: name 'args' is not defined +2025-03-10 15:30:08,693 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,694 - ERROR - Error in episode 6298: name 'args' is not defined +2025-03-10 15:30:08,697 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,698 - ERROR - Error in episode 6299: name 'args' is not defined +2025-03-10 15:30:08,700 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,700 - ERROR - Error in episode 6300: name 'args' is not defined +2025-03-10 15:30:08,703 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,704 - ERROR - Error in episode 6301: name 'args' is not defined +2025-03-10 15:30:08,706 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,707 - ERROR - Error in episode 6302: name 'args' is not defined +2025-03-10 15:30:08,710 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,710 - ERROR - Error in episode 6303: name 'args' is not defined +2025-03-10 15:30:08,713 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,713 - ERROR - Error in episode 6304: name 'args' is not defined +2025-03-10 15:30:08,715 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,716 - ERROR - Error in episode 6305: name 'args' is not defined +2025-03-10 15:30:08,718 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,719 - ERROR - Error in episode 6306: name 'args' is not defined +2025-03-10 15:30:08,722 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,722 - ERROR - Error in episode 6307: name 'args' is not defined +2025-03-10 15:30:08,724 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,725 - ERROR - Error in episode 6308: name 'args' is not defined +2025-03-10 15:30:08,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,728 - ERROR - Error in episode 6309: name 'args' is not defined +2025-03-10 15:30:08,730 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,730 - ERROR - Error in episode 6310: name 'args' is not defined +2025-03-10 15:30:08,733 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,734 - ERROR - Error in episode 6311: name 'args' is not defined +2025-03-10 15:30:08,736 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,736 - ERROR - Error in episode 6312: name 'args' is not defined +2025-03-10 15:30:08,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,740 - ERROR - Error in episode 6313: name 'args' is not defined +2025-03-10 15:30:08,742 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,742 - ERROR - Error in episode 6314: name 'args' is not defined +2025-03-10 15:30:08,746 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,746 - ERROR - Error in episode 6315: name 'args' is not defined +2025-03-10 15:30:08,748 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,749 - ERROR - Error in episode 6316: name 'args' is not defined +2025-03-10 15:30:08,751 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,751 - ERROR - Error in episode 6317: name 'args' is not defined +2025-03-10 15:30:08,754 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,754 - ERROR - Error in episode 6318: name 'args' is not defined +2025-03-10 15:30:08,757 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,757 - ERROR - Error in episode 6319: name 'args' is not defined +2025-03-10 15:30:08,759 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,760 - ERROR - Error in episode 6320: name 'args' is not defined +2025-03-10 15:30:08,763 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,763 - ERROR - Error in episode 6321: name 'args' is not defined +2025-03-10 15:30:08,765 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,766 - ERROR - Error in episode 6322: name 'args' is not defined +2025-03-10 15:30:08,768 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,768 - ERROR - Error in episode 6323: name 'args' is not defined +2025-03-10 15:30:08,771 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,771 - ERROR - Error in episode 6324: name 'args' is not defined +2025-03-10 15:30:08,774 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,774 - ERROR - Error in episode 6325: name 'args' is not defined +2025-03-10 15:30:08,777 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,777 - ERROR - Error in episode 6326: name 'args' is not defined +2025-03-10 15:30:08,780 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,780 - ERROR - Error in episode 6327: name 'args' is not defined +2025-03-10 15:30:08,783 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,783 - ERROR - Error in episode 6328: name 'args' is not defined +2025-03-10 15:30:08,786 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,786 - ERROR - Error in episode 6329: name 'args' is not defined +2025-03-10 15:30:08,789 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,789 - ERROR - Error in episode 6330: name 'args' is not defined +2025-03-10 15:30:08,792 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,792 - ERROR - Error in episode 6331: name 'args' is not defined +2025-03-10 15:30:08,796 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,796 - ERROR - Error in episode 6332: name 'args' is not defined +2025-03-10 15:30:08,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,799 - ERROR - Error in episode 6333: name 'args' is not defined +2025-03-10 15:30:08,801 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,801 - ERROR - Error in episode 6334: name 'args' is not defined +2025-03-10 15:30:08,804 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,805 - ERROR - Error in episode 6335: name 'args' is not defined +2025-03-10 15:30:08,807 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,807 - ERROR - Error in episode 6336: name 'args' is not defined +2025-03-10 15:30:08,810 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,810 - ERROR - Error in episode 6337: name 'args' is not defined +2025-03-10 15:30:08,814 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,814 - ERROR - Error in episode 6338: name 'args' is not defined +2025-03-10 15:30:08,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,817 - ERROR - Error in episode 6339: name 'args' is not defined +2025-03-10 15:30:08,819 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,820 - ERROR - Error in episode 6340: name 'args' is not defined +2025-03-10 15:30:08,822 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,823 - ERROR - Error in episode 6341: name 'args' is not defined +2025-03-10 15:30:08,825 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,826 - ERROR - Error in episode 6342: name 'args' is not defined +2025-03-10 15:30:08,829 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,829 - ERROR - Error in episode 6343: name 'args' is not defined +2025-03-10 15:30:08,831 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,832 - ERROR - Error in episode 6344: name 'args' is not defined +2025-03-10 15:30:08,834 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,835 - ERROR - Error in episode 6345: name 'args' is not defined +2025-03-10 15:30:08,837 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,838 - ERROR - Error in episode 6346: name 'args' is not defined +2025-03-10 15:30:08,840 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,840 - ERROR - Error in episode 6347: name 'args' is not defined +2025-03-10 15:30:08,843 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,843 - ERROR - Error in episode 6348: name 'args' is not defined +2025-03-10 15:30:08,846 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,846 - ERROR - Error in episode 6349: name 'args' is not defined +2025-03-10 15:30:08,848 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,849 - ERROR - Error in episode 6350: name 'args' is not defined +2025-03-10 15:30:08,851 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,851 - ERROR - Error in episode 6351: name 'args' is not defined +2025-03-10 15:30:08,854 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,854 - ERROR - Error in episode 6352: name 'args' is not defined +2025-03-10 15:30:08,857 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,857 - ERROR - Error in episode 6353: name 'args' is not defined +2025-03-10 15:30:08,859 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,860 - ERROR - Error in episode 6354: name 'args' is not defined +2025-03-10 15:30:08,863 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,863 - ERROR - Error in episode 6355: name 'args' is not defined +2025-03-10 15:30:08,865 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,866 - ERROR - Error in episode 6356: name 'args' is not defined +2025-03-10 15:30:08,868 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,868 - ERROR - Error in episode 6357: name 'args' is not defined +2025-03-10 15:30:08,871 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,871 - ERROR - Error in episode 6358: name 'args' is not defined +2025-03-10 15:30:08,874 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,874 - ERROR - Error in episode 6359: name 'args' is not defined +2025-03-10 15:30:08,877 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,877 - ERROR - Error in episode 6360: name 'args' is not defined +2025-03-10 15:30:08,880 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,880 - ERROR - Error in episode 6361: name 'args' is not defined +2025-03-10 15:30:08,882 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,884 - ERROR - Error in episode 6362: name 'args' is not defined +2025-03-10 15:30:08,886 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,887 - ERROR - Error in episode 6363: name 'args' is not defined +2025-03-10 15:30:08,889 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,889 - ERROR - Error in episode 6364: name 'args' is not defined +2025-03-10 15:30:08,892 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,892 - ERROR - Error in episode 6365: name 'args' is not defined +2025-03-10 15:30:08,895 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,895 - ERROR - Error in episode 6366: name 'args' is not defined +2025-03-10 15:30:08,898 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,898 - ERROR - Error in episode 6367: name 'args' is not defined +2025-03-10 15:30:08,902 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,902 - ERROR - Error in episode 6368: name 'args' is not defined +2025-03-10 15:30:08,905 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,906 - ERROR - Error in episode 6369: name 'args' is not defined +2025-03-10 15:30:08,909 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,909 - ERROR - Error in episode 6370: name 'args' is not defined +2025-03-10 15:30:08,911 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,912 - ERROR - Error in episode 6371: name 'args' is not defined +2025-03-10 15:30:08,914 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,914 - ERROR - Error in episode 6372: name 'args' is not defined +2025-03-10 15:30:08,916 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,917 - ERROR - Error in episode 6373: name 'args' is not defined +2025-03-10 15:30:08,919 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,919 - ERROR - Error in episode 6374: name 'args' is not defined +2025-03-10 15:30:08,922 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,922 - ERROR - Error in episode 6375: name 'args' is not defined +2025-03-10 15:30:08,925 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,925 - ERROR - Error in episode 6376: name 'args' is not defined +2025-03-10 15:30:08,927 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,928 - ERROR - Error in episode 6377: name 'args' is not defined +2025-03-10 15:30:08,930 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,930 - ERROR - Error in episode 6378: name 'args' is not defined +2025-03-10 15:30:08,934 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,934 - ERROR - Error in episode 6379: name 'args' is not defined +2025-03-10 15:30:08,936 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,936 - ERROR - Error in episode 6380: name 'args' is not defined +2025-03-10 15:30:08,939 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,939 - ERROR - Error in episode 6381: name 'args' is not defined +2025-03-10 15:30:08,942 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,942 - ERROR - Error in episode 6382: name 'args' is not defined +2025-03-10 15:30:08,944 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,945 - ERROR - Error in episode 6383: name 'args' is not defined +2025-03-10 15:30:08,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,948 - ERROR - Error in episode 6384: name 'args' is not defined +2025-03-10 15:30:08,951 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,952 - ERROR - Error in episode 6385: name 'args' is not defined +2025-03-10 15:30:08,954 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,954 - ERROR - Error in episode 6386: name 'args' is not defined +2025-03-10 15:30:08,957 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,957 - ERROR - Error in episode 6387: name 'args' is not defined +2025-03-10 15:30:08,960 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,960 - ERROR - Error in episode 6388: name 'args' is not defined +2025-03-10 15:30:08,963 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,963 - ERROR - Error in episode 6389: name 'args' is not defined +2025-03-10 15:30:08,966 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,967 - ERROR - Error in episode 6390: name 'args' is not defined +2025-03-10 15:30:08,969 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,970 - ERROR - Error in episode 6391: name 'args' is not defined +2025-03-10 15:30:08,972 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,972 - ERROR - Error in episode 6392: name 'args' is not defined +2025-03-10 15:30:08,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,975 - ERROR - Error in episode 6393: name 'args' is not defined +2025-03-10 15:30:08,979 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,979 - ERROR - Error in episode 6394: name 'args' is not defined +2025-03-10 15:30:08,982 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,982 - ERROR - Error in episode 6395: name 'args' is not defined +2025-03-10 15:30:08,985 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,986 - ERROR - Error in episode 6396: name 'args' is not defined +2025-03-10 15:30:08,988 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,988 - ERROR - Error in episode 6397: name 'args' is not defined +2025-03-10 15:30:08,991 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,991 - ERROR - Error in episode 6398: name 'args' is not defined +2025-03-10 15:30:08,994 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,994 - ERROR - Error in episode 6399: name 'args' is not defined +2025-03-10 15:30:08,996 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:08,997 - ERROR - Error in episode 6400: name 'args' is not defined +2025-03-10 15:30:08,999 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,000 - ERROR - Error in episode 6401: name 'args' is not defined +2025-03-10 15:30:09,002 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,003 - ERROR - Error in episode 6402: name 'args' is not defined +2025-03-10 15:30:09,005 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,005 - ERROR - Error in episode 6403: name 'args' is not defined +2025-03-10 15:30:09,009 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,010 - ERROR - Error in episode 6404: name 'args' is not defined +2025-03-10 15:30:09,012 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,012 - ERROR - Error in episode 6405: name 'args' is not defined +2025-03-10 15:30:09,015 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,015 - ERROR - Error in episode 6406: name 'args' is not defined +2025-03-10 15:30:09,018 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,018 - ERROR - Error in episode 6407: name 'args' is not defined +2025-03-10 15:30:09,021 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,021 - ERROR - Error in episode 6408: name 'args' is not defined +2025-03-10 15:30:09,024 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,025 - ERROR - Error in episode 6409: name 'args' is not defined +2025-03-10 15:30:09,028 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,028 - ERROR - Error in episode 6410: name 'args' is not defined +2025-03-10 15:30:09,031 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,031 - ERROR - Error in episode 6411: name 'args' is not defined +2025-03-10 15:30:09,034 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,034 - ERROR - Error in episode 6412: name 'args' is not defined +2025-03-10 15:30:09,037 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,037 - ERROR - Error in episode 6413: name 'args' is not defined +2025-03-10 15:30:09,040 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,040 - ERROR - Error in episode 6414: name 'args' is not defined +2025-03-10 15:30:09,043 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,043 - ERROR - Error in episode 6415: name 'args' is not defined +2025-03-10 15:30:09,046 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,046 - ERROR - Error in episode 6416: name 'args' is not defined +2025-03-10 15:30:09,049 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,049 - ERROR - Error in episode 6417: name 'args' is not defined +2025-03-10 15:30:09,052 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,052 - ERROR - Error in episode 6418: name 'args' is not defined +2025-03-10 15:30:09,055 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,055 - ERROR - Error in episode 6419: name 'args' is not defined +2025-03-10 15:30:09,058 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,058 - ERROR - Error in episode 6420: name 'args' is not defined +2025-03-10 15:30:09,061 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,061 - ERROR - Error in episode 6421: name 'args' is not defined +2025-03-10 15:30:09,063 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,064 - ERROR - Error in episode 6422: name 'args' is not defined +2025-03-10 15:30:09,067 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,067 - ERROR - Error in episode 6423: name 'args' is not defined +2025-03-10 15:30:09,070 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,070 - ERROR - Error in episode 6424: name 'args' is not defined +2025-03-10 15:30:09,072 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,073 - ERROR - Error in episode 6425: name 'args' is not defined +2025-03-10 15:30:09,075 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,076 - ERROR - Error in episode 6426: name 'args' is not defined +2025-03-10 15:30:09,078 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,078 - ERROR - Error in episode 6427: name 'args' is not defined +2025-03-10 15:30:09,081 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,081 - ERROR - Error in episode 6428: name 'args' is not defined +2025-03-10 15:30:09,085 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,085 - ERROR - Error in episode 6429: name 'args' is not defined +2025-03-10 15:30:09,088 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,089 - ERROR - Error in episode 6430: name 'args' is not defined +2025-03-10 15:30:09,092 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,092 - ERROR - Error in episode 6431: name 'args' is not defined +2025-03-10 15:30:09,095 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,095 - ERROR - Error in episode 6432: name 'args' is not defined +2025-03-10 15:30:09,097 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,098 - ERROR - Error in episode 6433: name 'args' is not defined +2025-03-10 15:30:09,101 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,101 - ERROR - Error in episode 6434: name 'args' is not defined +2025-03-10 15:30:09,103 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,104 - ERROR - Error in episode 6435: name 'args' is not defined +2025-03-10 15:30:09,106 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,107 - ERROR - Error in episode 6436: name 'args' is not defined +2025-03-10 15:30:09,110 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,111 - ERROR - Error in episode 6437: name 'args' is not defined +2025-03-10 15:30:09,113 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,114 - ERROR - Error in episode 6438: name 'args' is not defined +2025-03-10 15:30:09,116 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,116 - ERROR - Error in episode 6439: name 'args' is not defined +2025-03-10 15:30:09,119 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,119 - ERROR - Error in episode 6440: name 'args' is not defined +2025-03-10 15:30:09,122 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,122 - ERROR - Error in episode 6441: name 'args' is not defined +2025-03-10 15:30:09,125 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,125 - ERROR - Error in episode 6442: name 'args' is not defined +2025-03-10 15:30:09,128 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,128 - ERROR - Error in episode 6443: name 'args' is not defined +2025-03-10 15:30:09,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,131 - ERROR - Error in episode 6444: name 'args' is not defined +2025-03-10 15:30:09,134 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,134 - ERROR - Error in episode 6445: name 'args' is not defined +2025-03-10 15:30:09,137 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,137 - ERROR - Error in episode 6446: name 'args' is not defined +2025-03-10 15:30:09,139 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,140 - ERROR - Error in episode 6447: name 'args' is not defined +2025-03-10 15:30:09,143 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,143 - ERROR - Error in episode 6448: name 'args' is not defined +2025-03-10 15:30:09,145 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,146 - ERROR - Error in episode 6449: name 'args' is not defined +2025-03-10 15:30:09,148 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,149 - ERROR - Error in episode 6450: name 'args' is not defined +2025-03-10 15:30:09,151 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,152 - ERROR - Error in episode 6451: name 'args' is not defined +2025-03-10 15:30:09,154 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,154 - ERROR - Error in episode 6452: name 'args' is not defined +2025-03-10 15:30:09,156 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,157 - ERROR - Error in episode 6453: name 'args' is not defined +2025-03-10 15:30:09,159 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,160 - ERROR - Error in episode 6454: name 'args' is not defined +2025-03-10 15:30:09,162 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,162 - ERROR - Error in episode 6455: name 'args' is not defined +2025-03-10 15:30:09,165 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,165 - ERROR - Error in episode 6456: name 'args' is not defined +2025-03-10 15:30:09,168 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,168 - ERROR - Error in episode 6457: name 'args' is not defined +2025-03-10 15:30:09,171 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,171 - ERROR - Error in episode 6458: name 'args' is not defined +2025-03-10 15:30:09,174 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,174 - ERROR - Error in episode 6459: name 'args' is not defined +2025-03-10 15:30:09,177 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,177 - ERROR - Error in episode 6460: name 'args' is not defined +2025-03-10 15:30:09,180 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,180 - ERROR - Error in episode 6461: name 'args' is not defined +2025-03-10 15:30:09,183 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,183 - ERROR - Error in episode 6462: name 'args' is not defined +2025-03-10 15:30:09,186 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,186 - ERROR - Error in episode 6463: name 'args' is not defined +2025-03-10 15:30:09,190 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,190 - ERROR - Error in episode 6464: name 'args' is not defined +2025-03-10 15:30:09,193 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,193 - ERROR - Error in episode 6465: name 'args' is not defined +2025-03-10 15:30:09,196 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,196 - ERROR - Error in episode 6466: name 'args' is not defined +2025-03-10 15:30:09,199 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,199 - ERROR - Error in episode 6467: name 'args' is not defined +2025-03-10 15:30:09,202 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,203 - ERROR - Error in episode 6468: name 'args' is not defined +2025-03-10 15:30:09,205 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,205 - ERROR - Error in episode 6469: name 'args' is not defined +2025-03-10 15:30:09,208 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,209 - ERROR - Error in episode 6470: name 'args' is not defined +2025-03-10 15:30:09,211 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,211 - ERROR - Error in episode 6471: name 'args' is not defined +2025-03-10 15:30:09,214 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,214 - ERROR - Error in episode 6472: name 'args' is not defined +2025-03-10 15:30:09,217 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,217 - ERROR - Error in episode 6473: name 'args' is not defined +2025-03-10 15:30:09,219 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,220 - ERROR - Error in episode 6474: name 'args' is not defined +2025-03-10 15:30:09,222 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,222 - ERROR - Error in episode 6475: name 'args' is not defined +2025-03-10 15:30:09,225 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,225 - ERROR - Error in episode 6476: name 'args' is not defined +2025-03-10 15:30:09,227 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,228 - ERROR - Error in episode 6477: name 'args' is not defined +2025-03-10 15:30:09,230 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,231 - ERROR - Error in episode 6478: name 'args' is not defined +2025-03-10 15:30:09,234 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,234 - ERROR - Error in episode 6479: name 'args' is not defined +2025-03-10 15:30:09,237 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,237 - ERROR - Error in episode 6480: name 'args' is not defined +2025-03-10 15:30:09,240 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,240 - ERROR - Error in episode 6481: name 'args' is not defined +2025-03-10 15:30:09,243 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,243 - ERROR - Error in episode 6482: name 'args' is not defined +2025-03-10 15:30:09,245 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,245 - ERROR - Error in episode 6483: name 'args' is not defined +2025-03-10 15:30:09,248 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,248 - ERROR - Error in episode 6484: name 'args' is not defined +2025-03-10 15:30:09,251 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,251 - ERROR - Error in episode 6485: name 'args' is not defined +2025-03-10 15:30:09,254 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,254 - ERROR - Error in episode 6486: name 'args' is not defined +2025-03-10 15:30:09,257 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,257 - ERROR - Error in episode 6487: name 'args' is not defined +2025-03-10 15:30:09,260 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,260 - ERROR - Error in episode 6488: name 'args' is not defined +2025-03-10 15:30:09,262 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,263 - ERROR - Error in episode 6489: name 'args' is not defined +2025-03-10 15:30:09,265 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,265 - ERROR - Error in episode 6490: name 'args' is not defined +2025-03-10 15:30:09,268 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,268 - ERROR - Error in episode 6491: name 'args' is not defined +2025-03-10 15:30:09,271 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,271 - ERROR - Error in episode 6492: name 'args' is not defined +2025-03-10 15:30:09,273 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,274 - ERROR - Error in episode 6493: name 'args' is not defined +2025-03-10 15:30:09,277 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,277 - ERROR - Error in episode 6494: name 'args' is not defined +2025-03-10 15:30:09,279 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,279 - ERROR - Error in episode 6495: name 'args' is not defined +2025-03-10 15:30:09,282 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,282 - ERROR - Error in episode 6496: name 'args' is not defined +2025-03-10 15:30:09,285 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,286 - ERROR - Error in episode 6497: name 'args' is not defined +2025-03-10 15:30:09,288 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,288 - ERROR - Error in episode 6498: name 'args' is not defined +2025-03-10 15:30:09,291 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,291 - ERROR - Error in episode 6499: name 'args' is not defined +2025-03-10 15:30:09,294 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,294 - ERROR - Error in episode 6500: name 'args' is not defined +2025-03-10 15:30:09,297 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,297 - ERROR - Error in episode 6501: name 'args' is not defined +2025-03-10 15:30:09,300 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,300 - ERROR - Error in episode 6502: name 'args' is not defined +2025-03-10 15:30:09,302 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,303 - ERROR - Error in episode 6503: name 'args' is not defined +2025-03-10 15:30:09,305 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,305 - ERROR - Error in episode 6504: name 'args' is not defined +2025-03-10 15:30:09,309 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,309 - ERROR - Error in episode 6505: name 'args' is not defined +2025-03-10 15:30:09,312 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,313 - ERROR - Error in episode 6506: name 'args' is not defined +2025-03-10 15:30:09,315 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,315 - ERROR - Error in episode 6507: name 'args' is not defined +2025-03-10 15:30:09,318 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,318 - ERROR - Error in episode 6508: name 'args' is not defined +2025-03-10 15:30:09,320 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,321 - ERROR - Error in episode 6509: name 'args' is not defined +2025-03-10 15:30:09,323 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,323 - ERROR - Error in episode 6510: name 'args' is not defined +2025-03-10 15:30:09,326 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,326 - ERROR - Error in episode 6511: name 'args' is not defined +2025-03-10 15:30:09,329 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,329 - ERROR - Error in episode 6512: name 'args' is not defined +2025-03-10 15:30:09,333 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,333 - ERROR - Error in episode 6513: name 'args' is not defined +2025-03-10 15:30:09,336 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,336 - ERROR - Error in episode 6514: name 'args' is not defined +2025-03-10 15:30:09,338 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,338 - ERROR - Error in episode 6515: name 'args' is not defined +2025-03-10 15:30:09,341 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,341 - ERROR - Error in episode 6516: name 'args' is not defined +2025-03-10 15:30:09,343 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,344 - ERROR - Error in episode 6517: name 'args' is not defined +2025-03-10 15:30:09,346 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,347 - ERROR - Error in episode 6518: name 'args' is not defined +2025-03-10 15:30:09,350 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,350 - ERROR - Error in episode 6519: name 'args' is not defined +2025-03-10 15:30:09,353 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,353 - ERROR - Error in episode 6520: name 'args' is not defined +2025-03-10 15:30:09,355 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,356 - ERROR - Error in episode 6521: name 'args' is not defined +2025-03-10 15:30:09,359 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,359 - ERROR - Error in episode 6522: name 'args' is not defined +2025-03-10 15:30:09,362 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,362 - ERROR - Error in episode 6523: name 'args' is not defined +2025-03-10 15:30:09,364 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,364 - ERROR - Error in episode 6524: name 'args' is not defined +2025-03-10 15:30:09,367 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,367 - ERROR - Error in episode 6525: name 'args' is not defined +2025-03-10 15:30:09,369 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,370 - ERROR - Error in episode 6526: name 'args' is not defined +2025-03-10 15:30:09,372 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,373 - ERROR - Error in episode 6527: name 'args' is not defined +2025-03-10 15:30:09,375 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,376 - ERROR - Error in episode 6528: name 'args' is not defined +2025-03-10 15:30:09,378 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,378 - ERROR - Error in episode 6529: name 'args' is not defined +2025-03-10 15:30:09,381 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,381 - ERROR - Error in episode 6530: name 'args' is not defined +2025-03-10 15:30:09,384 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,384 - ERROR - Error in episode 6531: name 'args' is not defined +2025-03-10 15:30:09,386 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,387 - ERROR - Error in episode 6532: name 'args' is not defined +2025-03-10 15:30:09,389 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,390 - ERROR - Error in episode 6533: name 'args' is not defined +2025-03-10 15:30:09,392 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,393 - ERROR - Error in episode 6534: name 'args' is not defined +2025-03-10 15:30:09,397 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,397 - ERROR - Error in episode 6535: name 'args' is not defined +2025-03-10 15:30:09,401 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,401 - ERROR - Error in episode 6536: name 'args' is not defined +2025-03-10 15:30:09,403 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,404 - ERROR - Error in episode 6537: name 'args' is not defined +2025-03-10 15:30:09,406 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,406 - ERROR - Error in episode 6538: name 'args' is not defined +2025-03-10 15:30:09,409 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,409 - ERROR - Error in episode 6539: name 'args' is not defined +2025-03-10 15:30:09,412 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,412 - ERROR - Error in episode 6540: name 'args' is not defined +2025-03-10 15:30:09,414 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,415 - ERROR - Error in episode 6541: name 'args' is not defined +2025-03-10 15:30:09,417 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,418 - ERROR - Error in episode 6542: name 'args' is not defined +2025-03-10 15:30:09,420 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,420 - ERROR - Error in episode 6543: name 'args' is not defined +2025-03-10 15:30:09,423 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,423 - ERROR - Error in episode 6544: name 'args' is not defined +2025-03-10 15:30:09,426 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,426 - ERROR - Error in episode 6545: name 'args' is not defined +2025-03-10 15:30:09,428 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,429 - ERROR - Error in episode 6546: name 'args' is not defined +2025-03-10 15:30:09,431 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,431 - ERROR - Error in episode 6547: name 'args' is not defined +2025-03-10 15:30:09,435 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,435 - ERROR - Error in episode 6548: name 'args' is not defined +2025-03-10 15:30:09,437 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,438 - ERROR - Error in episode 6549: name 'args' is not defined +2025-03-10 15:30:09,440 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,440 - ERROR - Error in episode 6550: name 'args' is not defined +2025-03-10 15:30:09,443 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,443 - ERROR - Error in episode 6551: name 'args' is not defined +2025-03-10 15:30:09,446 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,446 - ERROR - Error in episode 6552: name 'args' is not defined +2025-03-10 15:30:09,449 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,449 - ERROR - Error in episode 6553: name 'args' is not defined +2025-03-10 15:30:09,452 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,452 - ERROR - Error in episode 6554: name 'args' is not defined +2025-03-10 15:30:09,455 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,455 - ERROR - Error in episode 6555: name 'args' is not defined +2025-03-10 15:30:09,458 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,458 - ERROR - Error in episode 6556: name 'args' is not defined +2025-03-10 15:30:09,461 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,461 - ERROR - Error in episode 6557: name 'args' is not defined +2025-03-10 15:30:09,464 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,464 - ERROR - Error in episode 6558: name 'args' is not defined +2025-03-10 15:30:09,467 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,467 - ERROR - Error in episode 6559: name 'args' is not defined +2025-03-10 15:30:09,470 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,470 - ERROR - Error in episode 6560: name 'args' is not defined +2025-03-10 15:30:09,472 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,473 - ERROR - Error in episode 6561: name 'args' is not defined +2025-03-10 15:30:09,476 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,477 - ERROR - Error in episode 6562: name 'args' is not defined +2025-03-10 15:30:09,480 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,480 - ERROR - Error in episode 6563: name 'args' is not defined +2025-03-10 15:30:09,483 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,483 - ERROR - Error in episode 6564: name 'args' is not defined +2025-03-10 15:30:09,486 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,486 - ERROR - Error in episode 6565: name 'args' is not defined +2025-03-10 15:30:09,488 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,489 - ERROR - Error in episode 6566: name 'args' is not defined +2025-03-10 15:30:09,492 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,493 - ERROR - Error in episode 6567: name 'args' is not defined +2025-03-10 15:30:09,495 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,495 - ERROR - Error in episode 6568: name 'args' is not defined +2025-03-10 15:30:09,498 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,498 - ERROR - Error in episode 6569: name 'args' is not defined +2025-03-10 15:30:09,501 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,502 - ERROR - Error in episode 6570: name 'args' is not defined +2025-03-10 15:30:09,504 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,504 - ERROR - Error in episode 6571: name 'args' is not defined +2025-03-10 15:30:09,507 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,507 - ERROR - Error in episode 6572: name 'args' is not defined +2025-03-10 15:30:09,511 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,511 - ERROR - Error in episode 6573: name 'args' is not defined +2025-03-10 15:30:09,514 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,514 - ERROR - Error in episode 6574: name 'args' is not defined +2025-03-10 15:30:09,517 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,517 - ERROR - Error in episode 6575: name 'args' is not defined +2025-03-10 15:30:09,519 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,520 - ERROR - Error in episode 6576: name 'args' is not defined +2025-03-10 15:30:09,522 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,523 - ERROR - Error in episode 6577: name 'args' is not defined +2025-03-10 15:30:09,526 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,526 - ERROR - Error in episode 6578: name 'args' is not defined +2025-03-10 15:30:09,528 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,528 - ERROR - Error in episode 6579: name 'args' is not defined +2025-03-10 15:30:09,531 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,531 - ERROR - Error in episode 6580: name 'args' is not defined +2025-03-10 15:30:09,535 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,535 - ERROR - Error in episode 6581: name 'args' is not defined +2025-03-10 15:30:09,538 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,538 - ERROR - Error in episode 6582: name 'args' is not defined +2025-03-10 15:30:09,540 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,541 - ERROR - Error in episode 6583: name 'args' is not defined +2025-03-10 15:30:09,544 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,544 - ERROR - Error in episode 6584: name 'args' is not defined +2025-03-10 15:30:09,547 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,547 - ERROR - Error in episode 6585: name 'args' is not defined +2025-03-10 15:30:09,549 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,549 - ERROR - Error in episode 6586: name 'args' is not defined +2025-03-10 15:30:09,552 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,552 - ERROR - Error in episode 6587: name 'args' is not defined +2025-03-10 15:30:09,555 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,555 - ERROR - Error in episode 6588: name 'args' is not defined +2025-03-10 15:30:09,557 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,558 - ERROR - Error in episode 6589: name 'args' is not defined +2025-03-10 15:30:09,560 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,561 - ERROR - Error in episode 6590: name 'args' is not defined +2025-03-10 15:30:09,563 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,564 - ERROR - Error in episode 6591: name 'args' is not defined +2025-03-10 15:30:09,566 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,567 - ERROR - Error in episode 6592: name 'args' is not defined +2025-03-10 15:30:09,569 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,569 - ERROR - Error in episode 6593: name 'args' is not defined +2025-03-10 15:30:09,572 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,572 - ERROR - Error in episode 6594: name 'args' is not defined +2025-03-10 15:30:09,574 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,576 - ERROR - Error in episode 6595: name 'args' is not defined +2025-03-10 15:30:09,578 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,578 - ERROR - Error in episode 6596: name 'args' is not defined +2025-03-10 15:30:09,581 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,581 - ERROR - Error in episode 6597: name 'args' is not defined +2025-03-10 15:30:09,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,584 - ERROR - Error in episode 6598: name 'args' is not defined +2025-03-10 15:30:09,587 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,587 - ERROR - Error in episode 6599: name 'args' is not defined +2025-03-10 15:30:09,589 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,589 - ERROR - Error in episode 6600: name 'args' is not defined +2025-03-10 15:30:09,592 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,592 - ERROR - Error in episode 6601: name 'args' is not defined +2025-03-10 15:30:09,595 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,595 - ERROR - Error in episode 6602: name 'args' is not defined +2025-03-10 15:30:09,597 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,598 - ERROR - Error in episode 6603: name 'args' is not defined +2025-03-10 15:30:09,601 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,601 - ERROR - Error in episode 6604: name 'args' is not defined +2025-03-10 15:30:09,603 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,604 - ERROR - Error in episode 6605: name 'args' is not defined +2025-03-10 15:30:09,606 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,607 - ERROR - Error in episode 6606: name 'args' is not defined +2025-03-10 15:30:09,610 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,610 - ERROR - Error in episode 6607: name 'args' is not defined +2025-03-10 15:30:09,613 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,613 - ERROR - Error in episode 6608: name 'args' is not defined +2025-03-10 15:30:09,615 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,616 - ERROR - Error in episode 6609: name 'args' is not defined +2025-03-10 15:30:09,618 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,619 - ERROR - Error in episode 6610: name 'args' is not defined +2025-03-10 15:30:09,621 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,622 - ERROR - Error in episode 6611: name 'args' is not defined +2025-03-10 15:30:09,624 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,625 - ERROR - Error in episode 6612: name 'args' is not defined +2025-03-10 15:30:09,627 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,628 - ERROR - Error in episode 6613: name 'args' is not defined +2025-03-10 15:30:09,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,630 - ERROR - Error in episode 6614: name 'args' is not defined +2025-03-10 15:30:09,633 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,633 - ERROR - Error in episode 6615: name 'args' is not defined +2025-03-10 15:30:09,636 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,636 - ERROR - Error in episode 6616: name 'args' is not defined +2025-03-10 15:30:09,638 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,639 - ERROR - Error in episode 6617: name 'args' is not defined +2025-03-10 15:30:09,642 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,642 - ERROR - Error in episode 6618: name 'args' is not defined +2025-03-10 15:30:09,645 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,645 - ERROR - Error in episode 6619: name 'args' is not defined +2025-03-10 15:30:09,647 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,647 - ERROR - Error in episode 6620: name 'args' is not defined +2025-03-10 15:30:09,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,652 - ERROR - Error in episode 6621: name 'args' is not defined +2025-03-10 15:30:09,654 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,654 - ERROR - Error in episode 6622: name 'args' is not defined +2025-03-10 15:30:09,658 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,658 - ERROR - Error in episode 6623: name 'args' is not defined +2025-03-10 15:30:09,660 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,661 - ERROR - Error in episode 6624: name 'args' is not defined +2025-03-10 15:30:09,663 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,664 - ERROR - Error in episode 6625: name 'args' is not defined +2025-03-10 15:30:09,667 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,667 - ERROR - Error in episode 6626: name 'args' is not defined +2025-03-10 15:30:09,669 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,670 - ERROR - Error in episode 6627: name 'args' is not defined +2025-03-10 15:30:09,673 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,674 - ERROR - Error in episode 6628: name 'args' is not defined +2025-03-10 15:30:09,676 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,677 - ERROR - Error in episode 6629: name 'args' is not defined +2025-03-10 15:30:09,680 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,680 - ERROR - Error in episode 6630: name 'args' is not defined +2025-03-10 15:30:09,683 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,684 - ERROR - Error in episode 6631: name 'args' is not defined +2025-03-10 15:30:09,686 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,686 - ERROR - Error in episode 6632: name 'args' is not defined +2025-03-10 15:30:09,688 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,689 - ERROR - Error in episode 6633: name 'args' is not defined +2025-03-10 15:30:09,691 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,692 - ERROR - Error in episode 6634: name 'args' is not defined +2025-03-10 15:30:09,695 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,695 - ERROR - Error in episode 6635: name 'args' is not defined +2025-03-10 15:30:09,698 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,699 - ERROR - Error in episode 6636: name 'args' is not defined +2025-03-10 15:30:09,701 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,702 - ERROR - Error in episode 6637: name 'args' is not defined +2025-03-10 15:30:09,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,705 - ERROR - Error in episode 6638: name 'args' is not defined +2025-03-10 15:30:09,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,707 - ERROR - Error in episode 6639: name 'args' is not defined +2025-03-10 15:30:09,710 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,710 - ERROR - Error in episode 6640: name 'args' is not defined +2025-03-10 15:30:09,713 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,714 - ERROR - Error in episode 6641: name 'args' is not defined +2025-03-10 15:30:09,716 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,716 - ERROR - Error in episode 6642: name 'args' is not defined +2025-03-10 15:30:09,719 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,719 - ERROR - Error in episode 6643: name 'args' is not defined +2025-03-10 15:30:09,722 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,722 - ERROR - Error in episode 6644: name 'args' is not defined +2025-03-10 15:30:09,724 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,725 - ERROR - Error in episode 6645: name 'args' is not defined +2025-03-10 15:30:09,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,728 - ERROR - Error in episode 6646: name 'args' is not defined +2025-03-10 15:30:09,731 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,731 - ERROR - Error in episode 6647: name 'args' is not defined +2025-03-10 15:30:09,734 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,734 - ERROR - Error in episode 6648: name 'args' is not defined +2025-03-10 15:30:09,737 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,737 - ERROR - Error in episode 6649: name 'args' is not defined +2025-03-10 15:30:09,740 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,741 - ERROR - Error in episode 6650: name 'args' is not defined +2025-03-10 15:30:09,744 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,744 - ERROR - Error in episode 6651: name 'args' is not defined +2025-03-10 15:30:09,747 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,747 - ERROR - Error in episode 6652: name 'args' is not defined +2025-03-10 15:30:09,750 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,750 - ERROR - Error in episode 6653: name 'args' is not defined +2025-03-10 15:30:09,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,753 - ERROR - Error in episode 6654: name 'args' is not defined +2025-03-10 15:30:09,756 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,756 - ERROR - Error in episode 6655: name 'args' is not defined +2025-03-10 15:30:09,758 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,759 - ERROR - Error in episode 6656: name 'args' is not defined +2025-03-10 15:30:09,761 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,762 - ERROR - Error in episode 6657: name 'args' is not defined +2025-03-10 15:30:09,766 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,767 - ERROR - Error in episode 6658: name 'args' is not defined +2025-03-10 15:30:09,769 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,770 - ERROR - Error in episode 6659: name 'args' is not defined +2025-03-10 15:30:09,772 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,773 - ERROR - Error in episode 6660: name 'args' is not defined +2025-03-10 15:30:09,776 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,777 - ERROR - Error in episode 6661: name 'args' is not defined +2025-03-10 15:30:09,779 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,779 - ERROR - Error in episode 6662: name 'args' is not defined +2025-03-10 15:30:09,782 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,782 - ERROR - Error in episode 6663: name 'args' is not defined +2025-03-10 15:30:09,785 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,786 - ERROR - Error in episode 6664: name 'args' is not defined +2025-03-10 15:30:09,788 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,788 - ERROR - Error in episode 6665: name 'args' is not defined +2025-03-10 15:30:09,791 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,791 - ERROR - Error in episode 6666: name 'args' is not defined +2025-03-10 15:30:09,794 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,795 - ERROR - Error in episode 6667: name 'args' is not defined +2025-03-10 15:30:09,797 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,797 - ERROR - Error in episode 6668: name 'args' is not defined +2025-03-10 15:30:09,800 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,801 - ERROR - Error in episode 6669: name 'args' is not defined +2025-03-10 15:30:09,803 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,803 - ERROR - Error in episode 6670: name 'args' is not defined +2025-03-10 15:30:09,806 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,806 - ERROR - Error in episode 6671: name 'args' is not defined +2025-03-10 15:30:09,809 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,809 - ERROR - Error in episode 6672: name 'args' is not defined +2025-03-10 15:30:09,813 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,813 - ERROR - Error in episode 6673: name 'args' is not defined +2025-03-10 15:30:09,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,816 - ERROR - Error in episode 6674: name 'args' is not defined +2025-03-10 15:30:09,819 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,819 - ERROR - Error in episode 6675: name 'args' is not defined +2025-03-10 15:30:09,822 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,822 - ERROR - Error in episode 6676: name 'args' is not defined +2025-03-10 15:30:09,825 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,826 - ERROR - Error in episode 6677: name 'args' is not defined +2025-03-10 15:30:09,828 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,828 - ERROR - Error in episode 6678: name 'args' is not defined +2025-03-10 15:30:09,831 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,831 - ERROR - Error in episode 6679: name 'args' is not defined +2025-03-10 15:30:09,834 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,836 - ERROR - Error in episode 6680: name 'args' is not defined +2025-03-10 15:30:09,838 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,838 - ERROR - Error in episode 6681: name 'args' is not defined +2025-03-10 15:30:09,840 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,841 - ERROR - Error in episode 6682: name 'args' is not defined +2025-03-10 15:30:09,844 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,844 - ERROR - Error in episode 6683: name 'args' is not defined +2025-03-10 15:30:09,847 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,847 - ERROR - Error in episode 6684: name 'args' is not defined +2025-03-10 15:30:09,850 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,850 - ERROR - Error in episode 6685: name 'args' is not defined +2025-03-10 15:30:09,852 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,853 - ERROR - Error in episode 6686: name 'args' is not defined +2025-03-10 15:30:09,856 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,856 - ERROR - Error in episode 6687: name 'args' is not defined +2025-03-10 15:30:09,859 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,859 - ERROR - Error in episode 6688: name 'args' is not defined +2025-03-10 15:30:09,862 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,863 - ERROR - Error in episode 6689: name 'args' is not defined +2025-03-10 15:30:09,865 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,865 - ERROR - Error in episode 6690: name 'args' is not defined +2025-03-10 15:30:09,868 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,869 - ERROR - Error in episode 6691: name 'args' is not defined +2025-03-10 15:30:09,871 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,871 - ERROR - Error in episode 6692: name 'args' is not defined +2025-03-10 15:30:09,873 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,874 - ERROR - Error in episode 6693: name 'args' is not defined +2025-03-10 15:30:09,876 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,877 - ERROR - Error in episode 6694: name 'args' is not defined +2025-03-10 15:30:09,879 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,880 - ERROR - Error in episode 6695: name 'args' is not defined +2025-03-10 15:30:09,882 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,882 - ERROR - Error in episode 6696: name 'args' is not defined +2025-03-10 15:30:09,885 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,886 - ERROR - Error in episode 6697: name 'args' is not defined +2025-03-10 15:30:09,889 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,889 - ERROR - Error in episode 6698: name 'args' is not defined +2025-03-10 15:30:09,891 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,892 - ERROR - Error in episode 6699: name 'args' is not defined +2025-03-10 15:30:09,894 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,895 - ERROR - Error in episode 6700: name 'args' is not defined +2025-03-10 15:30:09,898 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,898 - ERROR - Error in episode 6701: name 'args' is not defined +2025-03-10 15:30:09,900 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,901 - ERROR - Error in episode 6702: name 'args' is not defined +2025-03-10 15:30:09,903 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,903 - ERROR - Error in episode 6703: name 'args' is not defined +2025-03-10 15:30:09,906 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,907 - ERROR - Error in episode 6704: name 'args' is not defined +2025-03-10 15:30:09,910 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,910 - ERROR - Error in episode 6705: name 'args' is not defined +2025-03-10 15:30:09,913 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,913 - ERROR - Error in episode 6706: name 'args' is not defined +2025-03-10 15:30:09,915 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,916 - ERROR - Error in episode 6707: name 'args' is not defined +2025-03-10 15:30:09,918 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,919 - ERROR - Error in episode 6708: name 'args' is not defined +2025-03-10 15:30:09,920 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,922 - ERROR - Error in episode 6709: name 'args' is not defined +2025-03-10 15:30:09,924 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,924 - ERROR - Error in episode 6710: name 'args' is not defined +2025-03-10 15:30:09,927 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,928 - ERROR - Error in episode 6711: name 'args' is not defined +2025-03-10 15:30:09,930 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,930 - ERROR - Error in episode 6712: name 'args' is not defined +2025-03-10 15:30:09,933 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,933 - ERROR - Error in episode 6713: name 'args' is not defined +2025-03-10 15:30:09,937 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,937 - ERROR - Error in episode 6714: name 'args' is not defined +2025-03-10 15:30:09,940 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,940 - ERROR - Error in episode 6715: name 'args' is not defined +2025-03-10 15:30:09,943 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,943 - ERROR - Error in episode 6716: name 'args' is not defined +2025-03-10 15:30:09,946 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,946 - ERROR - Error in episode 6717: name 'args' is not defined +2025-03-10 15:30:09,949 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,949 - ERROR - Error in episode 6718: name 'args' is not defined +2025-03-10 15:30:09,952 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,953 - ERROR - Error in episode 6719: name 'args' is not defined +2025-03-10 15:30:09,955 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,955 - ERROR - Error in episode 6720: name 'args' is not defined +2025-03-10 15:30:09,958 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,958 - ERROR - Error in episode 6721: name 'args' is not defined +2025-03-10 15:30:09,961 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,961 - ERROR - Error in episode 6722: name 'args' is not defined +2025-03-10 15:30:09,963 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,964 - ERROR - Error in episode 6723: name 'args' is not defined +2025-03-10 15:30:09,966 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,967 - ERROR - Error in episode 6724: name 'args' is not defined +2025-03-10 15:30:09,969 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,969 - ERROR - Error in episode 6725: name 'args' is not defined +2025-03-10 15:30:09,972 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,972 - ERROR - Error in episode 6726: name 'args' is not defined +2025-03-10 15:30:09,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,975 - ERROR - Error in episode 6727: name 'args' is not defined +2025-03-10 15:30:09,978 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,978 - ERROR - Error in episode 6728: name 'args' is not defined +2025-03-10 15:30:09,981 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,982 - ERROR - Error in episode 6729: name 'args' is not defined +2025-03-10 15:30:09,984 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,985 - ERROR - Error in episode 6730: name 'args' is not defined +2025-03-10 15:30:09,987 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,988 - ERROR - Error in episode 6731: name 'args' is not defined +2025-03-10 15:30:09,990 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,991 - ERROR - Error in episode 6732: name 'args' is not defined +2025-03-10 15:30:09,993 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,993 - ERROR - Error in episode 6733: name 'args' is not defined +2025-03-10 15:30:09,996 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:09,996 - ERROR - Error in episode 6734: name 'args' is not defined +2025-03-10 15:30:09,999 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,000 - ERROR - Error in episode 6735: name 'args' is not defined +2025-03-10 15:30:10,003 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,003 - ERROR - Error in episode 6736: name 'args' is not defined +2025-03-10 15:30:10,005 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,006 - ERROR - Error in episode 6737: name 'args' is not defined +2025-03-10 15:30:10,009 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,009 - ERROR - Error in episode 6738: name 'args' is not defined +2025-03-10 15:30:10,011 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,011 - ERROR - Error in episode 6739: name 'args' is not defined +2025-03-10 15:30:10,014 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,014 - ERROR - Error in episode 6740: name 'args' is not defined +2025-03-10 15:30:10,016 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,018 - ERROR - Error in episode 6741: name 'args' is not defined +2025-03-10 15:30:10,020 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,020 - ERROR - Error in episode 6742: name 'args' is not defined +2025-03-10 15:30:10,023 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,023 - ERROR - Error in episode 6743: name 'args' is not defined +2025-03-10 15:30:10,026 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,026 - ERROR - Error in episode 6744: name 'args' is not defined +2025-03-10 15:30:10,029 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,030 - ERROR - Error in episode 6745: name 'args' is not defined +2025-03-10 15:30:10,032 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,032 - ERROR - Error in episode 6746: name 'args' is not defined +2025-03-10 15:30:10,035 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,036 - ERROR - Error in episode 6747: name 'args' is not defined +2025-03-10 15:30:10,038 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,038 - ERROR - Error in episode 6748: name 'args' is not defined +2025-03-10 15:30:10,041 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,041 - ERROR - Error in episode 6749: name 'args' is not defined +2025-03-10 15:30:10,044 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,044 - ERROR - Error in episode 6750: name 'args' is not defined +2025-03-10 15:30:10,047 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,047 - ERROR - Error in episode 6751: name 'args' is not defined +2025-03-10 15:30:10,049 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,049 - ERROR - Error in episode 6752: name 'args' is not defined +2025-03-10 15:30:10,052 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,052 - ERROR - Error in episode 6753: name 'args' is not defined +2025-03-10 15:30:10,056 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,056 - ERROR - Error in episode 6754: name 'args' is not defined +2025-03-10 15:30:10,059 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,059 - ERROR - Error in episode 6755: name 'args' is not defined +2025-03-10 15:30:10,061 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,061 - ERROR - Error in episode 6756: name 'args' is not defined +2025-03-10 15:30:10,064 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,064 - ERROR - Error in episode 6757: name 'args' is not defined +2025-03-10 15:30:10,067 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,067 - ERROR - Error in episode 6758: name 'args' is not defined +2025-03-10 15:30:10,070 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,070 - ERROR - Error in episode 6759: name 'args' is not defined +2025-03-10 15:30:10,072 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,072 - ERROR - Error in episode 6760: name 'args' is not defined +2025-03-10 15:30:10,075 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,075 - ERROR - Error in episode 6761: name 'args' is not defined +2025-03-10 15:30:10,078 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,079 - ERROR - Error in episode 6762: name 'args' is not defined +2025-03-10 15:30:10,081 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,081 - ERROR - Error in episode 6763: name 'args' is not defined +2025-03-10 15:30:10,084 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,085 - ERROR - Error in episode 6764: name 'args' is not defined +2025-03-10 15:30:10,087 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,087 - ERROR - Error in episode 6765: name 'args' is not defined +2025-03-10 15:30:10,090 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,090 - ERROR - Error in episode 6766: name 'args' is not defined +2025-03-10 15:30:10,093 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,094 - ERROR - Error in episode 6767: name 'args' is not defined +2025-03-10 15:30:10,096 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,096 - ERROR - Error in episode 6768: name 'args' is not defined +2025-03-10 15:30:10,099 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,099 - ERROR - Error in episode 6769: name 'args' is not defined +2025-03-10 15:30:10,103 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,103 - ERROR - Error in episode 6770: name 'args' is not defined +2025-03-10 15:30:10,105 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,106 - ERROR - Error in episode 6771: name 'args' is not defined +2025-03-10 15:30:10,109 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,109 - ERROR - Error in episode 6772: name 'args' is not defined +2025-03-10 15:30:10,111 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,112 - ERROR - Error in episode 6773: name 'args' is not defined +2025-03-10 15:30:10,114 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,115 - ERROR - Error in episode 6774: name 'args' is not defined +2025-03-10 15:30:10,118 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,118 - ERROR - Error in episode 6775: name 'args' is not defined +2025-03-10 15:30:10,120 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,121 - ERROR - Error in episode 6776: name 'args' is not defined +2025-03-10 15:30:10,124 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,124 - ERROR - Error in episode 6777: name 'args' is not defined +2025-03-10 15:30:10,128 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,128 - ERROR - Error in episode 6778: name 'args' is not defined +2025-03-10 15:30:10,130 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,130 - ERROR - Error in episode 6779: name 'args' is not defined +2025-03-10 15:30:10,133 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,133 - ERROR - Error in episode 6780: name 'args' is not defined +2025-03-10 15:30:10,136 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,136 - ERROR - Error in episode 6781: name 'args' is not defined +2025-03-10 15:30:10,139 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,139 - ERROR - Error in episode 6782: name 'args' is not defined +2025-03-10 15:30:10,142 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,142 - ERROR - Error in episode 6783: name 'args' is not defined +2025-03-10 15:30:10,145 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,145 - ERROR - Error in episode 6784: name 'args' is not defined +2025-03-10 15:30:10,148 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,148 - ERROR - Error in episode 6785: name 'args' is not defined +2025-03-10 15:30:10,150 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,151 - ERROR - Error in episode 6786: name 'args' is not defined +2025-03-10 15:30:10,154 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,154 - ERROR - Error in episode 6787: name 'args' is not defined +2025-03-10 15:30:10,156 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,157 - ERROR - Error in episode 6788: name 'args' is not defined +2025-03-10 15:30:10,159 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,160 - ERROR - Error in episode 6789: name 'args' is not defined +2025-03-10 15:30:10,162 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,162 - ERROR - Error in episode 6790: name 'args' is not defined +2025-03-10 15:30:10,165 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,165 - ERROR - Error in episode 6791: name 'args' is not defined +2025-03-10 15:30:10,168 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,169 - ERROR - Error in episode 6792: name 'args' is not defined +2025-03-10 15:30:10,171 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,171 - ERROR - Error in episode 6793: name 'args' is not defined +2025-03-10 15:30:10,174 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,174 - ERROR - Error in episode 6794: name 'args' is not defined +2025-03-10 15:30:10,177 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,177 - ERROR - Error in episode 6795: name 'args' is not defined +2025-03-10 15:30:10,180 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,180 - ERROR - Error in episode 6796: name 'args' is not defined +2025-03-10 15:30:10,183 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,183 - ERROR - Error in episode 6797: name 'args' is not defined +2025-03-10 15:30:10,186 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,186 - ERROR - Error in episode 6798: name 'args' is not defined +2025-03-10 15:30:10,188 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,188 - ERROR - Error in episode 6799: name 'args' is not defined +2025-03-10 15:30:10,191 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,191 - ERROR - Error in episode 6800: name 'args' is not defined +2025-03-10 15:30:10,194 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,195 - ERROR - Error in episode 6801: name 'args' is not defined +2025-03-10 15:30:10,197 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,197 - ERROR - Error in episode 6802: name 'args' is not defined +2025-03-10 15:30:10,200 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,200 - ERROR - Error in episode 6803: name 'args' is not defined +2025-03-10 15:30:10,203 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,203 - ERROR - Error in episode 6804: name 'args' is not defined +2025-03-10 15:30:10,206 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,207 - ERROR - Error in episode 6805: name 'args' is not defined +2025-03-10 15:30:10,209 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,209 - ERROR - Error in episode 6806: name 'args' is not defined +2025-03-10 15:30:10,212 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,212 - ERROR - Error in episode 6807: name 'args' is not defined +2025-03-10 15:30:10,215 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,215 - ERROR - Error in episode 6808: name 'args' is not defined +2025-03-10 15:30:10,217 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,218 - ERROR - Error in episode 6809: name 'args' is not defined +2025-03-10 15:30:10,220 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,221 - ERROR - Error in episode 6810: name 'args' is not defined +2025-03-10 15:30:10,223 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,223 - ERROR - Error in episode 6811: name 'args' is not defined +2025-03-10 15:30:10,226 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,227 - ERROR - Error in episode 6812: name 'args' is not defined +2025-03-10 15:30:10,229 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,229 - ERROR - Error in episode 6813: name 'args' is not defined +2025-03-10 15:30:10,232 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,232 - ERROR - Error in episode 6814: name 'args' is not defined +2025-03-10 15:30:10,235 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,236 - ERROR - Error in episode 6815: name 'args' is not defined +2025-03-10 15:30:10,238 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,238 - ERROR - Error in episode 6816: name 'args' is not defined +2025-03-10 15:30:10,240 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,241 - ERROR - Error in episode 6817: name 'args' is not defined +2025-03-10 15:30:10,244 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,244 - ERROR - Error in episode 6818: name 'args' is not defined +2025-03-10 15:30:10,246 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,247 - ERROR - Error in episode 6819: name 'args' is not defined +2025-03-10 15:30:10,249 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,249 - ERROR - Error in episode 6820: name 'args' is not defined +2025-03-10 15:30:10,253 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,253 - ERROR - Error in episode 6821: name 'args' is not defined +2025-03-10 15:30:10,256 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,256 - ERROR - Error in episode 6822: name 'args' is not defined +2025-03-10 15:30:10,259 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,259 - ERROR - Error in episode 6823: name 'args' is not defined +2025-03-10 15:30:10,262 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,262 - ERROR - Error in episode 6824: name 'args' is not defined +2025-03-10 15:30:10,264 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,265 - ERROR - Error in episode 6825: name 'args' is not defined +2025-03-10 15:30:10,267 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,268 - ERROR - Error in episode 6826: name 'args' is not defined +2025-03-10 15:30:10,270 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,271 - ERROR - Error in episode 6827: name 'args' is not defined +2025-03-10 15:30:10,273 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,273 - ERROR - Error in episode 6828: name 'args' is not defined +2025-03-10 15:30:10,278 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,278 - ERROR - Error in episode 6829: name 'args' is not defined +2025-03-10 15:30:10,280 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,281 - ERROR - Error in episode 6830: name 'args' is not defined +2025-03-10 15:30:10,283 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,283 - ERROR - Error in episode 6831: name 'args' is not defined +2025-03-10 15:30:10,286 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,287 - ERROR - Error in episode 6832: name 'args' is not defined +2025-03-10 15:30:10,289 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,289 - ERROR - Error in episode 6833: name 'args' is not defined +2025-03-10 15:30:10,292 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,292 - ERROR - Error in episode 6834: name 'args' is not defined +2025-03-10 15:30:10,295 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,295 - ERROR - Error in episode 6835: name 'args' is not defined +2025-03-10 15:30:10,298 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,298 - ERROR - Error in episode 6836: name 'args' is not defined +2025-03-10 15:30:10,301 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,302 - ERROR - Error in episode 6837: name 'args' is not defined +2025-03-10 15:30:10,304 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,305 - ERROR - Error in episode 6838: name 'args' is not defined +2025-03-10 15:30:10,307 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,308 - ERROR - Error in episode 6839: name 'args' is not defined +2025-03-10 15:30:10,310 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,311 - ERROR - Error in episode 6840: name 'args' is not defined +2025-03-10 15:30:10,313 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,313 - ERROR - Error in episode 6841: name 'args' is not defined +2025-03-10 15:30:10,316 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,316 - ERROR - Error in episode 6842: name 'args' is not defined +2025-03-10 15:30:10,319 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,319 - ERROR - Error in episode 6843: name 'args' is not defined +2025-03-10 15:30:10,323 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,323 - ERROR - Error in episode 6844: name 'args' is not defined +2025-03-10 15:30:10,325 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,326 - ERROR - Error in episode 6845: name 'args' is not defined +2025-03-10 15:30:10,328 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,329 - ERROR - Error in episode 6846: name 'args' is not defined +2025-03-10 15:30:10,331 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,332 - ERROR - Error in episode 6847: name 'args' is not defined +2025-03-10 15:30:10,334 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,334 - ERROR - Error in episode 6848: name 'args' is not defined +2025-03-10 15:30:10,337 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,338 - ERROR - Error in episode 6849: name 'args' is not defined +2025-03-10 15:30:10,340 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,341 - ERROR - Error in episode 6850: name 'args' is not defined +2025-03-10 15:30:10,343 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,343 - ERROR - Error in episode 6851: name 'args' is not defined +2025-03-10 15:30:10,346 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,346 - ERROR - Error in episode 6852: name 'args' is not defined +2025-03-10 15:30:10,349 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,349 - ERROR - Error in episode 6853: name 'args' is not defined +2025-03-10 15:30:10,352 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,352 - ERROR - Error in episode 6854: name 'args' is not defined +2025-03-10 15:30:10,355 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,355 - ERROR - Error in episode 6855: name 'args' is not defined +2025-03-10 15:30:10,358 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,358 - ERROR - Error in episode 6856: name 'args' is not defined +2025-03-10 15:30:10,361 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,362 - ERROR - Error in episode 6857: name 'args' is not defined +2025-03-10 15:30:10,364 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,364 - ERROR - Error in episode 6858: name 'args' is not defined +2025-03-10 15:30:10,367 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,368 - ERROR - Error in episode 6859: name 'args' is not defined +2025-03-10 15:30:10,370 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,370 - ERROR - Error in episode 6860: name 'args' is not defined +2025-03-10 15:30:10,373 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,373 - ERROR - Error in episode 6861: name 'args' is not defined +2025-03-10 15:30:10,375 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,377 - ERROR - Error in episode 6862: name 'args' is not defined +2025-03-10 15:30:10,379 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,380 - ERROR - Error in episode 6863: name 'args' is not defined +2025-03-10 15:30:10,382 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,382 - ERROR - Error in episode 6864: name 'args' is not defined +2025-03-10 15:30:10,385 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,385 - ERROR - Error in episode 6865: name 'args' is not defined +2025-03-10 15:30:10,388 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,388 - ERROR - Error in episode 6866: name 'args' is not defined +2025-03-10 15:30:10,390 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,391 - ERROR - Error in episode 6867: name 'args' is not defined +2025-03-10 15:30:10,394 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,394 - ERROR - Error in episode 6868: name 'args' is not defined +2025-03-10 15:30:10,396 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,396 - ERROR - Error in episode 6869: name 'args' is not defined +2025-03-10 15:30:10,399 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,399 - ERROR - Error in episode 6870: name 'args' is not defined +2025-03-10 15:30:10,401 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,401 - ERROR - Error in episode 6871: name 'args' is not defined +2025-03-10 15:30:10,404 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,405 - ERROR - Error in episode 6872: name 'args' is not defined +2025-03-10 15:30:10,407 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,408 - ERROR - Error in episode 6873: name 'args' is not defined +2025-03-10 15:30:10,411 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,411 - ERROR - Error in episode 6874: name 'args' is not defined +2025-03-10 15:30:10,413 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,414 - ERROR - Error in episode 6875: name 'args' is not defined +2025-03-10 15:30:10,416 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,416 - ERROR - Error in episode 6876: name 'args' is not defined +2025-03-10 15:30:10,419 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,420 - ERROR - Error in episode 6877: name 'args' is not defined +2025-03-10 15:30:10,422 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,422 - ERROR - Error in episode 6878: name 'args' is not defined +2025-03-10 15:30:10,425 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,425 - ERROR - Error in episode 6879: name 'args' is not defined +2025-03-10 15:30:10,428 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,428 - ERROR - Error in episode 6880: name 'args' is not defined +2025-03-10 15:30:10,431 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,431 - ERROR - Error in episode 6881: name 'args' is not defined +2025-03-10 15:30:10,434 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,434 - ERROR - Error in episode 6882: name 'args' is not defined +2025-03-10 15:30:10,437 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,437 - ERROR - Error in episode 6883: name 'args' is not defined +2025-03-10 15:30:10,440 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,440 - ERROR - Error in episode 6884: name 'args' is not defined +2025-03-10 15:30:10,443 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,443 - ERROR - Error in episode 6885: name 'args' is not defined +2025-03-10 15:30:10,446 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,446 - ERROR - Error in episode 6886: name 'args' is not defined +2025-03-10 15:30:10,448 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,449 - ERROR - Error in episode 6887: name 'args' is not defined +2025-03-10 15:30:10,452 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,452 - ERROR - Error in episode 6888: name 'args' is not defined +2025-03-10 15:30:10,454 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,455 - ERROR - Error in episode 6889: name 'args' is not defined +2025-03-10 15:30:10,457 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,457 - ERROR - Error in episode 6890: name 'args' is not defined +2025-03-10 15:30:10,460 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,461 - ERROR - Error in episode 6891: name 'args' is not defined +2025-03-10 15:30:10,463 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,463 - ERROR - Error in episode 6892: name 'args' is not defined +2025-03-10 15:30:10,466 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,466 - ERROR - Error in episode 6893: name 'args' is not defined +2025-03-10 15:30:10,469 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,469 - ERROR - Error in episode 6894: name 'args' is not defined +2025-03-10 15:30:10,472 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,472 - ERROR - Error in episode 6895: name 'args' is not defined +2025-03-10 15:30:10,475 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,475 - ERROR - Error in episode 6896: name 'args' is not defined +2025-03-10 15:30:10,478 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,478 - ERROR - Error in episode 6897: name 'args' is not defined +2025-03-10 15:30:10,481 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,481 - ERROR - Error in episode 6898: name 'args' is not defined +2025-03-10 15:30:10,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,485 - ERROR - Error in episode 6899: name 'args' is not defined +2025-03-10 15:30:10,487 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,488 - ERROR - Error in episode 6900: name 'args' is not defined +2025-03-10 15:30:10,490 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,491 - ERROR - Error in episode 6901: name 'args' is not defined +2025-03-10 15:30:10,494 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,494 - ERROR - Error in episode 6902: name 'args' is not defined +2025-03-10 15:30:10,496 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,496 - ERROR - Error in episode 6903: name 'args' is not defined +2025-03-10 15:30:10,499 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,499 - ERROR - Error in episode 6904: name 'args' is not defined +2025-03-10 15:30:10,502 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,502 - ERROR - Error in episode 6905: name 'args' is not defined +2025-03-10 15:30:10,505 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,505 - ERROR - Error in episode 6906: name 'args' is not defined +2025-03-10 15:30:10,507 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,508 - ERROR - Error in episode 6907: name 'args' is not defined +2025-03-10 15:30:10,510 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,511 - ERROR - Error in episode 6908: name 'args' is not defined +2025-03-10 15:30:10,514 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,514 - ERROR - Error in episode 6909: name 'args' is not defined +2025-03-10 15:30:10,516 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,517 - ERROR - Error in episode 6910: name 'args' is not defined +2025-03-10 15:30:10,519 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,519 - ERROR - Error in episode 6911: name 'args' is not defined +2025-03-10 15:30:10,523 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,523 - ERROR - Error in episode 6912: name 'args' is not defined +2025-03-10 15:30:10,525 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,526 - ERROR - Error in episode 6913: name 'args' is not defined +2025-03-10 15:30:10,528 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,529 - ERROR - Error in episode 6914: name 'args' is not defined +2025-03-10 15:30:10,531 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,531 - ERROR - Error in episode 6915: name 'args' is not defined +2025-03-10 15:30:10,533 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,534 - ERROR - Error in episode 6916: name 'args' is not defined +2025-03-10 15:30:10,536 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,537 - ERROR - Error in episode 6917: name 'args' is not defined +2025-03-10 15:30:10,539 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,539 - ERROR - Error in episode 6918: name 'args' is not defined +2025-03-10 15:30:10,542 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,542 - ERROR - Error in episode 6919: name 'args' is not defined +2025-03-10 15:30:10,545 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,545 - ERROR - Error in episode 6920: name 'args' is not defined +2025-03-10 15:30:10,547 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,548 - ERROR - Error in episode 6921: name 'args' is not defined +2025-03-10 15:30:10,550 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,551 - ERROR - Error in episode 6922: name 'args' is not defined +2025-03-10 15:30:10,553 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,553 - ERROR - Error in episode 6923: name 'args' is not defined +2025-03-10 15:30:10,556 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,556 - ERROR - Error in episode 6924: name 'args' is not defined +2025-03-10 15:30:10,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,560 - ERROR - Error in episode 6925: name 'args' is not defined +2025-03-10 15:30:10,562 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,562 - ERROR - Error in episode 6926: name 'args' is not defined +2025-03-10 15:30:10,564 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,564 - ERROR - Error in episode 6927: name 'args' is not defined +2025-03-10 15:30:10,567 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,568 - ERROR - Error in episode 6928: name 'args' is not defined +2025-03-10 15:30:10,570 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,570 - ERROR - Error in episode 6929: name 'args' is not defined +2025-03-10 15:30:10,573 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,573 - ERROR - Error in episode 6930: name 'args' is not defined +2025-03-10 15:30:10,576 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,576 - ERROR - Error in episode 6931: name 'args' is not defined +2025-03-10 15:30:10,579 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,579 - ERROR - Error in episode 6932: name 'args' is not defined +2025-03-10 15:30:10,581 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,581 - ERROR - Error in episode 6933: name 'args' is not defined +2025-03-10 15:30:10,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,584 - ERROR - Error in episode 6934: name 'args' is not defined +2025-03-10 15:30:10,587 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,587 - ERROR - Error in episode 6935: name 'args' is not defined +2025-03-10 15:30:10,591 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,592 - ERROR - Error in episode 6936: name 'args' is not defined +2025-03-10 15:30:10,595 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,595 - ERROR - Error in episode 6937: name 'args' is not defined +2025-03-10 15:30:10,597 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,598 - ERROR - Error in episode 6938: name 'args' is not defined +2025-03-10 15:30:10,600 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,600 - ERROR - Error in episode 6939: name 'args' is not defined +2025-03-10 15:30:10,603 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,603 - ERROR - Error in episode 6940: name 'args' is not defined +2025-03-10 15:30:10,606 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,606 - ERROR - Error in episode 6941: name 'args' is not defined +2025-03-10 15:30:10,609 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,609 - ERROR - Error in episode 6942: name 'args' is not defined +2025-03-10 15:30:10,612 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,612 - ERROR - Error in episode 6943: name 'args' is not defined +2025-03-10 15:30:10,615 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,615 - ERROR - Error in episode 6944: name 'args' is not defined +2025-03-10 15:30:10,618 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,618 - ERROR - Error in episode 6945: name 'args' is not defined +2025-03-10 15:30:10,621 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,621 - ERROR - Error in episode 6946: name 'args' is not defined +2025-03-10 15:30:10,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,623 - ERROR - Error in episode 6947: name 'args' is not defined +2025-03-10 15:30:10,626 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,626 - ERROR - Error in episode 6948: name 'args' is not defined +2025-03-10 15:30:10,628 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,629 - ERROR - Error in episode 6949: name 'args' is not defined +2025-03-10 15:30:10,631 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,632 - ERROR - Error in episode 6950: name 'args' is not defined +2025-03-10 15:30:10,635 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,635 - ERROR - Error in episode 6951: name 'args' is not defined +2025-03-10 15:30:10,638 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,638 - ERROR - Error in episode 6952: name 'args' is not defined +2025-03-10 15:30:10,641 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,641 - ERROR - Error in episode 6953: name 'args' is not defined +2025-03-10 15:30:10,644 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,644 - ERROR - Error in episode 6954: name 'args' is not defined +2025-03-10 15:30:10,646 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,647 - ERROR - Error in episode 6955: name 'args' is not defined +2025-03-10 15:30:10,650 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,650 - ERROR - Error in episode 6956: name 'args' is not defined +2025-03-10 15:30:10,654 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,654 - ERROR - Error in episode 6957: name 'args' is not defined +2025-03-10 15:30:10,656 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,657 - ERROR - Error in episode 6958: name 'args' is not defined +2025-03-10 15:30:10,659 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,660 - ERROR - Error in episode 6959: name 'args' is not defined +2025-03-10 15:30:10,662 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,662 - ERROR - Error in episode 6960: name 'args' is not defined +2025-03-10 15:30:10,665 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,665 - ERROR - Error in episode 6961: name 'args' is not defined +2025-03-10 15:30:10,668 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,668 - ERROR - Error in episode 6962: name 'args' is not defined +2025-03-10 15:30:10,671 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,671 - ERROR - Error in episode 6963: name 'args' is not defined +2025-03-10 15:30:10,674 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,674 - ERROR - Error in episode 6964: name 'args' is not defined +2025-03-10 15:30:10,677 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,678 - ERROR - Error in episode 6965: name 'args' is not defined +2025-03-10 15:30:10,680 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,680 - ERROR - Error in episode 6966: name 'args' is not defined +2025-03-10 15:30:10,682 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,683 - ERROR - Error in episode 6967: name 'args' is not defined +2025-03-10 15:30:10,686 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,686 - ERROR - Error in episode 6968: name 'args' is not defined +2025-03-10 15:30:10,688 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,689 - ERROR - Error in episode 6969: name 'args' is not defined +2025-03-10 15:30:10,691 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,691 - ERROR - Error in episode 6970: name 'args' is not defined +2025-03-10 15:30:10,693 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,695 - ERROR - Error in episode 6971: name 'args' is not defined +2025-03-10 15:30:10,697 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,697 - ERROR - Error in episode 6972: name 'args' is not defined +2025-03-10 15:30:10,699 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,699 - ERROR - Error in episode 6973: name 'args' is not defined +2025-03-10 15:30:10,703 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,704 - ERROR - Error in episode 6974: name 'args' is not defined +2025-03-10 15:30:10,706 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,706 - ERROR - Error in episode 6975: name 'args' is not defined +2025-03-10 15:30:10,709 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,709 - ERROR - Error in episode 6976: name 'args' is not defined +2025-03-10 15:30:10,712 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,712 - ERROR - Error in episode 6977: name 'args' is not defined +2025-03-10 15:30:10,715 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,715 - ERROR - Error in episode 6978: name 'args' is not defined +2025-03-10 15:30:10,717 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,717 - ERROR - Error in episode 6979: name 'args' is not defined +2025-03-10 15:30:10,720 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,720 - ERROR - Error in episode 6980: name 'args' is not defined +2025-03-10 15:30:10,723 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,724 - ERROR - Error in episode 6981: name 'args' is not defined +2025-03-10 15:30:10,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,727 - ERROR - Error in episode 6982: name 'args' is not defined +2025-03-10 15:30:10,729 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,730 - ERROR - Error in episode 6983: name 'args' is not defined +2025-03-10 15:30:10,732 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,732 - ERROR - Error in episode 6984: name 'args' is not defined +2025-03-10 15:30:10,735 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,735 - ERROR - Error in episode 6985: name 'args' is not defined +2025-03-10 15:30:10,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,739 - ERROR - Error in episode 6986: name 'args' is not defined +2025-03-10 15:30:10,742 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,742 - ERROR - Error in episode 6987: name 'args' is not defined +2025-03-10 15:30:10,745 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,746 - ERROR - Error in episode 6988: name 'args' is not defined +2025-03-10 15:30:10,748 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,749 - ERROR - Error in episode 6989: name 'args' is not defined +2025-03-10 15:30:10,751 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,752 - ERROR - Error in episode 6990: name 'args' is not defined +2025-03-10 15:30:10,754 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,755 - ERROR - Error in episode 6991: name 'args' is not defined +2025-03-10 15:30:10,757 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,757 - ERROR - Error in episode 6992: name 'args' is not defined +2025-03-10 15:30:10,759 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,760 - ERROR - Error in episode 6993: name 'args' is not defined +2025-03-10 15:30:10,762 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,763 - ERROR - Error in episode 6994: name 'args' is not defined +2025-03-10 15:30:10,765 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,765 - ERROR - Error in episode 6995: name 'args' is not defined +2025-03-10 15:30:10,769 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,770 - ERROR - Error in episode 6996: name 'args' is not defined +2025-03-10 15:30:10,772 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,772 - ERROR - Error in episode 6997: name 'args' is not defined +2025-03-10 15:30:10,775 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,775 - ERROR - Error in episode 6998: name 'args' is not defined +2025-03-10 15:30:10,778 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,778 - ERROR - Error in episode 6999: name 'args' is not defined +2025-03-10 15:30:10,781 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,781 - ERROR - Error in episode 7000: name 'args' is not defined +2025-03-10 15:30:10,783 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,784 - ERROR - Error in episode 7001: name 'args' is not defined +2025-03-10 15:30:10,786 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,786 - ERROR - Error in episode 7002: name 'args' is not defined +2025-03-10 15:30:10,790 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,790 - ERROR - Error in episode 7003: name 'args' is not defined +2025-03-10 15:30:10,793 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,793 - ERROR - Error in episode 7004: name 'args' is not defined +2025-03-10 15:30:10,795 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,796 - ERROR - Error in episode 7005: name 'args' is not defined +2025-03-10 15:30:10,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,799 - ERROR - Error in episode 7006: name 'args' is not defined +2025-03-10 15:30:10,801 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,802 - ERROR - Error in episode 7007: name 'args' is not defined +2025-03-10 15:30:10,804 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,804 - ERROR - Error in episode 7008: name 'args' is not defined +2025-03-10 15:30:10,807 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,807 - ERROR - Error in episode 7009: name 'args' is not defined +2025-03-10 15:30:10,811 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,811 - ERROR - Error in episode 7010: name 'args' is not defined +2025-03-10 15:30:10,813 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,814 - ERROR - Error in episode 7011: name 'args' is not defined +2025-03-10 15:30:10,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,816 - ERROR - Error in episode 7012: name 'args' is not defined +2025-03-10 15:30:10,820 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,820 - ERROR - Error in episode 7013: name 'args' is not defined +2025-03-10 15:30:10,823 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,823 - ERROR - Error in episode 7014: name 'args' is not defined +2025-03-10 15:30:10,826 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,827 - ERROR - Error in episode 7015: name 'args' is not defined +2025-03-10 15:30:10,829 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,830 - ERROR - Error in episode 7016: name 'args' is not defined +2025-03-10 15:30:10,832 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,832 - ERROR - Error in episode 7017: name 'args' is not defined +2025-03-10 15:30:10,835 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,835 - ERROR - Error in episode 7018: name 'args' is not defined +2025-03-10 15:30:10,838 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,838 - ERROR - Error in episode 7019: name 'args' is not defined +2025-03-10 15:30:10,841 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,841 - ERROR - Error in episode 7020: name 'args' is not defined +2025-03-10 15:30:10,844 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,845 - ERROR - Error in episode 7021: name 'args' is not defined +2025-03-10 15:30:10,847 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,848 - ERROR - Error in episode 7022: name 'args' is not defined +2025-03-10 15:30:10,850 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,851 - ERROR - Error in episode 7023: name 'args' is not defined +2025-03-10 15:30:10,854 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,854 - ERROR - Error in episode 7024: name 'args' is not defined +2025-03-10 15:30:10,856 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,857 - ERROR - Error in episode 7025: name 'args' is not defined +2025-03-10 15:30:10,860 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,860 - ERROR - Error in episode 7026: name 'args' is not defined +2025-03-10 15:30:10,863 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,863 - ERROR - Error in episode 7027: name 'args' is not defined +2025-03-10 15:30:10,865 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,866 - ERROR - Error in episode 7028: name 'args' is not defined +2025-03-10 15:30:10,869 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,869 - ERROR - Error in episode 7029: name 'args' is not defined +2025-03-10 15:30:10,872 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,872 - ERROR - Error in episode 7030: name 'args' is not defined +2025-03-10 15:30:10,875 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,875 - ERROR - Error in episode 7031: name 'args' is not defined +2025-03-10 15:30:10,878 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,878 - ERROR - Error in episode 7032: name 'args' is not defined +2025-03-10 15:30:10,881 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,881 - ERROR - Error in episode 7033: name 'args' is not defined +2025-03-10 15:30:10,884 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,884 - ERROR - Error in episode 7034: name 'args' is not defined +2025-03-10 15:30:10,887 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,887 - ERROR - Error in episode 7035: name 'args' is not defined +2025-03-10 15:30:10,889 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,890 - ERROR - Error in episode 7036: name 'args' is not defined +2025-03-10 15:30:10,892 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,892 - ERROR - Error in episode 7037: name 'args' is not defined +2025-03-10 15:30:10,895 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,895 - ERROR - Error in episode 7038: name 'args' is not defined +2025-03-10 15:30:10,898 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,898 - ERROR - Error in episode 7039: name 'args' is not defined +2025-03-10 15:30:10,902 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,902 - ERROR - Error in episode 7040: name 'args' is not defined +2025-03-10 15:30:10,904 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,905 - ERROR - Error in episode 7041: name 'args' is not defined +2025-03-10 15:30:10,908 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,908 - ERROR - Error in episode 7042: name 'args' is not defined +2025-03-10 15:30:10,911 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,911 - ERROR - Error in episode 7043: name 'args' is not defined +2025-03-10 15:30:10,914 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,914 - ERROR - Error in episode 7044: name 'args' is not defined +2025-03-10 15:30:10,916 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,916 - ERROR - Error in episode 7045: name 'args' is not defined +2025-03-10 15:30:10,919 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,920 - ERROR - Error in episode 7046: name 'args' is not defined +2025-03-10 15:30:10,922 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,922 - ERROR - Error in episode 7047: name 'args' is not defined +2025-03-10 15:30:10,924 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,925 - ERROR - Error in episode 7048: name 'args' is not defined +2025-03-10 15:30:10,927 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,928 - ERROR - Error in episode 7049: name 'args' is not defined +2025-03-10 15:30:10,931 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,931 - ERROR - Error in episode 7050: name 'args' is not defined +2025-03-10 15:30:10,933 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,934 - ERROR - Error in episode 7051: name 'args' is not defined +2025-03-10 15:30:10,937 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,937 - ERROR - Error in episode 7052: name 'args' is not defined +2025-03-10 15:30:10,939 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,940 - ERROR - Error in episode 7053: name 'args' is not defined +2025-03-10 15:30:10,942 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,942 - ERROR - Error in episode 7054: name 'args' is not defined +2025-03-10 15:30:10,945 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,945 - ERROR - Error in episode 7055: name 'args' is not defined +2025-03-10 15:30:10,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,948 - ERROR - Error in episode 7056: name 'args' is not defined +2025-03-10 15:30:10,951 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,951 - ERROR - Error in episode 7057: name 'args' is not defined +2025-03-10 15:30:10,953 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,953 - ERROR - Error in episode 7058: name 'args' is not defined +2025-03-10 15:30:10,956 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,956 - ERROR - Error in episode 7059: name 'args' is not defined +2025-03-10 15:30:10,959 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,959 - ERROR - Error in episode 7060: name 'args' is not defined +2025-03-10 15:30:10,962 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,962 - ERROR - Error in episode 7061: name 'args' is not defined +2025-03-10 15:30:10,965 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,966 - ERROR - Error in episode 7062: name 'args' is not defined +2025-03-10 15:30:10,969 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,969 - ERROR - Error in episode 7063: name 'args' is not defined +2025-03-10 15:30:10,972 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,972 - ERROR - Error in episode 7064: name 'args' is not defined +2025-03-10 15:30:10,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,975 - ERROR - Error in episode 7065: name 'args' is not defined +2025-03-10 15:30:10,977 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,978 - ERROR - Error in episode 7066: name 'args' is not defined +2025-03-10 15:30:10,980 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,981 - ERROR - Error in episode 7067: name 'args' is not defined +2025-03-10 15:30:10,983 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,983 - ERROR - Error in episode 7068: name 'args' is not defined +2025-03-10 15:30:10,986 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,986 - ERROR - Error in episode 7069: name 'args' is not defined +2025-03-10 15:30:10,989 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,989 - ERROR - Error in episode 7070: name 'args' is not defined +2025-03-10 15:30:10,992 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,992 - ERROR - Error in episode 7071: name 'args' is not defined +2025-03-10 15:30:10,995 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,995 - ERROR - Error in episode 7072: name 'args' is not defined +2025-03-10 15:30:10,998 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:10,998 - ERROR - Error in episode 7073: name 'args' is not defined +2025-03-10 15:30:11,001 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,001 - ERROR - Error in episode 7074: name 'args' is not defined +2025-03-10 15:30:11,004 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,005 - ERROR - Error in episode 7075: name 'args' is not defined +2025-03-10 15:30:11,007 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,007 - ERROR - Error in episode 7076: name 'args' is not defined +2025-03-10 15:30:11,010 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,010 - ERROR - Error in episode 7077: name 'args' is not defined +2025-03-10 15:30:11,013 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,013 - ERROR - Error in episode 7078: name 'args' is not defined +2025-03-10 15:30:11,016 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,016 - ERROR - Error in episode 7079: name 'args' is not defined +2025-03-10 15:30:11,019 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,019 - ERROR - Error in episode 7080: name 'args' is not defined +2025-03-10 15:30:11,022 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,022 - ERROR - Error in episode 7081: name 'args' is not defined +2025-03-10 15:30:11,024 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,025 - ERROR - Error in episode 7082: name 'args' is not defined +2025-03-10 15:30:11,027 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,028 - ERROR - Error in episode 7083: name 'args' is not defined +2025-03-10 15:30:11,030 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,030 - ERROR - Error in episode 7084: name 'args' is not defined +2025-03-10 15:30:11,032 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,033 - ERROR - Error in episode 7085: name 'args' is not defined +2025-03-10 15:30:11,036 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,036 - ERROR - Error in episode 7086: name 'args' is not defined +2025-03-10 15:30:11,038 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,039 - ERROR - Error in episode 7087: name 'args' is not defined +2025-03-10 15:30:11,041 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,041 - ERROR - Error in episode 7088: name 'args' is not defined +2025-03-10 15:30:11,044 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,045 - ERROR - Error in episode 7089: name 'args' is not defined +2025-03-10 15:30:11,047 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,047 - ERROR - Error in episode 7090: name 'args' is not defined +2025-03-10 15:30:11,050 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,051 - ERROR - Error in episode 7091: name 'args' is not defined +2025-03-10 15:30:11,053 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,054 - ERROR - Error in episode 7092: name 'args' is not defined +2025-03-10 15:30:11,056 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,057 - ERROR - Error in episode 7093: name 'args' is not defined +2025-03-10 15:30:11,059 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,059 - ERROR - Error in episode 7094: name 'args' is not defined +2025-03-10 15:30:11,062 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,062 - ERROR - Error in episode 7095: name 'args' is not defined +2025-03-10 15:30:11,065 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,065 - ERROR - Error in episode 7096: name 'args' is not defined +2025-03-10 15:30:11,067 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,068 - ERROR - Error in episode 7097: name 'args' is not defined +2025-03-10 15:30:11,070 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,070 - ERROR - Error in episode 7098: name 'args' is not defined +2025-03-10 15:30:11,074 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,074 - ERROR - Error in episode 7099: name 'args' is not defined +2025-03-10 15:30:11,077 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,077 - ERROR - Error in episode 7100: name 'args' is not defined +2025-03-10 15:30:11,080 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,080 - ERROR - Error in episode 7101: name 'args' is not defined +2025-03-10 15:30:11,082 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,082 - ERROR - Error in episode 7102: name 'args' is not defined +2025-03-10 15:30:11,085 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,086 - ERROR - Error in episode 7103: name 'args' is not defined +2025-03-10 15:30:11,088 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,089 - ERROR - Error in episode 7104: name 'args' is not defined +2025-03-10 15:30:11,091 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,091 - ERROR - Error in episode 7105: name 'args' is not defined +2025-03-10 15:30:11,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,095 - ERROR - Error in episode 7106: name 'args' is not defined +2025-03-10 15:30:11,099 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,099 - ERROR - Error in episode 7107: name 'args' is not defined +2025-03-10 15:30:11,102 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,102 - ERROR - Error in episode 7108: name 'args' is not defined +2025-03-10 15:30:11,105 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,105 - ERROR - Error in episode 7109: name 'args' is not defined +2025-03-10 15:30:11,107 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,108 - ERROR - Error in episode 7110: name 'args' is not defined +2025-03-10 15:30:11,110 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,111 - ERROR - Error in episode 7111: name 'args' is not defined +2025-03-10 15:30:11,113 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,113 - ERROR - Error in episode 7112: name 'args' is not defined +2025-03-10 15:30:11,117 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,117 - ERROR - Error in episode 7113: name 'args' is not defined +2025-03-10 15:30:11,120 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,121 - ERROR - Error in episode 7114: name 'args' is not defined +2025-03-10 15:30:11,123 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,124 - ERROR - Error in episode 7115: name 'args' is not defined +2025-03-10 15:30:11,126 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,127 - ERROR - Error in episode 7116: name 'args' is not defined +2025-03-10 15:30:11,129 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,129 - ERROR - Error in episode 7117: name 'args' is not defined +2025-03-10 15:30:11,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,132 - ERROR - Error in episode 7118: name 'args' is not defined +2025-03-10 15:30:11,135 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,135 - ERROR - Error in episode 7119: name 'args' is not defined +2025-03-10 15:30:11,138 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,138 - ERROR - Error in episode 7120: name 'args' is not defined +2025-03-10 15:30:11,140 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,140 - ERROR - Error in episode 7121: name 'args' is not defined +2025-03-10 15:30:11,143 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,143 - ERROR - Error in episode 7122: name 'args' is not defined +2025-03-10 15:30:11,146 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,146 - ERROR - Error in episode 7123: name 'args' is not defined +2025-03-10 15:30:11,149 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,149 - ERROR - Error in episode 7124: name 'args' is not defined +2025-03-10 15:30:11,152 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,153 - ERROR - Error in episode 7125: name 'args' is not defined +2025-03-10 15:30:11,155 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,155 - ERROR - Error in episode 7126: name 'args' is not defined +2025-03-10 15:30:11,158 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,158 - ERROR - Error in episode 7127: name 'args' is not defined +2025-03-10 15:30:11,162 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,162 - ERROR - Error in episode 7128: name 'args' is not defined +2025-03-10 15:30:11,164 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,165 - ERROR - Error in episode 7129: name 'args' is not defined +2025-03-10 15:30:11,167 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,167 - ERROR - Error in episode 7130: name 'args' is not defined +2025-03-10 15:30:11,170 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,171 - ERROR - Error in episode 7131: name 'args' is not defined +2025-03-10 15:30:11,173 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,173 - ERROR - Error in episode 7132: name 'args' is not defined +2025-03-10 15:30:11,176 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,176 - ERROR - Error in episode 7133: name 'args' is not defined +2025-03-10 15:30:11,178 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,179 - ERROR - Error in episode 7134: name 'args' is not defined +2025-03-10 15:30:11,182 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,182 - ERROR - Error in episode 7135: name 'args' is not defined +2025-03-10 15:30:11,184 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,185 - ERROR - Error in episode 7136: name 'args' is not defined +2025-03-10 15:30:11,188 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,188 - ERROR - Error in episode 7137: name 'args' is not defined +2025-03-10 15:30:11,190 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,190 - ERROR - Error in episode 7138: name 'args' is not defined +2025-03-10 15:30:11,194 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,194 - ERROR - Error in episode 7139: name 'args' is not defined +2025-03-10 15:30:11,198 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,198 - ERROR - Error in episode 7140: name 'args' is not defined +2025-03-10 15:30:11,201 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,201 - ERROR - Error in episode 7141: name 'args' is not defined +2025-03-10 15:30:11,204 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,204 - ERROR - Error in episode 7142: name 'args' is not defined +2025-03-10 15:30:11,207 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,207 - ERROR - Error in episode 7143: name 'args' is not defined +2025-03-10 15:30:11,210 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,210 - ERROR - Error in episode 7144: name 'args' is not defined +2025-03-10 15:30:11,214 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,215 - ERROR - Error in episode 7145: name 'args' is not defined +2025-03-10 15:30:11,219 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,219 - ERROR - Error in episode 7146: name 'args' is not defined +2025-03-10 15:30:11,222 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,222 - ERROR - Error in episode 7147: name 'args' is not defined +2025-03-10 15:30:11,225 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,225 - ERROR - Error in episode 7148: name 'args' is not defined +2025-03-10 15:30:11,228 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,228 - ERROR - Error in episode 7149: name 'args' is not defined +2025-03-10 15:30:11,231 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,231 - ERROR - Error in episode 7150: name 'args' is not defined +2025-03-10 15:30:11,234 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,234 - ERROR - Error in episode 7151: name 'args' is not defined +2025-03-10 15:30:11,238 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,238 - ERROR - Error in episode 7152: name 'args' is not defined +2025-03-10 15:30:11,241 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,241 - ERROR - Error in episode 7153: name 'args' is not defined +2025-03-10 15:30:11,243 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,244 - ERROR - Error in episode 7154: name 'args' is not defined +2025-03-10 15:30:11,246 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,246 - ERROR - Error in episode 7155: name 'args' is not defined +2025-03-10 15:30:11,248 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,249 - ERROR - Error in episode 7156: name 'args' is not defined +2025-03-10 15:30:11,252 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,252 - ERROR - Error in episode 7157: name 'args' is not defined +2025-03-10 15:30:11,254 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,255 - ERROR - Error in episode 7158: name 'args' is not defined +2025-03-10 15:30:11,257 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,257 - ERROR - Error in episode 7159: name 'args' is not defined +2025-03-10 15:30:11,260 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,261 - ERROR - Error in episode 7160: name 'args' is not defined +2025-03-10 15:30:11,263 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,263 - ERROR - Error in episode 7161: name 'args' is not defined +2025-03-10 15:30:11,266 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,266 - ERROR - Error in episode 7162: name 'args' is not defined +2025-03-10 15:30:11,269 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,269 - ERROR - Error in episode 7163: name 'args' is not defined +2025-03-10 15:30:11,271 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,272 - ERROR - Error in episode 7164: name 'args' is not defined +2025-03-10 15:30:11,274 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,275 - ERROR - Error in episode 7165: name 'args' is not defined +2025-03-10 15:30:11,278 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,278 - ERROR - Error in episode 7166: name 'args' is not defined +2025-03-10 15:30:11,280 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,281 - ERROR - Error in episode 7167: name 'args' is not defined +2025-03-10 15:30:11,283 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,284 - ERROR - Error in episode 7168: name 'args' is not defined +2025-03-10 15:30:11,287 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,287 - ERROR - Error in episode 7169: name 'args' is not defined +2025-03-10 15:30:11,290 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,290 - ERROR - Error in episode 7170: name 'args' is not defined +2025-03-10 15:30:11,292 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,293 - ERROR - Error in episode 7171: name 'args' is not defined +2025-03-10 15:30:11,296 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,296 - ERROR - Error in episode 7172: name 'args' is not defined +2025-03-10 15:30:11,299 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,299 - ERROR - Error in episode 7173: name 'args' is not defined +2025-03-10 15:30:11,302 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,302 - ERROR - Error in episode 7174: name 'args' is not defined +2025-03-10 15:30:11,305 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,305 - ERROR - Error in episode 7175: name 'args' is not defined +2025-03-10 15:30:11,307 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,307 - ERROR - Error in episode 7176: name 'args' is not defined +2025-03-10 15:30:11,310 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,311 - ERROR - Error in episode 7177: name 'args' is not defined +2025-03-10 15:30:11,314 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,314 - ERROR - Error in episode 7178: name 'args' is not defined +2025-03-10 15:30:11,317 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,317 - ERROR - Error in episode 7179: name 'args' is not defined +2025-03-10 15:30:11,320 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,320 - ERROR - Error in episode 7180: name 'args' is not defined +2025-03-10 15:30:11,323 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,323 - ERROR - Error in episode 7181: name 'args' is not defined +2025-03-10 15:30:11,326 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,326 - ERROR - Error in episode 7182: name 'args' is not defined +2025-03-10 15:30:11,329 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,329 - ERROR - Error in episode 7183: name 'args' is not defined +2025-03-10 15:30:11,331 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,332 - ERROR - Error in episode 7184: name 'args' is not defined +2025-03-10 15:30:11,334 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,335 - ERROR - Error in episode 7185: name 'args' is not defined +2025-03-10 15:30:11,337 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,337 - ERROR - Error in episode 7186: name 'args' is not defined +2025-03-10 15:30:11,340 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,340 - ERROR - Error in episode 7187: name 'args' is not defined +2025-03-10 15:30:11,343 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,343 - ERROR - Error in episode 7188: name 'args' is not defined +2025-03-10 15:30:11,346 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,346 - ERROR - Error in episode 7189: name 'args' is not defined +2025-03-10 15:30:11,348 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,349 - ERROR - Error in episode 7190: name 'args' is not defined +2025-03-10 15:30:11,351 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,351 - ERROR - Error in episode 7191: name 'args' is not defined +2025-03-10 15:30:11,355 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,355 - ERROR - Error in episode 7192: name 'args' is not defined +2025-03-10 15:30:11,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,358 - ERROR - Error in episode 7193: name 'args' is not defined +2025-03-10 15:30:11,360 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,361 - ERROR - Error in episode 7194: name 'args' is not defined +2025-03-10 15:30:11,363 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,363 - ERROR - Error in episode 7195: name 'args' is not defined +2025-03-10 15:30:11,366 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,367 - ERROR - Error in episode 7196: name 'args' is not defined +2025-03-10 15:30:11,369 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,369 - ERROR - Error in episode 7197: name 'args' is not defined +2025-03-10 15:30:11,372 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,372 - ERROR - Error in episode 7198: name 'args' is not defined +2025-03-10 15:30:11,374 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,376 - ERROR - Error in episode 7199: name 'args' is not defined +2025-03-10 15:30:11,378 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,378 - ERROR - Error in episode 7200: name 'args' is not defined +2025-03-10 15:30:11,381 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,381 - ERROR - Error in episode 7201: name 'args' is not defined +2025-03-10 15:30:11,383 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,384 - ERROR - Error in episode 7202: name 'args' is not defined +2025-03-10 15:30:11,386 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,386 - ERROR - Error in episode 7203: name 'args' is not defined +2025-03-10 15:30:11,389 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,390 - ERROR - Error in episode 7204: name 'args' is not defined +2025-03-10 15:30:11,392 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,392 - ERROR - Error in episode 7205: name 'args' is not defined +2025-03-10 15:30:11,395 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,395 - ERROR - Error in episode 7206: name 'args' is not defined +2025-03-10 15:30:11,399 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,399 - ERROR - Error in episode 7207: name 'args' is not defined +2025-03-10 15:30:11,402 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,402 - ERROR - Error in episode 7208: name 'args' is not defined +2025-03-10 15:30:11,404 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,405 - ERROR - Error in episode 7209: name 'args' is not defined +2025-03-10 15:30:11,407 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,408 - ERROR - Error in episode 7210: name 'args' is not defined +2025-03-10 15:30:11,410 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,411 - ERROR - Error in episode 7211: name 'args' is not defined +2025-03-10 15:30:11,413 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,414 - ERROR - Error in episode 7212: name 'args' is not defined +2025-03-10 15:30:11,416 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,417 - ERROR - Error in episode 7213: name 'args' is not defined +2025-03-10 15:30:11,419 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,419 - ERROR - Error in episode 7214: name 'args' is not defined +2025-03-10 15:30:11,422 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,422 - ERROR - Error in episode 7215: name 'args' is not defined +2025-03-10 15:30:11,425 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,425 - ERROR - Error in episode 7216: name 'args' is not defined +2025-03-10 15:30:11,428 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,428 - ERROR - Error in episode 7217: name 'args' is not defined +2025-03-10 15:30:11,430 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,432 - ERROR - Error in episode 7218: name 'args' is not defined +2025-03-10 15:30:11,434 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,435 - ERROR - Error in episode 7219: name 'args' is not defined +2025-03-10 15:30:11,437 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,437 - ERROR - Error in episode 7220: name 'args' is not defined +2025-03-10 15:30:11,440 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,441 - ERROR - Error in episode 7221: name 'args' is not defined +2025-03-10 15:30:11,443 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,443 - ERROR - Error in episode 7222: name 'args' is not defined +2025-03-10 15:30:11,446 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,446 - ERROR - Error in episode 7223: name 'args' is not defined +2025-03-10 15:30:11,449 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,449 - ERROR - Error in episode 7224: name 'args' is not defined +2025-03-10 15:30:11,452 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,452 - ERROR - Error in episode 7225: name 'args' is not defined +2025-03-10 15:30:11,455 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,455 - ERROR - Error in episode 7226: name 'args' is not defined +2025-03-10 15:30:11,458 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,458 - ERROR - Error in episode 7227: name 'args' is not defined +2025-03-10 15:30:11,460 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,461 - ERROR - Error in episode 7228: name 'args' is not defined +2025-03-10 15:30:11,463 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,463 - ERROR - Error in episode 7229: name 'args' is not defined +2025-03-10 15:30:11,466 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,467 - ERROR - Error in episode 7230: name 'args' is not defined +2025-03-10 15:30:11,469 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,469 - ERROR - Error in episode 7231: name 'args' is not defined +2025-03-10 15:30:11,472 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,472 - ERROR - Error in episode 7232: name 'args' is not defined +2025-03-10 15:30:11,475 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,475 - ERROR - Error in episode 7233: name 'args' is not defined +2025-03-10 15:30:11,478 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,479 - ERROR - Error in episode 7234: name 'args' is not defined +2025-03-10 15:30:11,481 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,481 - ERROR - Error in episode 7235: name 'args' is not defined +2025-03-10 15:30:11,484 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,484 - ERROR - Error in episode 7236: name 'args' is not defined +2025-03-10 15:30:11,486 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,487 - ERROR - Error in episode 7237: name 'args' is not defined +2025-03-10 15:30:11,490 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,490 - ERROR - Error in episode 7238: name 'args' is not defined +2025-03-10 15:30:11,492 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,493 - ERROR - Error in episode 7239: name 'args' is not defined +2025-03-10 15:30:11,495 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,495 - ERROR - Error in episode 7240: name 'args' is not defined +2025-03-10 15:30:11,498 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,498 - ERROR - Error in episode 7241: name 'args' is not defined +2025-03-10 15:30:11,501 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,501 - ERROR - Error in episode 7242: name 'args' is not defined +2025-03-10 15:30:11,504 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,504 - ERROR - Error in episode 7243: name 'args' is not defined +2025-03-10 15:30:11,507 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,507 - ERROR - Error in episode 7244: name 'args' is not defined +2025-03-10 15:30:11,510 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,510 - ERROR - Error in episode 7245: name 'args' is not defined +2025-03-10 15:30:11,512 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,513 - ERROR - Error in episode 7246: name 'args' is not defined +2025-03-10 15:30:11,515 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,516 - ERROR - Error in episode 7247: name 'args' is not defined +2025-03-10 15:30:11,518 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,518 - ERROR - Error in episode 7248: name 'args' is not defined +2025-03-10 15:30:11,521 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,522 - ERROR - Error in episode 7249: name 'args' is not defined +2025-03-10 15:30:11,524 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,525 - ERROR - Error in episode 7250: name 'args' is not defined +2025-03-10 15:30:11,527 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,528 - ERROR - Error in episode 7251: name 'args' is not defined +2025-03-10 15:30:11,530 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,530 - ERROR - Error in episode 7252: name 'args' is not defined +2025-03-10 15:30:11,534 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,534 - ERROR - Error in episode 7253: name 'args' is not defined +2025-03-10 15:30:11,536 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,536 - ERROR - Error in episode 7254: name 'args' is not defined +2025-03-10 15:30:11,539 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,539 - ERROR - Error in episode 7255: name 'args' is not defined +2025-03-10 15:30:11,542 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,542 - ERROR - Error in episode 7256: name 'args' is not defined +2025-03-10 15:30:11,545 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,546 - ERROR - Error in episode 7257: name 'args' is not defined +2025-03-10 15:30:11,549 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,549 - ERROR - Error in episode 7258: name 'args' is not defined +2025-03-10 15:30:11,551 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,551 - ERROR - Error in episode 7259: name 'args' is not defined +2025-03-10 15:30:11,555 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,555 - ERROR - Error in episode 7260: name 'args' is not defined +2025-03-10 15:30:11,558 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,558 - ERROR - Error in episode 7261: name 'args' is not defined +2025-03-10 15:30:11,560 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,561 - ERROR - Error in episode 7262: name 'args' is not defined +2025-03-10 15:30:11,563 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,563 - ERROR - Error in episode 7263: name 'args' is not defined +2025-03-10 15:30:11,566 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,566 - ERROR - Error in episode 7264: name 'args' is not defined +2025-03-10 15:30:11,569 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,569 - ERROR - Error in episode 7265: name 'args' is not defined +2025-03-10 15:30:11,571 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,572 - ERROR - Error in episode 7266: name 'args' is not defined +2025-03-10 15:30:11,574 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,574 - ERROR - Error in episode 7267: name 'args' is not defined +2025-03-10 15:30:11,577 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,577 - ERROR - Error in episode 7268: name 'args' is not defined +2025-03-10 15:30:11,580 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,580 - ERROR - Error in episode 7269: name 'args' is not defined +2025-03-10 15:30:11,583 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,583 - ERROR - Error in episode 7270: name 'args' is not defined +2025-03-10 15:30:11,586 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,586 - ERROR - Error in episode 7271: name 'args' is not defined +2025-03-10 15:30:11,589 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,589 - ERROR - Error in episode 7272: name 'args' is not defined +2025-03-10 15:30:11,592 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,592 - ERROR - Error in episode 7273: name 'args' is not defined +2025-03-10 15:30:11,595 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,596 - ERROR - Error in episode 7274: name 'args' is not defined +2025-03-10 15:30:11,598 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,598 - ERROR - Error in episode 7275: name 'args' is not defined +2025-03-10 15:30:11,601 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,601 - ERROR - Error in episode 7276: name 'args' is not defined +2025-03-10 15:30:11,604 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,604 - ERROR - Error in episode 7277: name 'args' is not defined +2025-03-10 15:30:11,606 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,606 - ERROR - Error in episode 7278: name 'args' is not defined +2025-03-10 15:30:11,610 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,610 - ERROR - Error in episode 7279: name 'args' is not defined +2025-03-10 15:30:11,612 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,613 - ERROR - Error in episode 7280: name 'args' is not defined +2025-03-10 15:30:11,615 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,616 - ERROR - Error in episode 7281: name 'args' is not defined +2025-03-10 15:30:11,619 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,619 - ERROR - Error in episode 7282: name 'args' is not defined +2025-03-10 15:30:11,621 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,622 - ERROR - Error in episode 7283: name 'args' is not defined +2025-03-10 15:30:11,624 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,625 - ERROR - Error in episode 7284: name 'args' is not defined +2025-03-10 15:30:11,628 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,628 - ERROR - Error in episode 7285: name 'args' is not defined +2025-03-10 15:30:11,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,630 - ERROR - Error in episode 7286: name 'args' is not defined +2025-03-10 15:30:11,633 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,633 - ERROR - Error in episode 7287: name 'args' is not defined +2025-03-10 15:30:11,637 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,637 - ERROR - Error in episode 7288: name 'args' is not defined +2025-03-10 15:30:11,640 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,640 - ERROR - Error in episode 7289: name 'args' is not defined +2025-03-10 15:30:11,643 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,643 - ERROR - Error in episode 7290: name 'args' is not defined +2025-03-10 15:30:11,646 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,646 - ERROR - Error in episode 7291: name 'args' is not defined +2025-03-10 15:30:11,648 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,649 - ERROR - Error in episode 7292: name 'args' is not defined +2025-03-10 15:30:11,652 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,652 - ERROR - Error in episode 7293: name 'args' is not defined +2025-03-10 15:30:11,655 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,655 - ERROR - Error in episode 7294: name 'args' is not defined +2025-03-10 15:30:11,658 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,659 - ERROR - Error in episode 7295: name 'args' is not defined +2025-03-10 15:30:11,662 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,662 - ERROR - Error in episode 7296: name 'args' is not defined +2025-03-10 15:30:11,665 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,665 - ERROR - Error in episode 7297: name 'args' is not defined +2025-03-10 15:30:11,668 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,668 - ERROR - Error in episode 7298: name 'args' is not defined +2025-03-10 15:30:11,671 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,671 - ERROR - Error in episode 7299: name 'args' is not defined +2025-03-10 15:30:11,674 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,674 - ERROR - Error in episode 7300: name 'args' is not defined +2025-03-10 15:30:11,678 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,678 - ERROR - Error in episode 7301: name 'args' is not defined +2025-03-10 15:30:11,680 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,681 - ERROR - Error in episode 7302: name 'args' is not defined +2025-03-10 15:30:11,683 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,684 - ERROR - Error in episode 7303: name 'args' is not defined +2025-03-10 15:30:11,687 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,687 - ERROR - Error in episode 7304: name 'args' is not defined +2025-03-10 15:30:11,689 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,690 - ERROR - Error in episode 7305: name 'args' is not defined +2025-03-10 15:30:11,692 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,692 - ERROR - Error in episode 7306: name 'args' is not defined +2025-03-10 15:30:11,696 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,696 - ERROR - Error in episode 7307: name 'args' is not defined +2025-03-10 15:30:11,698 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,699 - ERROR - Error in episode 7308: name 'args' is not defined +2025-03-10 15:30:11,701 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,702 - ERROR - Error in episode 7309: name 'args' is not defined +2025-03-10 15:30:11,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,705 - ERROR - Error in episode 7310: name 'args' is not defined +2025-03-10 15:30:11,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,708 - ERROR - Error in episode 7311: name 'args' is not defined +2025-03-10 15:30:11,710 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,710 - ERROR - Error in episode 7312: name 'args' is not defined +2025-03-10 15:30:11,713 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,713 - ERROR - Error in episode 7313: name 'args' is not defined +2025-03-10 15:30:11,715 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,716 - ERROR - Error in episode 7314: name 'args' is not defined +2025-03-10 15:30:11,718 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,719 - ERROR - Error in episode 7315: name 'args' is not defined +2025-03-10 15:30:11,721 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,721 - ERROR - Error in episode 7316: name 'args' is not defined +2025-03-10 15:30:11,724 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,724 - ERROR - Error in episode 7317: name 'args' is not defined +2025-03-10 15:30:11,729 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,729 - ERROR - Error in episode 7318: name 'args' is not defined +2025-03-10 15:30:11,731 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,731 - ERROR - Error in episode 7319: name 'args' is not defined +2025-03-10 15:30:11,734 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,734 - ERROR - Error in episode 7320: name 'args' is not defined +2025-03-10 15:30:11,737 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,737 - ERROR - Error in episode 7321: name 'args' is not defined +2025-03-10 15:30:11,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,740 - ERROR - Error in episode 7322: name 'args' is not defined +2025-03-10 15:30:11,742 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,742 - ERROR - Error in episode 7323: name 'args' is not defined +2025-03-10 15:30:11,745 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,746 - ERROR - Error in episode 7324: name 'args' is not defined +2025-03-10 15:30:11,749 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,749 - ERROR - Error in episode 7325: name 'args' is not defined +2025-03-10 15:30:11,752 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,752 - ERROR - Error in episode 7326: name 'args' is not defined +2025-03-10 15:30:11,754 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,755 - ERROR - Error in episode 7327: name 'args' is not defined +2025-03-10 15:30:11,757 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,758 - ERROR - Error in episode 7328: name 'args' is not defined +2025-03-10 15:30:11,761 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,761 - ERROR - Error in episode 7329: name 'args' is not defined +2025-03-10 15:30:11,763 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,764 - ERROR - Error in episode 7330: name 'args' is not defined +2025-03-10 15:30:11,766 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,766 - ERROR - Error in episode 7331: name 'args' is not defined +2025-03-10 15:30:11,769 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,769 - ERROR - Error in episode 7332: name 'args' is not defined +2025-03-10 15:30:11,772 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,772 - ERROR - Error in episode 7333: name 'args' is not defined +2025-03-10 15:30:11,774 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,775 - ERROR - Error in episode 7334: name 'args' is not defined +2025-03-10 15:30:11,777 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,778 - ERROR - Error in episode 7335: name 'args' is not defined +2025-03-10 15:30:11,780 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,780 - ERROR - Error in episode 7336: name 'args' is not defined +2025-03-10 15:30:11,784 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,784 - ERROR - Error in episode 7337: name 'args' is not defined +2025-03-10 15:30:11,786 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,787 - ERROR - Error in episode 7338: name 'args' is not defined +2025-03-10 15:30:11,789 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,790 - ERROR - Error in episode 7339: name 'args' is not defined +2025-03-10 15:30:11,792 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,792 - ERROR - Error in episode 7340: name 'args' is not defined +2025-03-10 15:30:11,795 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,795 - ERROR - Error in episode 7341: name 'args' is not defined +2025-03-10 15:30:11,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,798 - ERROR - Error in episode 7342: name 'args' is not defined +2025-03-10 15:30:11,801 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,801 - ERROR - Error in episode 7343: name 'args' is not defined +2025-03-10 15:30:11,804 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,804 - ERROR - Error in episode 7344: name 'args' is not defined +2025-03-10 15:30:11,807 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,808 - ERROR - Error in episode 7345: name 'args' is not defined +2025-03-10 15:30:11,810 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,811 - ERROR - Error in episode 7346: name 'args' is not defined +2025-03-10 15:30:11,813 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,814 - ERROR - Error in episode 7347: name 'args' is not defined +2025-03-10 15:30:11,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,817 - ERROR - Error in episode 7348: name 'args' is not defined +2025-03-10 15:30:11,819 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,820 - ERROR - Error in episode 7349: name 'args' is not defined +2025-03-10 15:30:11,822 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,822 - ERROR - Error in episode 7350: name 'args' is not defined +2025-03-10 15:30:11,824 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,825 - ERROR - Error in episode 7351: name 'args' is not defined +2025-03-10 15:30:11,828 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,828 - ERROR - Error in episode 7352: name 'args' is not defined +2025-03-10 15:30:11,830 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,830 - ERROR - Error in episode 7353: name 'args' is not defined +2025-03-10 15:30:11,833 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,833 - ERROR - Error in episode 7354: name 'args' is not defined +2025-03-10 15:30:11,836 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,836 - ERROR - Error in episode 7355: name 'args' is not defined +2025-03-10 15:30:11,838 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,838 - ERROR - Error in episode 7356: name 'args' is not defined +2025-03-10 15:30:11,841 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,841 - ERROR - Error in episode 7357: name 'args' is not defined +2025-03-10 15:30:11,844 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,844 - ERROR - Error in episode 7358: name 'args' is not defined +2025-03-10 15:30:11,847 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,847 - ERROR - Error in episode 7359: name 'args' is not defined +2025-03-10 15:30:11,849 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,851 - ERROR - Error in episode 7360: name 'args' is not defined +2025-03-10 15:30:11,853 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,853 - ERROR - Error in episode 7361: name 'args' is not defined +2025-03-10 15:30:11,856 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,856 - ERROR - Error in episode 7362: name 'args' is not defined +2025-03-10 15:30:11,858 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,859 - ERROR - Error in episode 7363: name 'args' is not defined +2025-03-10 15:30:11,861 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,861 - ERROR - Error in episode 7364: name 'args' is not defined +2025-03-10 15:30:11,864 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,864 - ERROR - Error in episode 7365: name 'args' is not defined +2025-03-10 15:30:11,866 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,867 - ERROR - Error in episode 7366: name 'args' is not defined +2025-03-10 15:30:11,870 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,871 - ERROR - Error in episode 7367: name 'args' is not defined +2025-03-10 15:30:11,873 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,873 - ERROR - Error in episode 7368: name 'args' is not defined +2025-03-10 15:30:11,876 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,876 - ERROR - Error in episode 7369: name 'args' is not defined +2025-03-10 15:30:11,878 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,879 - ERROR - Error in episode 7370: name 'args' is not defined +2025-03-10 15:30:11,882 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,882 - ERROR - Error in episode 7371: name 'args' is not defined +2025-03-10 15:30:11,885 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,885 - ERROR - Error in episode 7372: name 'args' is not defined +2025-03-10 15:30:11,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,888 - ERROR - Error in episode 7373: name 'args' is not defined +2025-03-10 15:30:11,891 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,891 - ERROR - Error in episode 7374: name 'args' is not defined +2025-03-10 15:30:11,894 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,895 - ERROR - Error in episode 7375: name 'args' is not defined +2025-03-10 15:30:11,897 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,898 - ERROR - Error in episode 7376: name 'args' is not defined +2025-03-10 15:30:11,900 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,901 - ERROR - Error in episode 7377: name 'args' is not defined +2025-03-10 15:30:11,903 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,903 - ERROR - Error in episode 7378: name 'args' is not defined +2025-03-10 15:30:11,905 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,906 - ERROR - Error in episode 7379: name 'args' is not defined +2025-03-10 15:30:11,908 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,908 - ERROR - Error in episode 7380: name 'args' is not defined +2025-03-10 15:30:11,911 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,912 - ERROR - Error in episode 7381: name 'args' is not defined +2025-03-10 15:30:11,915 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,916 - ERROR - Error in episode 7382: name 'args' is not defined +2025-03-10 15:30:11,918 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,918 - ERROR - Error in episode 7383: name 'args' is not defined +2025-03-10 15:30:11,921 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,921 - ERROR - Error in episode 7384: name 'args' is not defined +2025-03-10 15:30:11,923 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,924 - ERROR - Error in episode 7385: name 'args' is not defined +2025-03-10 15:30:11,926 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,926 - ERROR - Error in episode 7386: name 'args' is not defined +2025-03-10 15:30:11,930 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,930 - ERROR - Error in episode 7387: name 'args' is not defined +2025-03-10 15:30:11,932 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,933 - ERROR - Error in episode 7388: name 'args' is not defined +2025-03-10 15:30:11,935 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,935 - ERROR - Error in episode 7389: name 'args' is not defined +2025-03-10 15:30:11,938 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,939 - ERROR - Error in episode 7390: name 'args' is not defined +2025-03-10 15:30:11,941 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,941 - ERROR - Error in episode 7391: name 'args' is not defined +2025-03-10 15:30:11,944 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,945 - ERROR - Error in episode 7392: name 'args' is not defined +2025-03-10 15:30:11,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,948 - ERROR - Error in episode 7393: name 'args' is not defined +2025-03-10 15:30:11,951 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,951 - ERROR - Error in episode 7394: name 'args' is not defined +2025-03-10 15:30:11,954 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,954 - ERROR - Error in episode 7395: name 'args' is not defined +2025-03-10 15:30:11,957 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,957 - ERROR - Error in episode 7396: name 'args' is not defined +2025-03-10 15:30:11,959 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,960 - ERROR - Error in episode 7397: name 'args' is not defined +2025-03-10 15:30:11,963 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,963 - ERROR - Error in episode 7398: name 'args' is not defined +2025-03-10 15:30:11,966 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,966 - ERROR - Error in episode 7399: name 'args' is not defined +2025-03-10 15:30:11,969 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,969 - ERROR - Error in episode 7400: name 'args' is not defined +2025-03-10 15:30:11,972 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,972 - ERROR - Error in episode 7401: name 'args' is not defined +2025-03-10 15:30:11,975 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,975 - ERROR - Error in episode 7402: name 'args' is not defined +2025-03-10 15:30:11,978 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,978 - ERROR - Error in episode 7403: name 'args' is not defined +2025-03-10 15:30:11,981 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,981 - ERROR - Error in episode 7404: name 'args' is not defined +2025-03-10 15:30:11,983 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,983 - ERROR - Error in episode 7405: name 'args' is not defined +2025-03-10 15:30:11,986 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,986 - ERROR - Error in episode 7406: name 'args' is not defined +2025-03-10 15:30:11,989 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,989 - ERROR - Error in episode 7407: name 'args' is not defined +2025-03-10 15:30:11,991 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,992 - ERROR - Error in episode 7408: name 'args' is not defined +2025-03-10 15:30:11,995 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,995 - ERROR - Error in episode 7409: name 'args' is not defined +2025-03-10 15:30:11,998 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:11,998 - ERROR - Error in episode 7410: name 'args' is not defined +2025-03-10 15:30:12,000 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,001 - ERROR - Error in episode 7411: name 'args' is not defined +2025-03-10 15:30:12,004 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,005 - ERROR - Error in episode 7412: name 'args' is not defined +2025-03-10 15:30:12,007 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,009 - ERROR - Error in episode 7413: name 'args' is not defined +2025-03-10 15:30:12,011 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,012 - ERROR - Error in episode 7414: name 'args' is not defined +2025-03-10 15:30:12,014 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,015 - ERROR - Error in episode 7415: name 'args' is not defined +2025-03-10 15:30:12,017 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,017 - ERROR - Error in episode 7416: name 'args' is not defined +2025-03-10 15:30:12,020 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,020 - ERROR - Error in episode 7417: name 'args' is not defined +2025-03-10 15:30:12,022 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,023 - ERROR - Error in episode 7418: name 'args' is not defined +2025-03-10 15:30:12,025 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,025 - ERROR - Error in episode 7419: name 'args' is not defined +2025-03-10 15:30:12,028 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,028 - ERROR - Error in episode 7420: name 'args' is not defined +2025-03-10 15:30:12,031 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,031 - ERROR - Error in episode 7421: name 'args' is not defined +2025-03-10 15:30:12,034 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,034 - ERROR - Error in episode 7422: name 'args' is not defined +2025-03-10 15:30:12,037 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,038 - ERROR - Error in episode 7423: name 'args' is not defined +2025-03-10 15:30:12,040 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,040 - ERROR - Error in episode 7424: name 'args' is not defined +2025-03-10 15:30:12,043 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,044 - ERROR - Error in episode 7425: name 'args' is not defined +2025-03-10 15:30:12,046 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,047 - ERROR - Error in episode 7426: name 'args' is not defined +2025-03-10 15:30:12,050 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,050 - ERROR - Error in episode 7427: name 'args' is not defined +2025-03-10 15:30:12,053 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,053 - ERROR - Error in episode 7428: name 'args' is not defined +2025-03-10 15:30:12,055 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,056 - ERROR - Error in episode 7429: name 'args' is not defined +2025-03-10 15:30:12,058 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,058 - ERROR - Error in episode 7430: name 'args' is not defined +2025-03-10 15:30:12,061 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,061 - ERROR - Error in episode 7431: name 'args' is not defined +2025-03-10 15:30:12,063 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,064 - ERROR - Error in episode 7432: name 'args' is not defined +2025-03-10 15:30:12,066 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,067 - ERROR - Error in episode 7433: name 'args' is not defined +2025-03-10 15:30:12,069 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,070 - ERROR - Error in episode 7434: name 'args' is not defined +2025-03-10 15:30:12,072 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,073 - ERROR - Error in episode 7435: name 'args' is not defined +2025-03-10 15:30:12,076 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,076 - ERROR - Error in episode 7436: name 'args' is not defined +2025-03-10 15:30:12,079 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,079 - ERROR - Error in episode 7437: name 'args' is not defined +2025-03-10 15:30:12,082 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,082 - ERROR - Error in episode 7438: name 'args' is not defined +2025-03-10 15:30:12,085 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,085 - ERROR - Error in episode 7439: name 'args' is not defined +2025-03-10 15:30:12,088 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,089 - ERROR - Error in episode 7440: name 'args' is not defined +2025-03-10 15:30:12,092 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,092 - ERROR - Error in episode 7441: name 'args' is not defined +2025-03-10 15:30:12,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,095 - ERROR - Error in episode 7442: name 'args' is not defined +2025-03-10 15:30:12,098 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,098 - ERROR - Error in episode 7443: name 'args' is not defined +2025-03-10 15:30:12,100 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,101 - ERROR - Error in episode 7444: name 'args' is not defined +2025-03-10 15:30:12,104 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,104 - ERROR - Error in episode 7445: name 'args' is not defined +2025-03-10 15:30:12,106 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,107 - ERROR - Error in episode 7446: name 'args' is not defined +2025-03-10 15:30:12,110 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,110 - ERROR - Error in episode 7447: name 'args' is not defined +2025-03-10 15:30:12,113 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,113 - ERROR - Error in episode 7448: name 'args' is not defined +2025-03-10 15:30:12,116 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,116 - ERROR - Error in episode 7449: name 'args' is not defined +2025-03-10 15:30:12,119 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,119 - ERROR - Error in episode 7450: name 'args' is not defined +2025-03-10 15:30:12,122 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,123 - ERROR - Error in episode 7451: name 'args' is not defined +2025-03-10 15:30:12,125 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,126 - ERROR - Error in episode 7452: name 'args' is not defined +2025-03-10 15:30:12,129 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,129 - ERROR - Error in episode 7453: name 'args' is not defined +2025-03-10 15:30:12,132 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,132 - ERROR - Error in episode 7454: name 'args' is not defined +2025-03-10 15:30:12,136 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,136 - ERROR - Error in episode 7455: name 'args' is not defined +2025-03-10 15:30:12,138 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,138 - ERROR - Error in episode 7456: name 'args' is not defined +2025-03-10 15:30:12,141 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,141 - ERROR - Error in episode 7457: name 'args' is not defined +2025-03-10 15:30:12,146 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,146 - ERROR - Error in episode 7458: name 'args' is not defined +2025-03-10 15:30:12,149 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,149 - ERROR - Error in episode 7459: name 'args' is not defined +2025-03-10 15:30:12,151 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,152 - ERROR - Error in episode 7460: name 'args' is not defined +2025-03-10 15:30:12,155 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,155 - ERROR - Error in episode 7461: name 'args' is not defined +2025-03-10 15:30:12,157 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,158 - ERROR - Error in episode 7462: name 'args' is not defined +2025-03-10 15:30:12,160 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,161 - ERROR - Error in episode 7463: name 'args' is not defined +2025-03-10 15:30:12,163 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,163 - ERROR - Error in episode 7464: name 'args' is not defined +2025-03-10 15:30:12,166 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,166 - ERROR - Error in episode 7465: name 'args' is not defined +2025-03-10 15:30:12,168 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,169 - ERROR - Error in episode 7466: name 'args' is not defined +2025-03-10 15:30:12,172 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,172 - ERROR - Error in episode 7467: name 'args' is not defined +2025-03-10 15:30:12,175 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,175 - ERROR - Error in episode 7468: name 'args' is not defined +2025-03-10 15:30:12,178 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,179 - ERROR - Error in episode 7469: name 'args' is not defined +2025-03-10 15:30:12,181 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,181 - ERROR - Error in episode 7470: name 'args' is not defined +2025-03-10 15:30:12,184 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,185 - ERROR - Error in episode 7471: name 'args' is not defined +2025-03-10 15:30:12,187 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,188 - ERROR - Error in episode 7472: name 'args' is not defined +2025-03-10 15:30:12,190 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,191 - ERROR - Error in episode 7473: name 'args' is not defined +2025-03-10 15:30:12,194 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,194 - ERROR - Error in episode 7474: name 'args' is not defined +2025-03-10 15:30:12,197 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,197 - ERROR - Error in episode 7475: name 'args' is not defined +2025-03-10 15:30:12,200 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,200 - ERROR - Error in episode 7476: name 'args' is not defined +2025-03-10 15:30:12,203 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,203 - ERROR - Error in episode 7477: name 'args' is not defined +2025-03-10 15:30:12,207 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,207 - ERROR - Error in episode 7478: name 'args' is not defined +2025-03-10 15:30:12,209 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,210 - ERROR - Error in episode 7479: name 'args' is not defined +2025-03-10 15:30:12,213 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,214 - ERROR - Error in episode 7480: name 'args' is not defined +2025-03-10 15:30:12,216 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,217 - ERROR - Error in episode 7481: name 'args' is not defined +2025-03-10 15:30:12,219 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,220 - ERROR - Error in episode 7482: name 'args' is not defined +2025-03-10 15:30:12,222 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,223 - ERROR - Error in episode 7483: name 'args' is not defined +2025-03-10 15:30:12,225 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,225 - ERROR - Error in episode 7484: name 'args' is not defined +2025-03-10 15:30:12,228 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,228 - ERROR - Error in episode 7485: name 'args' is not defined +2025-03-10 15:30:12,231 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,231 - ERROR - Error in episode 7486: name 'args' is not defined +2025-03-10 15:30:12,233 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,233 - ERROR - Error in episode 7487: name 'args' is not defined +2025-03-10 15:30:12,237 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,238 - ERROR - Error in episode 7488: name 'args' is not defined +2025-03-10 15:30:12,240 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,240 - ERROR - Error in episode 7489: name 'args' is not defined +2025-03-10 15:30:12,243 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,243 - ERROR - Error in episode 7490: name 'args' is not defined +2025-03-10 15:30:12,246 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,246 - ERROR - Error in episode 7491: name 'args' is not defined +2025-03-10 15:30:12,249 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,249 - ERROR - Error in episode 7492: name 'args' is not defined +2025-03-10 15:30:12,252 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,252 - ERROR - Error in episode 7493: name 'args' is not defined +2025-03-10 15:30:12,256 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,257 - ERROR - Error in episode 7494: name 'args' is not defined +2025-03-10 15:30:12,259 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,260 - ERROR - Error in episode 7495: name 'args' is not defined +2025-03-10 15:30:12,262 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,263 - ERROR - Error in episode 7496: name 'args' is not defined +2025-03-10 15:30:12,266 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,266 - ERROR - Error in episode 7497: name 'args' is not defined +2025-03-10 15:30:12,269 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,269 - ERROR - Error in episode 7498: name 'args' is not defined +2025-03-10 15:30:12,272 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,272 - ERROR - Error in episode 7499: name 'args' is not defined +2025-03-10 15:30:12,274 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,275 - ERROR - Error in episode 7500: name 'args' is not defined +2025-03-10 15:30:12,277 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,277 - ERROR - Error in episode 7501: name 'args' is not defined +2025-03-10 15:30:12,280 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,280 - ERROR - Error in episode 7502: name 'args' is not defined +2025-03-10 15:30:12,283 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,284 - ERROR - Error in episode 7503: name 'args' is not defined +2025-03-10 15:30:12,286 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,287 - ERROR - Error in episode 7504: name 'args' is not defined +2025-03-10 15:30:12,289 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,289 - ERROR - Error in episode 7505: name 'args' is not defined +2025-03-10 15:30:12,292 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,292 - ERROR - Error in episode 7506: name 'args' is not defined +2025-03-10 15:30:12,295 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,296 - ERROR - Error in episode 7507: name 'args' is not defined +2025-03-10 15:30:12,298 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,298 - ERROR - Error in episode 7508: name 'args' is not defined +2025-03-10 15:30:12,301 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,302 - ERROR - Error in episode 7509: name 'args' is not defined +2025-03-10 15:30:12,305 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,305 - ERROR - Error in episode 7510: name 'args' is not defined +2025-03-10 15:30:12,306 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,307 - ERROR - Error in episode 7511: name 'args' is not defined +2025-03-10 15:30:12,309 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,309 - ERROR - Error in episode 7512: name 'args' is not defined +2025-03-10 15:30:12,313 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,313 - ERROR - Error in episode 7513: name 'args' is not defined +2025-03-10 15:30:12,316 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,316 - ERROR - Error in episode 7514: name 'args' is not defined +2025-03-10 15:30:12,319 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,320 - ERROR - Error in episode 7515: name 'args' is not defined +2025-03-10 15:30:12,322 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,323 - ERROR - Error in episode 7516: name 'args' is not defined +2025-03-10 15:30:12,325 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,325 - ERROR - Error in episode 7517: name 'args' is not defined +2025-03-10 15:30:12,328 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,329 - ERROR - Error in episode 7518: name 'args' is not defined +2025-03-10 15:30:12,331 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,332 - ERROR - Error in episode 7519: name 'args' is not defined +2025-03-10 15:30:12,334 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,334 - ERROR - Error in episode 7520: name 'args' is not defined +2025-03-10 15:30:12,337 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,337 - ERROR - Error in episode 7521: name 'args' is not defined +2025-03-10 15:30:12,339 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,340 - ERROR - Error in episode 7522: name 'args' is not defined +2025-03-10 15:30:12,343 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,344 - ERROR - Error in episode 7523: name 'args' is not defined +2025-03-10 15:30:12,347 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,347 - ERROR - Error in episode 7524: name 'args' is not defined +2025-03-10 15:30:12,349 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,349 - ERROR - Error in episode 7525: name 'args' is not defined +2025-03-10 15:30:12,352 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,352 - ERROR - Error in episode 7526: name 'args' is not defined +2025-03-10 15:30:12,354 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,355 - ERROR - Error in episode 7527: name 'args' is not defined +2025-03-10 15:30:12,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,357 - ERROR - Error in episode 7528: name 'args' is not defined +2025-03-10 15:30:12,361 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,361 - ERROR - Error in episode 7529: name 'args' is not defined +2025-03-10 15:30:12,363 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,364 - ERROR - Error in episode 7530: name 'args' is not defined +2025-03-10 15:30:12,366 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,366 - ERROR - Error in episode 7531: name 'args' is not defined +2025-03-10 15:30:12,369 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,370 - ERROR - Error in episode 7532: name 'args' is not defined +2025-03-10 15:30:12,372 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,372 - ERROR - Error in episode 7533: name 'args' is not defined +2025-03-10 15:30:12,374 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,375 - ERROR - Error in episode 7534: name 'args' is not defined +2025-03-10 15:30:12,377 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,377 - ERROR - Error in episode 7535: name 'args' is not defined +2025-03-10 15:30:12,381 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,381 - ERROR - Error in episode 7536: name 'args' is not defined +2025-03-10 15:30:12,384 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,384 - ERROR - Error in episode 7537: name 'args' is not defined +2025-03-10 15:30:12,386 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,387 - ERROR - Error in episode 7538: name 'args' is not defined +2025-03-10 15:30:12,389 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,389 - ERROR - Error in episode 7539: name 'args' is not defined +2025-03-10 15:30:12,392 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,392 - ERROR - Error in episode 7540: name 'args' is not defined +2025-03-10 15:30:12,394 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,395 - ERROR - Error in episode 7541: name 'args' is not defined +2025-03-10 15:30:12,397 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,397 - ERROR - Error in episode 7542: name 'args' is not defined +2025-03-10 15:30:12,400 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,401 - ERROR - Error in episode 7543: name 'args' is not defined +2025-03-10 15:30:12,403 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,403 - ERROR - Error in episode 7544: name 'args' is not defined +2025-03-10 15:30:12,406 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,406 - ERROR - Error in episode 7545: name 'args' is not defined +2025-03-10 15:30:12,409 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,410 - ERROR - Error in episode 7546: name 'args' is not defined +2025-03-10 15:30:12,413 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,413 - ERROR - Error in episode 7547: name 'args' is not defined +2025-03-10 15:30:12,416 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,416 - ERROR - Error in episode 7548: name 'args' is not defined +2025-03-10 15:30:12,419 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,419 - ERROR - Error in episode 7549: name 'args' is not defined +2025-03-10 15:30:12,422 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,423 - ERROR - Error in episode 7550: name 'args' is not defined +2025-03-10 15:30:12,425 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,425 - ERROR - Error in episode 7551: name 'args' is not defined +2025-03-10 15:30:12,428 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,428 - ERROR - Error in episode 7552: name 'args' is not defined +2025-03-10 15:30:12,431 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,431 - ERROR - Error in episode 7553: name 'args' is not defined +2025-03-10 15:30:12,433 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,434 - ERROR - Error in episode 7554: name 'args' is not defined +2025-03-10 15:30:12,436 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,436 - ERROR - Error in episode 7555: name 'args' is not defined +2025-03-10 15:30:12,439 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,440 - ERROR - Error in episode 7556: name 'args' is not defined +2025-03-10 15:30:12,443 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,443 - ERROR - Error in episode 7557: name 'args' is not defined +2025-03-10 15:30:12,446 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,446 - ERROR - Error in episode 7558: name 'args' is not defined +2025-03-10 15:30:12,449 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,449 - ERROR - Error in episode 7559: name 'args' is not defined +2025-03-10 15:30:12,451 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,452 - ERROR - Error in episode 7560: name 'args' is not defined +2025-03-10 15:30:12,454 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,455 - ERROR - Error in episode 7561: name 'args' is not defined +2025-03-10 15:30:12,457 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,457 - ERROR - Error in episode 7562: name 'args' is not defined +2025-03-10 15:30:12,460 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,460 - ERROR - Error in episode 7563: name 'args' is not defined +2025-03-10 15:30:12,464 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,464 - ERROR - Error in episode 7564: name 'args' is not defined +2025-03-10 15:30:12,467 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,467 - ERROR - Error in episode 7565: name 'args' is not defined +2025-03-10 15:30:12,470 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,470 - ERROR - Error in episode 7566: name 'args' is not defined +2025-03-10 15:30:12,473 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,473 - ERROR - Error in episode 7567: name 'args' is not defined +2025-03-10 15:30:12,475 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,476 - ERROR - Error in episode 7568: name 'args' is not defined +2025-03-10 15:30:12,479 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,479 - ERROR - Error in episode 7569: name 'args' is not defined +2025-03-10 15:30:12,481 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,482 - ERROR - Error in episode 7570: name 'args' is not defined +2025-03-10 15:30:12,484 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,484 - ERROR - Error in episode 7571: name 'args' is not defined +2025-03-10 15:30:12,488 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,489 - ERROR - Error in episode 7572: name 'args' is not defined +2025-03-10 15:30:12,491 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,491 - ERROR - Error in episode 7573: name 'args' is not defined +2025-03-10 15:30:12,494 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,494 - ERROR - Error in episode 7574: name 'args' is not defined +2025-03-10 15:30:12,497 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,497 - ERROR - Error in episode 7575: name 'args' is not defined +2025-03-10 15:30:12,500 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,500 - ERROR - Error in episode 7576: name 'args' is not defined +2025-03-10 15:30:12,503 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,503 - ERROR - Error in episode 7577: name 'args' is not defined +2025-03-10 15:30:12,506 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,506 - ERROR - Error in episode 7578: name 'args' is not defined +2025-03-10 15:30:12,509 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,509 - ERROR - Error in episode 7579: name 'args' is not defined +2025-03-10 15:30:12,512 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,512 - ERROR - Error in episode 7580: name 'args' is not defined +2025-03-10 15:30:12,515 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,515 - ERROR - Error in episode 7581: name 'args' is not defined +2025-03-10 15:30:12,518 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,518 - ERROR - Error in episode 7582: name 'args' is not defined +2025-03-10 15:30:12,521 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,521 - ERROR - Error in episode 7583: name 'args' is not defined +2025-03-10 15:30:12,524 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,524 - ERROR - Error in episode 7584: name 'args' is not defined +2025-03-10 15:30:12,526 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,527 - ERROR - Error in episode 7585: name 'args' is not defined +2025-03-10 15:30:12,530 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,530 - ERROR - Error in episode 7586: name 'args' is not defined +2025-03-10 15:30:12,532 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,533 - ERROR - Error in episode 7587: name 'args' is not defined +2025-03-10 15:30:12,535 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,535 - ERROR - Error in episode 7588: name 'args' is not defined +2025-03-10 15:30:12,539 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,539 - ERROR - Error in episode 7589: name 'args' is not defined +2025-03-10 15:30:12,542 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,542 - ERROR - Error in episode 7590: name 'args' is not defined +2025-03-10 15:30:12,545 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,545 - ERROR - Error in episode 7591: name 'args' is not defined +2025-03-10 15:30:12,547 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,548 - ERROR - Error in episode 7592: name 'args' is not defined +2025-03-10 15:30:12,550 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,550 - ERROR - Error in episode 7593: name 'args' is not defined +2025-03-10 15:30:12,554 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,554 - ERROR - Error in episode 7594: name 'args' is not defined +2025-03-10 15:30:12,556 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,557 - ERROR - Error in episode 7595: name 'args' is not defined +2025-03-10 15:30:12,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,559 - ERROR - Error in episode 7596: name 'args' is not defined +2025-03-10 15:30:12,562 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,563 - ERROR - Error in episode 7597: name 'args' is not defined +2025-03-10 15:30:12,565 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,565 - ERROR - Error in episode 7598: name 'args' is not defined +2025-03-10 15:30:12,568 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,568 - ERROR - Error in episode 7599: name 'args' is not defined +2025-03-10 15:30:12,571 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,571 - ERROR - Error in episode 7600: name 'args' is not defined +2025-03-10 15:30:12,574 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,574 - ERROR - Error in episode 7601: name 'args' is not defined +2025-03-10 15:30:12,577 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,577 - ERROR - Error in episode 7602: name 'args' is not defined +2025-03-10 15:30:12,580 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,581 - ERROR - Error in episode 7603: name 'args' is not defined +2025-03-10 15:30:12,583 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,584 - ERROR - Error in episode 7604: name 'args' is not defined +2025-03-10 15:30:12,587 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,587 - ERROR - Error in episode 7605: name 'args' is not defined +2025-03-10 15:30:12,589 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,589 - ERROR - Error in episode 7606: name 'args' is not defined +2025-03-10 15:30:12,592 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,592 - ERROR - Error in episode 7607: name 'args' is not defined +2025-03-10 15:30:12,595 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,595 - ERROR - Error in episode 7608: name 'args' is not defined +2025-03-10 15:30:12,599 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,599 - ERROR - Error in episode 7609: name 'args' is not defined +2025-03-10 15:30:12,601 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,602 - ERROR - Error in episode 7610: name 'args' is not defined +2025-03-10 15:30:12,605 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,605 - ERROR - Error in episode 7611: name 'args' is not defined +2025-03-10 15:30:12,607 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,607 - ERROR - Error in episode 7612: name 'args' is not defined +2025-03-10 15:30:12,610 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,611 - ERROR - Error in episode 7613: name 'args' is not defined +2025-03-10 15:30:12,613 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,614 - ERROR - Error in episode 7614: name 'args' is not defined +2025-03-10 15:30:12,616 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,617 - ERROR - Error in episode 7615: name 'args' is not defined +2025-03-10 15:30:12,619 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,619 - ERROR - Error in episode 7616: name 'args' is not defined +2025-03-10 15:30:12,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,624 - ERROR - Error in episode 7617: name 'args' is not defined +2025-03-10 15:30:12,626 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,627 - ERROR - Error in episode 7618: name 'args' is not defined +2025-03-10 15:30:12,629 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,630 - ERROR - Error in episode 7619: name 'args' is not defined +2025-03-10 15:30:12,633 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,633 - ERROR - Error in episode 7620: name 'args' is not defined +2025-03-10 15:30:12,635 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,636 - ERROR - Error in episode 7621: name 'args' is not defined +2025-03-10 15:30:12,638 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,639 - ERROR - Error in episode 7622: name 'args' is not defined +2025-03-10 15:30:12,642 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,642 - ERROR - Error in episode 7623: name 'args' is not defined +2025-03-10 15:30:12,644 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,646 - ERROR - Error in episode 7624: name 'args' is not defined +2025-03-10 15:30:12,648 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,648 - ERROR - Error in episode 7625: name 'args' is not defined +2025-03-10 15:30:12,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,651 - ERROR - Error in episode 7626: name 'args' is not defined +2025-03-10 15:30:12,654 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,654 - ERROR - Error in episode 7627: name 'args' is not defined +2025-03-10 15:30:12,658 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,658 - ERROR - Error in episode 7628: name 'args' is not defined +2025-03-10 15:30:12,661 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,661 - ERROR - Error in episode 7629: name 'args' is not defined +2025-03-10 15:30:12,664 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,664 - ERROR - Error in episode 7630: name 'args' is not defined +2025-03-10 15:30:12,667 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,667 - ERROR - Error in episode 7631: name 'args' is not defined +2025-03-10 15:30:12,670 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,670 - ERROR - Error in episode 7632: name 'args' is not defined +2025-03-10 15:30:12,673 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,674 - ERROR - Error in episode 7633: name 'args' is not defined +2025-03-10 15:30:12,677 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,677 - ERROR - Error in episode 7634: name 'args' is not defined +2025-03-10 15:30:12,680 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,680 - ERROR - Error in episode 7635: name 'args' is not defined +2025-03-10 15:30:12,683 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,683 - ERROR - Error in episode 7636: name 'args' is not defined +2025-03-10 15:30:12,687 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,687 - ERROR - Error in episode 7637: name 'args' is not defined +2025-03-10 15:30:12,690 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,690 - ERROR - Error in episode 7638: name 'args' is not defined +2025-03-10 15:30:12,693 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,693 - ERROR - Error in episode 7639: name 'args' is not defined +2025-03-10 15:30:12,696 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,696 - ERROR - Error in episode 7640: name 'args' is not defined +2025-03-10 15:30:12,698 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,699 - ERROR - Error in episode 7641: name 'args' is not defined +2025-03-10 15:30:12,701 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,701 - ERROR - Error in episode 7642: name 'args' is not defined +2025-03-10 15:30:12,705 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,705 - ERROR - Error in episode 7643: name 'args' is not defined +2025-03-10 15:30:12,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,708 - ERROR - Error in episode 7644: name 'args' is not defined +2025-03-10 15:30:12,710 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,710 - ERROR - Error in episode 7645: name 'args' is not defined +2025-03-10 15:30:12,713 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,714 - ERROR - Error in episode 7646: name 'args' is not defined +2025-03-10 15:30:12,716 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,717 - ERROR - Error in episode 7647: name 'args' is not defined +2025-03-10 15:30:12,719 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,720 - ERROR - Error in episode 7648: name 'args' is not defined +2025-03-10 15:30:12,722 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,723 - ERROR - Error in episode 7649: name 'args' is not defined +2025-03-10 15:30:12,726 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,726 - ERROR - Error in episode 7650: name 'args' is not defined +2025-03-10 15:30:12,729 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,729 - ERROR - Error in episode 7651: name 'args' is not defined +2025-03-10 15:30:12,732 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,732 - ERROR - Error in episode 7652: name 'args' is not defined +2025-03-10 15:30:12,735 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,735 - ERROR - Error in episode 7653: name 'args' is not defined +2025-03-10 15:30:12,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,739 - ERROR - Error in episode 7654: name 'args' is not defined +2025-03-10 15:30:12,741 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,742 - ERROR - Error in episode 7655: name 'args' is not defined +2025-03-10 15:30:12,744 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,744 - ERROR - Error in episode 7656: name 'args' is not defined +2025-03-10 15:30:12,747 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,748 - ERROR - Error in episode 7657: name 'args' is not defined +2025-03-10 15:30:12,750 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,751 - ERROR - Error in episode 7658: name 'args' is not defined +2025-03-10 15:30:12,754 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,754 - ERROR - Error in episode 7659: name 'args' is not defined +2025-03-10 15:30:12,756 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,757 - ERROR - Error in episode 7660: name 'args' is not defined +2025-03-10 15:30:12,759 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,760 - ERROR - Error in episode 7661: name 'args' is not defined +2025-03-10 15:30:12,762 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,763 - ERROR - Error in episode 7662: name 'args' is not defined +2025-03-10 15:30:12,766 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,766 - ERROR - Error in episode 7663: name 'args' is not defined +2025-03-10 15:30:12,768 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,769 - ERROR - Error in episode 7664: name 'args' is not defined +2025-03-10 15:30:12,772 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,773 - ERROR - Error in episode 7665: name 'args' is not defined +2025-03-10 15:30:12,775 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,776 - ERROR - Error in episode 7666: name 'args' is not defined +2025-03-10 15:30:12,779 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,779 - ERROR - Error in episode 7667: name 'args' is not defined +2025-03-10 15:30:12,781 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,782 - ERROR - Error in episode 7668: name 'args' is not defined +2025-03-10 15:30:12,785 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,785 - ERROR - Error in episode 7669: name 'args' is not defined +2025-03-10 15:30:12,788 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,788 - ERROR - Error in episode 7670: name 'args' is not defined +2025-03-10 15:30:12,791 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,791 - ERROR - Error in episode 7671: name 'args' is not defined +2025-03-10 15:30:12,793 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,794 - ERROR - Error in episode 7672: name 'args' is not defined +2025-03-10 15:30:12,797 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,797 - ERROR - Error in episode 7673: name 'args' is not defined +2025-03-10 15:30:12,799 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,800 - ERROR - Error in episode 7674: name 'args' is not defined +2025-03-10 15:30:12,802 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,803 - ERROR - Error in episode 7675: name 'args' is not defined +2025-03-10 15:30:12,805 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,806 - ERROR - Error in episode 7676: name 'args' is not defined +2025-03-10 15:30:12,808 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,809 - ERROR - Error in episode 7677: name 'args' is not defined +2025-03-10 15:30:12,811 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,811 - ERROR - Error in episode 7678: name 'args' is not defined +2025-03-10 15:30:12,814 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,814 - ERROR - Error in episode 7679: name 'args' is not defined +2025-03-10 15:30:12,817 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,817 - ERROR - Error in episode 7680: name 'args' is not defined +2025-03-10 15:30:12,820 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,820 - ERROR - Error in episode 7681: name 'args' is not defined +2025-03-10 15:30:12,823 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,823 - ERROR - Error in episode 7682: name 'args' is not defined +2025-03-10 15:30:12,825 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,826 - ERROR - Error in episode 7683: name 'args' is not defined +2025-03-10 15:30:12,828 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,829 - ERROR - Error in episode 7684: name 'args' is not defined +2025-03-10 15:30:12,831 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,831 - ERROR - Error in episode 7685: name 'args' is not defined +2025-03-10 15:30:12,834 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,834 - ERROR - Error in episode 7686: name 'args' is not defined +2025-03-10 15:30:12,838 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,838 - ERROR - Error in episode 7687: name 'args' is not defined +2025-03-10 15:30:12,840 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,841 - ERROR - Error in episode 7688: name 'args' is not defined +2025-03-10 15:30:12,843 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,843 - ERROR - Error in episode 7689: name 'args' is not defined +2025-03-10 15:30:12,846 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,846 - ERROR - Error in episode 7690: name 'args' is not defined +2025-03-10 15:30:12,849 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,849 - ERROR - Error in episode 7691: name 'args' is not defined +2025-03-10 15:30:12,851 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,852 - ERROR - Error in episode 7692: name 'args' is not defined +2025-03-10 15:30:12,855 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,856 - ERROR - Error in episode 7693: name 'args' is not defined +2025-03-10 15:30:12,858 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,859 - ERROR - Error in episode 7694: name 'args' is not defined +2025-03-10 15:30:12,862 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,862 - ERROR - Error in episode 7695: name 'args' is not defined +2025-03-10 15:30:12,864 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,864 - ERROR - Error in episode 7696: name 'args' is not defined +2025-03-10 15:30:12,866 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,867 - ERROR - Error in episode 7697: name 'args' is not defined +2025-03-10 15:30:12,870 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,870 - ERROR - Error in episode 7698: name 'args' is not defined +2025-03-10 15:30:12,872 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,873 - ERROR - Error in episode 7699: name 'args' is not defined +2025-03-10 15:30:12,875 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,875 - ERROR - Error in episode 7700: name 'args' is not defined +2025-03-10 15:30:12,878 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,879 - ERROR - Error in episode 7701: name 'args' is not defined +2025-03-10 15:30:12,881 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,882 - ERROR - Error in episode 7702: name 'args' is not defined +2025-03-10 15:30:12,884 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,885 - ERROR - Error in episode 7703: name 'args' is not defined +2025-03-10 15:30:12,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,888 - ERROR - Error in episode 7704: name 'args' is not defined +2025-03-10 15:30:12,891 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,891 - ERROR - Error in episode 7705: name 'args' is not defined +2025-03-10 15:30:12,893 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,894 - ERROR - Error in episode 7706: name 'args' is not defined +2025-03-10 15:30:12,897 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,897 - ERROR - Error in episode 7707: name 'args' is not defined +2025-03-10 15:30:12,899 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,900 - ERROR - Error in episode 7708: name 'args' is not defined +2025-03-10 15:30:12,903 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,903 - ERROR - Error in episode 7709: name 'args' is not defined +2025-03-10 15:30:12,906 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,906 - ERROR - Error in episode 7710: name 'args' is not defined +2025-03-10 15:30:12,909 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,909 - ERROR - Error in episode 7711: name 'args' is not defined +2025-03-10 15:30:12,912 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,912 - ERROR - Error in episode 7712: name 'args' is not defined +2025-03-10 15:30:12,914 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,915 - ERROR - Error in episode 7713: name 'args' is not defined +2025-03-10 15:30:12,917 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,917 - ERROR - Error in episode 7714: name 'args' is not defined +2025-03-10 15:30:12,921 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,921 - ERROR - Error in episode 7715: name 'args' is not defined +2025-03-10 15:30:12,923 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,924 - ERROR - Error in episode 7716: name 'args' is not defined +2025-03-10 15:30:12,926 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,926 - ERROR - Error in episode 7717: name 'args' is not defined +2025-03-10 15:30:12,929 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,929 - ERROR - Error in episode 7718: name 'args' is not defined +2025-03-10 15:30:12,932 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,932 - ERROR - Error in episode 7719: name 'args' is not defined +2025-03-10 15:30:12,935 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,935 - ERROR - Error in episode 7720: name 'args' is not defined +2025-03-10 15:30:12,938 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,939 - ERROR - Error in episode 7721: name 'args' is not defined +2025-03-10 15:30:12,941 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,942 - ERROR - Error in episode 7722: name 'args' is not defined +2025-03-10 15:30:12,944 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,945 - ERROR - Error in episode 7723: name 'args' is not defined +2025-03-10 15:30:12,947 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,948 - ERROR - Error in episode 7724: name 'args' is not defined +2025-03-10 15:30:12,950 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,950 - ERROR - Error in episode 7725: name 'args' is not defined +2025-03-10 15:30:12,954 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,954 - ERROR - Error in episode 7726: name 'args' is not defined +2025-03-10 15:30:12,957 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,957 - ERROR - Error in episode 7727: name 'args' is not defined +2025-03-10 15:30:12,959 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,959 - ERROR - Error in episode 7728: name 'args' is not defined +2025-03-10 15:30:12,962 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,963 - ERROR - Error in episode 7729: name 'args' is not defined +2025-03-10 15:30:12,965 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,965 - ERROR - Error in episode 7730: name 'args' is not defined +2025-03-10 15:30:12,967 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,968 - ERROR - Error in episode 7731: name 'args' is not defined +2025-03-10 15:30:12,970 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,971 - ERROR - Error in episode 7732: name 'args' is not defined +2025-03-10 15:30:12,973 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,973 - ERROR - Error in episode 7733: name 'args' is not defined +2025-03-10 15:30:12,975 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,976 - ERROR - Error in episode 7734: name 'args' is not defined +2025-03-10 15:30:12,979 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,979 - ERROR - Error in episode 7735: name 'args' is not defined +2025-03-10 15:30:12,981 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,982 - ERROR - Error in episode 7736: name 'args' is not defined +2025-03-10 15:30:12,985 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,985 - ERROR - Error in episode 7737: name 'args' is not defined +2025-03-10 15:30:12,988 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,988 - ERROR - Error in episode 7738: name 'args' is not defined +2025-03-10 15:30:12,990 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,991 - ERROR - Error in episode 7739: name 'args' is not defined +2025-03-10 15:30:12,993 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,993 - ERROR - Error in episode 7740: name 'args' is not defined +2025-03-10 15:30:12,996 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,996 - ERROR - Error in episode 7741: name 'args' is not defined +2025-03-10 15:30:12,999 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:12,999 - ERROR - Error in episode 7742: name 'args' is not defined +2025-03-10 15:30:13,001 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,002 - ERROR - Error in episode 7743: name 'args' is not defined +2025-03-10 15:30:13,005 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,005 - ERROR - Error in episode 7744: name 'args' is not defined +2025-03-10 15:30:13,007 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,008 - ERROR - Error in episode 7745: name 'args' is not defined +2025-03-10 15:30:13,010 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,011 - ERROR - Error in episode 7746: name 'args' is not defined +2025-03-10 15:30:13,013 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,014 - ERROR - Error in episode 7747: name 'args' is not defined +2025-03-10 15:30:13,017 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,017 - ERROR - Error in episode 7748: name 'args' is not defined +2025-03-10 15:30:13,020 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,020 - ERROR - Error in episode 7749: name 'args' is not defined +2025-03-10 15:30:13,023 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,023 - ERROR - Error in episode 7750: name 'args' is not defined +2025-03-10 15:30:13,026 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,027 - ERROR - Error in episode 7751: name 'args' is not defined +2025-03-10 15:30:13,030 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,030 - ERROR - Error in episode 7752: name 'args' is not defined +2025-03-10 15:30:13,032 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,032 - ERROR - Error in episode 7753: name 'args' is not defined +2025-03-10 15:30:13,035 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,035 - ERROR - Error in episode 7754: name 'args' is not defined +2025-03-10 15:30:13,038 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,038 - ERROR - Error in episode 7755: name 'args' is not defined +2025-03-10 15:30:13,041 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,041 - ERROR - Error in episode 7756: name 'args' is not defined +2025-03-10 15:30:13,044 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,044 - ERROR - Error in episode 7757: name 'args' is not defined +2025-03-10 15:30:13,047 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,047 - ERROR - Error in episode 7758: name 'args' is not defined +2025-03-10 15:30:13,050 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,050 - ERROR - Error in episode 7759: name 'args' is not defined +2025-03-10 15:30:13,053 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,053 - ERROR - Error in episode 7760: name 'args' is not defined +2025-03-10 15:30:13,055 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,055 - ERROR - Error in episode 7761: name 'args' is not defined +2025-03-10 15:30:13,058 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,058 - ERROR - Error in episode 7762: name 'args' is not defined +2025-03-10 15:30:13,062 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,062 - ERROR - Error in episode 7763: name 'args' is not defined +2025-03-10 15:30:13,065 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,065 - ERROR - Error in episode 7764: name 'args' is not defined +2025-03-10 15:30:13,067 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,068 - ERROR - Error in episode 7765: name 'args' is not defined +2025-03-10 15:30:13,070 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,071 - ERROR - Error in episode 7766: name 'args' is not defined +2025-03-10 15:30:13,073 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,073 - ERROR - Error in episode 7767: name 'args' is not defined +2025-03-10 15:30:13,076 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,076 - ERROR - Error in episode 7768: name 'args' is not defined +2025-03-10 15:30:13,078 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,079 - ERROR - Error in episode 7769: name 'args' is not defined +2025-03-10 15:30:13,081 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,081 - ERROR - Error in episode 7770: name 'args' is not defined +2025-03-10 15:30:13,084 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,084 - ERROR - Error in episode 7771: name 'args' is not defined +2025-03-10 15:30:13,086 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,087 - ERROR - Error in episode 7772: name 'args' is not defined +2025-03-10 15:30:13,089 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,090 - ERROR - Error in episode 7773: name 'args' is not defined +2025-03-10 15:30:13,092 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,092 - ERROR - Error in episode 7774: name 'args' is not defined +2025-03-10 15:30:13,096 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,096 - ERROR - Error in episode 7775: name 'args' is not defined +2025-03-10 15:30:13,098 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,099 - ERROR - Error in episode 7776: name 'args' is not defined +2025-03-10 15:30:13,101 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,101 - ERROR - Error in episode 7777: name 'args' is not defined +2025-03-10 15:30:13,103 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,104 - ERROR - Error in episode 7778: name 'args' is not defined +2025-03-10 15:30:13,106 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,106 - ERROR - Error in episode 7779: name 'args' is not defined +2025-03-10 15:30:13,109 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,109 - ERROR - Error in episode 7780: name 'args' is not defined +2025-03-10 15:30:13,112 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,112 - ERROR - Error in episode 7781: name 'args' is not defined +2025-03-10 15:30:13,114 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,115 - ERROR - Error in episode 7782: name 'args' is not defined +2025-03-10 15:30:13,117 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,117 - ERROR - Error in episode 7783: name 'args' is not defined +2025-03-10 15:30:13,120 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,122 - ERROR - Error in episode 7784: name 'args' is not defined +2025-03-10 15:30:13,124 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,124 - ERROR - Error in episode 7785: name 'args' is not defined +2025-03-10 15:30:13,127 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,127 - ERROR - Error in episode 7786: name 'args' is not defined +2025-03-10 15:30:13,130 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,130 - ERROR - Error in episode 7787: name 'args' is not defined +2025-03-10 15:30:13,133 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,133 - ERROR - Error in episode 7788: name 'args' is not defined +2025-03-10 15:30:13,135 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,135 - ERROR - Error in episode 7789: name 'args' is not defined +2025-03-10 15:30:13,139 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,140 - ERROR - Error in episode 7790: name 'args' is not defined +2025-03-10 15:30:13,143 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,143 - ERROR - Error in episode 7791: name 'args' is not defined +2025-03-10 15:30:13,146 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,146 - ERROR - Error in episode 7792: name 'args' is not defined +2025-03-10 15:30:13,148 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,149 - ERROR - Error in episode 7793: name 'args' is not defined +2025-03-10 15:30:13,151 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,151 - ERROR - Error in episode 7794: name 'args' is not defined +2025-03-10 15:30:13,154 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,154 - ERROR - Error in episode 7795: name 'args' is not defined +2025-03-10 15:30:13,157 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,157 - ERROR - Error in episode 7796: name 'args' is not defined +2025-03-10 15:30:13,159 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,160 - ERROR - Error in episode 7797: name 'args' is not defined +2025-03-10 15:30:13,162 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,162 - ERROR - Error in episode 7798: name 'args' is not defined +2025-03-10 15:30:13,165 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,165 - ERROR - Error in episode 7799: name 'args' is not defined +2025-03-10 15:30:13,168 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,168 - ERROR - Error in episode 7800: name 'args' is not defined +2025-03-10 15:30:13,172 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,172 - ERROR - Error in episode 7801: name 'args' is not defined +2025-03-10 15:30:13,174 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,175 - ERROR - Error in episode 7802: name 'args' is not defined +2025-03-10 15:30:13,177 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,178 - ERROR - Error in episode 7803: name 'args' is not defined +2025-03-10 15:30:13,180 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,180 - ERROR - Error in episode 7804: name 'args' is not defined +2025-03-10 15:30:13,183 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,183 - ERROR - Error in episode 7805: name 'args' is not defined +2025-03-10 15:30:13,186 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,186 - ERROR - Error in episode 7806: name 'args' is not defined +2025-03-10 15:30:13,188 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,188 - ERROR - Error in episode 7807: name 'args' is not defined +2025-03-10 15:30:13,191 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,191 - ERROR - Error in episode 7808: name 'args' is not defined +2025-03-10 15:30:13,193 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,194 - ERROR - Error in episode 7809: name 'args' is not defined +2025-03-10 15:30:13,196 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,197 - ERROR - Error in episode 7810: name 'args' is not defined +2025-03-10 15:30:13,200 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,200 - ERROR - Error in episode 7811: name 'args' is not defined +2025-03-10 15:30:13,203 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,203 - ERROR - Error in episode 7812: name 'args' is not defined +2025-03-10 15:30:13,206 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,206 - ERROR - Error in episode 7813: name 'args' is not defined +2025-03-10 15:30:13,209 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,209 - ERROR - Error in episode 7814: name 'args' is not defined +2025-03-10 15:30:13,212 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,212 - ERROR - Error in episode 7815: name 'args' is not defined +2025-03-10 15:30:13,214 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,215 - ERROR - Error in episode 7816: name 'args' is not defined +2025-03-10 15:30:13,218 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,218 - ERROR - Error in episode 7817: name 'args' is not defined +2025-03-10 15:30:13,222 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,222 - ERROR - Error in episode 7818: name 'args' is not defined +2025-03-10 15:30:13,225 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,225 - ERROR - Error in episode 7819: name 'args' is not defined +2025-03-10 15:30:13,228 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,228 - ERROR - Error in episode 7820: name 'args' is not defined +2025-03-10 15:30:13,231 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,232 - ERROR - Error in episode 7821: name 'args' is not defined +2025-03-10 15:30:13,234 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,234 - ERROR - Error in episode 7822: name 'args' is not defined +2025-03-10 15:30:13,237 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,237 - ERROR - Error in episode 7823: name 'args' is not defined +2025-03-10 15:30:13,239 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,240 - ERROR - Error in episode 7824: name 'args' is not defined +2025-03-10 15:30:13,243 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,243 - ERROR - Error in episode 7825: name 'args' is not defined +2025-03-10 15:30:13,245 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,246 - ERROR - Error in episode 7826: name 'args' is not defined +2025-03-10 15:30:13,248 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,249 - ERROR - Error in episode 7827: name 'args' is not defined +2025-03-10 15:30:13,251 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,251 - ERROR - Error in episode 7828: name 'args' is not defined +2025-03-10 15:30:13,254 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,255 - ERROR - Error in episode 7829: name 'args' is not defined +2025-03-10 15:30:13,257 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,257 - ERROR - Error in episode 7830: name 'args' is not defined +2025-03-10 15:30:13,260 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,260 - ERROR - Error in episode 7831: name 'args' is not defined +2025-03-10 15:30:13,263 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,263 - ERROR - Error in episode 7832: name 'args' is not defined +2025-03-10 15:30:13,266 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,266 - ERROR - Error in episode 7833: name 'args' is not defined +2025-03-10 15:30:13,269 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,269 - ERROR - Error in episode 7834: name 'args' is not defined +2025-03-10 15:30:13,273 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,273 - ERROR - Error in episode 7835: name 'args' is not defined +2025-03-10 15:30:13,276 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,277 - ERROR - Error in episode 7836: name 'args' is not defined +2025-03-10 15:30:13,280 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,280 - ERROR - Error in episode 7837: name 'args' is not defined +2025-03-10 15:30:13,283 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,283 - ERROR - Error in episode 7838: name 'args' is not defined +2025-03-10 15:30:13,287 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,288 - ERROR - Error in episode 7839: name 'args' is not defined +2025-03-10 15:30:13,290 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,290 - ERROR - Error in episode 7840: name 'args' is not defined +2025-03-10 15:30:13,293 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,293 - ERROR - Error in episode 7841: name 'args' is not defined +2025-03-10 15:30:13,296 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,296 - ERROR - Error in episode 7842: name 'args' is not defined +2025-03-10 15:30:13,299 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,299 - ERROR - Error in episode 7843: name 'args' is not defined +2025-03-10 15:30:13,301 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,301 - ERROR - Error in episode 7844: name 'args' is not defined +2025-03-10 15:30:13,304 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,305 - ERROR - Error in episode 7845: name 'args' is not defined +2025-03-10 15:30:13,307 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,308 - ERROR - Error in episode 7846: name 'args' is not defined +2025-03-10 15:30:13,310 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,311 - ERROR - Error in episode 7847: name 'args' is not defined +2025-03-10 15:30:13,314 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,314 - ERROR - Error in episode 7848: name 'args' is not defined +2025-03-10 15:30:13,317 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,317 - ERROR - Error in episode 7849: name 'args' is not defined +2025-03-10 15:30:13,320 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,320 - ERROR - Error in episode 7850: name 'args' is not defined +2025-03-10 15:30:13,323 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,323 - ERROR - Error in episode 7851: name 'args' is not defined +2025-03-10 15:30:13,326 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,326 - ERROR - Error in episode 7852: name 'args' is not defined +2025-03-10 15:30:13,329 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,329 - ERROR - Error in episode 7853: name 'args' is not defined +2025-03-10 15:30:13,332 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,332 - ERROR - Error in episode 7854: name 'args' is not defined +2025-03-10 15:30:13,335 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,335 - ERROR - Error in episode 7855: name 'args' is not defined +2025-03-10 15:30:13,338 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,338 - ERROR - Error in episode 7856: name 'args' is not defined +2025-03-10 15:30:13,341 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,341 - ERROR - Error in episode 7857: name 'args' is not defined +2025-03-10 15:30:13,344 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,344 - ERROR - Error in episode 7858: name 'args' is not defined +2025-03-10 15:30:13,347 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,347 - ERROR - Error in episode 7859: name 'args' is not defined +2025-03-10 15:30:13,350 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,350 - ERROR - Error in episode 7860: name 'args' is not defined +2025-03-10 15:30:13,352 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,353 - ERROR - Error in episode 7861: name 'args' is not defined +2025-03-10 15:30:13,355 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,355 - ERROR - Error in episode 7862: name 'args' is not defined +2025-03-10 15:30:13,359 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,359 - ERROR - Error in episode 7863: name 'args' is not defined +2025-03-10 15:30:13,362 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,362 - ERROR - Error in episode 7864: name 'args' is not defined +2025-03-10 15:30:13,364 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,365 - ERROR - Error in episode 7865: name 'args' is not defined +2025-03-10 15:30:13,367 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,368 - ERROR - Error in episode 7866: name 'args' is not defined +2025-03-10 15:30:13,370 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,370 - ERROR - Error in episode 7867: name 'args' is not defined +2025-03-10 15:30:13,372 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,373 - ERROR - Error in episode 7868: name 'args' is not defined +2025-03-10 15:30:13,376 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,376 - ERROR - Error in episode 7869: name 'args' is not defined +2025-03-10 15:30:13,378 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,379 - ERROR - Error in episode 7870: name 'args' is not defined +2025-03-10 15:30:13,381 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,381 - ERROR - Error in episode 7871: name 'args' is not defined +2025-03-10 15:30:13,384 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,384 - ERROR - Error in episode 7872: name 'args' is not defined +2025-03-10 15:30:13,388 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,388 - ERROR - Error in episode 7873: name 'args' is not defined +2025-03-10 15:30:13,390 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,390 - ERROR - Error in episode 7874: name 'args' is not defined +2025-03-10 15:30:13,393 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,393 - ERROR - Error in episode 7875: name 'args' is not defined +2025-03-10 15:30:13,396 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,396 - ERROR - Error in episode 7876: name 'args' is not defined +2025-03-10 15:30:13,399 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,399 - ERROR - Error in episode 7877: name 'args' is not defined +2025-03-10 15:30:13,401 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,402 - ERROR - Error in episode 7878: name 'args' is not defined +2025-03-10 15:30:13,404 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,405 - ERROR - Error in episode 7879: name 'args' is not defined +2025-03-10 15:30:13,407 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,407 - ERROR - Error in episode 7880: name 'args' is not defined +2025-03-10 15:30:13,410 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,411 - ERROR - Error in episode 7881: name 'args' is not defined +2025-03-10 15:30:13,413 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,414 - ERROR - Error in episode 7882: name 'args' is not defined +2025-03-10 15:30:13,417 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,417 - ERROR - Error in episode 7883: name 'args' is not defined +2025-03-10 15:30:13,420 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,420 - ERROR - Error in episode 7884: name 'args' is not defined +2025-03-10 15:30:13,423 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,423 - ERROR - Error in episode 7885: name 'args' is not defined +2025-03-10 15:30:13,426 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,426 - ERROR - Error in episode 7886: name 'args' is not defined +2025-03-10 15:30:13,429 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,429 - ERROR - Error in episode 7887: name 'args' is not defined +2025-03-10 15:30:13,432 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,432 - ERROR - Error in episode 7888: name 'args' is not defined +2025-03-10 15:30:13,436 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,436 - ERROR - Error in episode 7889: name 'args' is not defined +2025-03-10 15:30:13,438 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,438 - ERROR - Error in episode 7890: name 'args' is not defined +2025-03-10 15:30:13,441 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,442 - ERROR - Error in episode 7891: name 'args' is not defined +2025-03-10 15:30:13,444 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,444 - ERROR - Error in episode 7892: name 'args' is not defined +2025-03-10 15:30:13,447 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,447 - ERROR - Error in episode 7893: name 'args' is not defined +2025-03-10 15:30:13,450 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,450 - ERROR - Error in episode 7894: name 'args' is not defined +2025-03-10 15:30:13,453 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,453 - ERROR - Error in episode 7895: name 'args' is not defined +2025-03-10 15:30:13,455 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,456 - ERROR - Error in episode 7896: name 'args' is not defined +2025-03-10 15:30:13,459 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,460 - ERROR - Error in episode 7897: name 'args' is not defined +2025-03-10 15:30:13,462 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,462 - ERROR - Error in episode 7898: name 'args' is not defined +2025-03-10 15:30:13,465 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,465 - ERROR - Error in episode 7899: name 'args' is not defined +2025-03-10 15:30:13,469 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,469 - ERROR - Error in episode 7900: name 'args' is not defined +2025-03-10 15:30:13,471 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,472 - ERROR - Error in episode 7901: name 'args' is not defined +2025-03-10 15:30:13,474 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,475 - ERROR - Error in episode 7902: name 'args' is not defined +2025-03-10 15:30:13,477 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,478 - ERROR - Error in episode 7903: name 'args' is not defined +2025-03-10 15:30:13,480 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,482 - ERROR - Error in episode 7904: name 'args' is not defined +2025-03-10 15:30:13,485 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,485 - ERROR - Error in episode 7905: name 'args' is not defined +2025-03-10 15:30:13,487 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,488 - ERROR - Error in episode 7906: name 'args' is not defined +2025-03-10 15:30:13,490 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,490 - ERROR - Error in episode 7907: name 'args' is not defined +2025-03-10 15:30:13,493 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,493 - ERROR - Error in episode 7908: name 'args' is not defined +2025-03-10 15:30:13,496 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,496 - ERROR - Error in episode 7909: name 'args' is not defined +2025-03-10 15:30:13,499 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,499 - ERROR - Error in episode 7910: name 'args' is not defined +2025-03-10 15:30:13,502 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,502 - ERROR - Error in episode 7911: name 'args' is not defined +2025-03-10 15:30:13,504 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,505 - ERROR - Error in episode 7912: name 'args' is not defined +2025-03-10 15:30:13,507 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,508 - ERROR - Error in episode 7913: name 'args' is not defined +2025-03-10 15:30:13,511 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,511 - ERROR - Error in episode 7914: name 'args' is not defined +2025-03-10 15:30:13,514 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,514 - ERROR - Error in episode 7915: name 'args' is not defined +2025-03-10 15:30:13,516 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,517 - ERROR - Error in episode 7916: name 'args' is not defined +2025-03-10 15:30:13,519 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,519 - ERROR - Error in episode 7917: name 'args' is not defined +2025-03-10 15:30:13,522 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,523 - ERROR - Error in episode 7918: name 'args' is not defined +2025-03-10 15:30:13,526 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,526 - ERROR - Error in episode 7919: name 'args' is not defined +2025-03-10 15:30:13,529 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,529 - ERROR - Error in episode 7920: name 'args' is not defined +2025-03-10 15:30:13,531 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,532 - ERROR - Error in episode 7921: name 'args' is not defined +2025-03-10 15:30:13,534 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,535 - ERROR - Error in episode 7922: name 'args' is not defined +2025-03-10 15:30:13,538 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,538 - ERROR - Error in episode 7923: name 'args' is not defined +2025-03-10 15:30:13,541 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,542 - ERROR - Error in episode 7924: name 'args' is not defined +2025-03-10 15:30:13,544 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,544 - ERROR - Error in episode 7925: name 'args' is not defined +2025-03-10 15:30:13,547 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,547 - ERROR - Error in episode 7926: name 'args' is not defined +2025-03-10 15:30:13,550 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,550 - ERROR - Error in episode 7927: name 'args' is not defined +2025-03-10 15:30:13,552 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,553 - ERROR - Error in episode 7928: name 'args' is not defined +2025-03-10 15:30:13,555 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,555 - ERROR - Error in episode 7929: name 'args' is not defined +2025-03-10 15:30:13,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,559 - ERROR - Error in episode 7930: name 'args' is not defined +2025-03-10 15:30:13,561 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,561 - ERROR - Error in episode 7931: name 'args' is not defined +2025-03-10 15:30:13,564 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,564 - ERROR - Error in episode 7932: name 'args' is not defined +2025-03-10 15:30:13,567 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,567 - ERROR - Error in episode 7933: name 'args' is not defined +2025-03-10 15:30:13,570 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,570 - ERROR - Error in episode 7934: name 'args' is not defined +2025-03-10 15:30:13,573 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,573 - ERROR - Error in episode 7935: name 'args' is not defined +2025-03-10 15:30:13,576 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,576 - ERROR - Error in episode 7936: name 'args' is not defined +2025-03-10 15:30:13,579 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,579 - ERROR - Error in episode 7937: name 'args' is not defined +2025-03-10 15:30:13,581 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,582 - ERROR - Error in episode 7938: name 'args' is not defined +2025-03-10 15:30:13,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,585 - ERROR - Error in episode 7939: name 'args' is not defined +2025-03-10 15:30:13,588 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,588 - ERROR - Error in episode 7940: name 'args' is not defined +2025-03-10 15:30:13,591 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,592 - ERROR - Error in episode 7941: name 'args' is not defined +2025-03-10 15:30:13,594 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,595 - ERROR - Error in episode 7942: name 'args' is not defined +2025-03-10 15:30:13,597 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,597 - ERROR - Error in episode 7943: name 'args' is not defined +2025-03-10 15:30:13,599 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,600 - ERROR - Error in episode 7944: name 'args' is not defined +2025-03-10 15:30:13,602 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,602 - ERROR - Error in episode 7945: name 'args' is not defined +2025-03-10 15:30:13,605 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,605 - ERROR - Error in episode 7946: name 'args' is not defined +2025-03-10 15:30:13,608 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,608 - ERROR - Error in episode 7947: name 'args' is not defined +2025-03-10 15:30:13,610 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,611 - ERROR - Error in episode 7948: name 'args' is not defined +2025-03-10 15:30:13,613 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,614 - ERROR - Error in episode 7949: name 'args' is not defined +2025-03-10 15:30:13,618 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,618 - ERROR - Error in episode 7950: name 'args' is not defined +2025-03-10 15:30:13,621 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,621 - ERROR - Error in episode 7951: name 'args' is not defined +2025-03-10 15:30:13,624 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,625 - ERROR - Error in episode 7952: name 'args' is not defined +2025-03-10 15:30:13,628 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,628 - ERROR - Error in episode 7953: name 'args' is not defined +2025-03-10 15:30:13,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,631 - ERROR - Error in episode 7954: name 'args' is not defined +2025-03-10 15:30:13,634 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,634 - ERROR - Error in episode 7955: name 'args' is not defined +2025-03-10 15:30:13,636 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,636 - ERROR - Error in episode 7956: name 'args' is not defined +2025-03-10 15:30:13,639 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,639 - ERROR - Error in episode 7957: name 'args' is not defined +2025-03-10 15:30:13,642 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,642 - ERROR - Error in episode 7958: name 'args' is not defined +2025-03-10 15:30:13,645 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,645 - ERROR - Error in episode 7959: name 'args' is not defined +2025-03-10 15:30:13,648 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,648 - ERROR - Error in episode 7960: name 'args' is not defined +2025-03-10 15:30:13,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,652 - ERROR - Error in episode 7961: name 'args' is not defined +2025-03-10 15:30:13,654 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,655 - ERROR - Error in episode 7962: name 'args' is not defined +2025-03-10 15:30:13,657 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,658 - ERROR - Error in episode 7963: name 'args' is not defined +2025-03-10 15:30:13,660 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,661 - ERROR - Error in episode 7964: name 'args' is not defined +2025-03-10 15:30:13,663 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,664 - ERROR - Error in episode 7965: name 'args' is not defined +2025-03-10 15:30:13,667 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,669 - ERROR - Error in episode 7966: name 'args' is not defined +2025-03-10 15:30:13,671 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,671 - ERROR - Error in episode 7967: name 'args' is not defined +2025-03-10 15:30:13,674 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,674 - ERROR - Error in episode 7968: name 'args' is not defined +2025-03-10 15:30:13,677 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,678 - ERROR - Error in episode 7969: name 'args' is not defined +2025-03-10 15:30:13,680 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,681 - ERROR - Error in episode 7970: name 'args' is not defined +2025-03-10 15:30:13,683 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,684 - ERROR - Error in episode 7971: name 'args' is not defined +2025-03-10 15:30:13,686 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,686 - ERROR - Error in episode 7972: name 'args' is not defined +2025-03-10 15:30:13,689 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,689 - ERROR - Error in episode 7973: name 'args' is not defined +2025-03-10 15:30:13,692 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,693 - ERROR - Error in episode 7974: name 'args' is not defined +2025-03-10 15:30:13,695 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,695 - ERROR - Error in episode 7975: name 'args' is not defined +2025-03-10 15:30:13,698 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,699 - ERROR - Error in episode 7976: name 'args' is not defined +2025-03-10 15:30:13,701 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,701 - ERROR - Error in episode 7977: name 'args' is not defined +2025-03-10 15:30:13,703 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,704 - ERROR - Error in episode 7978: name 'args' is not defined +2025-03-10 15:30:13,706 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,706 - ERROR - Error in episode 7979: name 'args' is not defined +2025-03-10 15:30:13,709 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,709 - ERROR - Error in episode 7980: name 'args' is not defined +2025-03-10 15:30:13,712 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,712 - ERROR - Error in episode 7981: name 'args' is not defined +2025-03-10 15:30:13,715 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,716 - ERROR - Error in episode 7982: name 'args' is not defined +2025-03-10 15:30:13,718 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,718 - ERROR - Error in episode 7983: name 'args' is not defined +2025-03-10 15:30:13,721 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,721 - ERROR - Error in episode 7984: name 'args' is not defined +2025-03-10 15:30:13,724 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,724 - ERROR - Error in episode 7985: name 'args' is not defined +2025-03-10 15:30:13,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,728 - ERROR - Error in episode 7986: name 'args' is not defined +2025-03-10 15:30:13,730 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,731 - ERROR - Error in episode 7987: name 'args' is not defined +2025-03-10 15:30:13,733 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,734 - ERROR - Error in episode 7988: name 'args' is not defined +2025-03-10 15:30:13,736 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,736 - ERROR - Error in episode 7989: name 'args' is not defined +2025-03-10 15:30:13,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,739 - ERROR - Error in episode 7990: name 'args' is not defined +2025-03-10 15:30:13,741 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,742 - ERROR - Error in episode 7991: name 'args' is not defined +2025-03-10 15:30:13,744 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,745 - ERROR - Error in episode 7992: name 'args' is not defined +2025-03-10 15:30:13,747 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,748 - ERROR - Error in episode 7993: name 'args' is not defined +2025-03-10 15:30:13,751 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,751 - ERROR - Error in episode 7994: name 'args' is not defined +2025-03-10 15:30:13,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,753 - ERROR - Error in episode 7995: name 'args' is not defined +2025-03-10 15:30:13,756 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,757 - ERROR - Error in episode 7996: name 'args' is not defined +2025-03-10 15:30:13,759 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,761 - ERROR - Error in episode 7997: name 'args' is not defined +2025-03-10 15:30:13,763 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,763 - ERROR - Error in episode 7998: name 'args' is not defined +2025-03-10 15:30:13,766 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,766 - ERROR - Error in episode 7999: name 'args' is not defined +2025-03-10 15:30:13,769 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,769 - ERROR - Error in episode 8000: name 'args' is not defined +2025-03-10 15:30:13,771 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,772 - ERROR - Error in episode 8001: name 'args' is not defined +2025-03-10 15:30:13,774 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,774 - ERROR - Error in episode 8002: name 'args' is not defined +2025-03-10 15:30:13,777 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,777 - ERROR - Error in episode 8003: name 'args' is not defined +2025-03-10 15:30:13,780 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,781 - ERROR - Error in episode 8004: name 'args' is not defined +2025-03-10 15:30:13,784 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,784 - ERROR - Error in episode 8005: name 'args' is not defined +2025-03-10 15:30:13,786 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,787 - ERROR - Error in episode 8006: name 'args' is not defined +2025-03-10 15:30:13,789 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,789 - ERROR - Error in episode 8007: name 'args' is not defined +2025-03-10 15:30:13,792 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,793 - ERROR - Error in episode 8008: name 'args' is not defined +2025-03-10 15:30:13,795 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,795 - ERROR - Error in episode 8009: name 'args' is not defined +2025-03-10 15:30:13,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,798 - ERROR - Error in episode 8010: name 'args' is not defined +2025-03-10 15:30:13,801 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,801 - ERROR - Error in episode 8011: name 'args' is not defined +2025-03-10 15:30:13,803 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,804 - ERROR - Error in episode 8012: name 'args' is not defined +2025-03-10 15:30:13,806 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,806 - ERROR - Error in episode 8013: name 'args' is not defined +2025-03-10 15:30:13,809 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,809 - ERROR - Error in episode 8014: name 'args' is not defined +2025-03-10 15:30:13,811 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,812 - ERROR - Error in episode 8015: name 'args' is not defined +2025-03-10 15:30:13,815 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,815 - ERROR - Error in episode 8016: name 'args' is not defined +2025-03-10 15:30:13,818 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,818 - ERROR - Error in episode 8017: name 'args' is not defined +2025-03-10 15:30:13,820 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,820 - ERROR - Error in episode 8018: name 'args' is not defined +2025-03-10 15:30:13,823 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,823 - ERROR - Error in episode 8019: name 'args' is not defined +2025-03-10 15:30:13,827 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,827 - ERROR - Error in episode 8020: name 'args' is not defined +2025-03-10 15:30:13,829 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,830 - ERROR - Error in episode 8021: name 'args' is not defined +2025-03-10 15:30:13,832 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,833 - ERROR - Error in episode 8022: name 'args' is not defined +2025-03-10 15:30:13,836 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,836 - ERROR - Error in episode 8023: name 'args' is not defined +2025-03-10 15:30:13,838 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,839 - ERROR - Error in episode 8024: name 'args' is not defined +2025-03-10 15:30:13,841 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,842 - ERROR - Error in episode 8025: name 'args' is not defined +2025-03-10 15:30:13,845 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,845 - ERROR - Error in episode 8026: name 'args' is not defined +2025-03-10 15:30:13,848 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,848 - ERROR - Error in episode 8027: name 'args' is not defined +2025-03-10 15:30:13,851 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,852 - ERROR - Error in episode 8028: name 'args' is not defined +2025-03-10 15:30:13,854 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,855 - ERROR - Error in episode 8029: name 'args' is not defined +2025-03-10 15:30:13,858 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,858 - ERROR - Error in episode 8030: name 'args' is not defined +2025-03-10 15:30:13,862 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,862 - ERROR - Error in episode 8031: name 'args' is not defined +2025-03-10 15:30:13,864 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,865 - ERROR - Error in episode 8032: name 'args' is not defined +2025-03-10 15:30:13,867 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,868 - ERROR - Error in episode 8033: name 'args' is not defined +2025-03-10 15:30:13,870 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,870 - ERROR - Error in episode 8034: name 'args' is not defined +2025-03-10 15:30:13,873 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,873 - ERROR - Error in episode 8035: name 'args' is not defined +2025-03-10 15:30:13,876 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,877 - ERROR - Error in episode 8036: name 'args' is not defined +2025-03-10 15:30:13,879 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,879 - ERROR - Error in episode 8037: name 'args' is not defined +2025-03-10 15:30:13,882 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,882 - ERROR - Error in episode 8038: name 'args' is not defined +2025-03-10 15:30:13,885 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,885 - ERROR - Error in episode 8039: name 'args' is not defined +2025-03-10 15:30:13,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,888 - ERROR - Error in episode 8040: name 'args' is not defined +2025-03-10 15:30:13,891 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,892 - ERROR - Error in episode 8041: name 'args' is not defined +2025-03-10 15:30:13,894 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,895 - ERROR - Error in episode 8042: name 'args' is not defined +2025-03-10 15:30:13,897 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,897 - ERROR - Error in episode 8043: name 'args' is not defined +2025-03-10 15:30:13,900 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,901 - ERROR - Error in episode 8044: name 'args' is not defined +2025-03-10 15:30:13,903 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,903 - ERROR - Error in episode 8045: name 'args' is not defined +2025-03-10 15:30:13,906 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,906 - ERROR - Error in episode 8046: name 'args' is not defined +2025-03-10 15:30:13,909 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,909 - ERROR - Error in episode 8047: name 'args' is not defined +2025-03-10 15:30:13,912 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,912 - ERROR - Error in episode 8048: name 'args' is not defined +2025-03-10 15:30:13,914 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,914 - ERROR - Error in episode 8049: name 'args' is not defined +2025-03-10 15:30:13,918 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,918 - ERROR - Error in episode 8050: name 'args' is not defined +2025-03-10 15:30:13,920 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,921 - ERROR - Error in episode 8051: name 'args' is not defined +2025-03-10 15:30:13,923 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,924 - ERROR - Error in episode 8052: name 'args' is not defined +2025-03-10 15:30:13,926 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,926 - ERROR - Error in episode 8053: name 'args' is not defined +2025-03-10 15:30:13,929 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,929 - ERROR - Error in episode 8054: name 'args' is not defined +2025-03-10 15:30:13,933 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,933 - ERROR - Error in episode 8055: name 'args' is not defined +2025-03-10 15:30:13,936 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,936 - ERROR - Error in episode 8056: name 'args' is not defined +2025-03-10 15:30:13,939 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,940 - ERROR - Error in episode 8057: name 'args' is not defined +2025-03-10 15:30:13,942 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,943 - ERROR - Error in episode 8058: name 'args' is not defined +2025-03-10 15:30:13,946 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,946 - ERROR - Error in episode 8059: name 'args' is not defined +2025-03-10 15:30:13,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,949 - ERROR - Error in episode 8060: name 'args' is not defined +2025-03-10 15:30:13,951 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,952 - ERROR - Error in episode 8061: name 'args' is not defined +2025-03-10 15:30:13,954 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,954 - ERROR - Error in episode 8062: name 'args' is not defined +2025-03-10 15:30:13,957 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,957 - ERROR - Error in episode 8063: name 'args' is not defined +2025-03-10 15:30:13,960 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,960 - ERROR - Error in episode 8064: name 'args' is not defined +2025-03-10 15:30:13,962 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,963 - ERROR - Error in episode 8065: name 'args' is not defined +2025-03-10 15:30:13,965 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,966 - ERROR - Error in episode 8066: name 'args' is not defined +2025-03-10 15:30:13,969 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,969 - ERROR - Error in episode 8067: name 'args' is not defined +2025-03-10 15:30:13,972 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,973 - ERROR - Error in episode 8068: name 'args' is not defined +2025-03-10 15:30:13,975 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,975 - ERROR - Error in episode 8069: name 'args' is not defined +2025-03-10 15:30:13,979 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,979 - ERROR - Error in episode 8070: name 'args' is not defined +2025-03-10 15:30:13,981 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,982 - ERROR - Error in episode 8071: name 'args' is not defined +2025-03-10 15:30:13,985 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,985 - ERROR - Error in episode 8072: name 'args' is not defined +2025-03-10 15:30:13,989 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,989 - ERROR - Error in episode 8073: name 'args' is not defined +2025-03-10 15:30:13,994 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,995 - ERROR - Error in episode 8074: name 'args' is not defined +2025-03-10 15:30:13,998 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:13,998 - ERROR - Error in episode 8075: name 'args' is not defined +2025-03-10 15:30:14,002 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,002 - ERROR - Error in episode 8076: name 'args' is not defined +2025-03-10 15:30:14,006 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,006 - ERROR - Error in episode 8077: name 'args' is not defined +2025-03-10 15:30:14,009 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,010 - ERROR - Error in episode 8078: name 'args' is not defined +2025-03-10 15:30:14,013 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,014 - ERROR - Error in episode 8079: name 'args' is not defined +2025-03-10 15:30:14,017 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,018 - ERROR - Error in episode 8080: name 'args' is not defined +2025-03-10 15:30:14,022 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,022 - ERROR - Error in episode 8081: name 'args' is not defined +2025-03-10 15:30:14,026 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,026 - ERROR - Error in episode 8082: name 'args' is not defined +2025-03-10 15:30:14,030 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,030 - ERROR - Error in episode 8083: name 'args' is not defined +2025-03-10 15:30:14,034 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,035 - ERROR - Error in episode 8084: name 'args' is not defined +2025-03-10 15:30:14,038 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,038 - ERROR - Error in episode 8085: name 'args' is not defined +2025-03-10 15:30:14,042 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,043 - ERROR - Error in episode 8086: name 'args' is not defined +2025-03-10 15:30:14,046 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,047 - ERROR - Error in episode 8087: name 'args' is not defined +2025-03-10 15:30:14,050 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,050 - ERROR - Error in episode 8088: name 'args' is not defined +2025-03-10 15:30:14,054 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,054 - ERROR - Error in episode 8089: name 'args' is not defined +2025-03-10 15:30:14,058 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,058 - ERROR - Error in episode 8090: name 'args' is not defined +2025-03-10 15:30:14,061 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,062 - ERROR - Error in episode 8091: name 'args' is not defined +2025-03-10 15:30:14,066 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,066 - ERROR - Error in episode 8092: name 'args' is not defined +2025-03-10 15:30:14,070 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,071 - ERROR - Error in episode 8093: name 'args' is not defined +2025-03-10 15:30:14,074 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,074 - ERROR - Error in episode 8094: name 'args' is not defined +2025-03-10 15:30:14,079 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,079 - ERROR - Error in episode 8095: name 'args' is not defined +2025-03-10 15:30:14,082 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,082 - ERROR - Error in episode 8096: name 'args' is not defined +2025-03-10 15:30:14,086 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,087 - ERROR - Error in episode 8097: name 'args' is not defined +2025-03-10 15:30:14,090 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,090 - ERROR - Error in episode 8098: name 'args' is not defined +2025-03-10 15:30:14,093 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,094 - ERROR - Error in episode 8099: name 'args' is not defined +2025-03-10 15:30:14,097 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,097 - ERROR - Error in episode 8100: name 'args' is not defined +2025-03-10 15:30:14,101 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,102 - ERROR - Error in episode 8101: name 'args' is not defined +2025-03-10 15:30:14,106 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,106 - ERROR - Error in episode 8102: name 'args' is not defined +2025-03-10 15:30:14,109 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,110 - ERROR - Error in episode 8103: name 'args' is not defined +2025-03-10 15:30:14,113 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,114 - ERROR - Error in episode 8104: name 'args' is not defined +2025-03-10 15:30:14,118 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,118 - ERROR - Error in episode 8105: name 'args' is not defined +2025-03-10 15:30:14,122 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,122 - ERROR - Error in episode 8106: name 'args' is not defined +2025-03-10 15:30:14,126 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,126 - ERROR - Error in episode 8107: name 'args' is not defined +2025-03-10 15:30:14,129 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,130 - ERROR - Error in episode 8108: name 'args' is not defined +2025-03-10 15:30:14,133 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,134 - ERROR - Error in episode 8109: name 'args' is not defined +2025-03-10 15:30:14,136 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,137 - ERROR - Error in episode 8110: name 'args' is not defined +2025-03-10 15:30:14,141 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,141 - ERROR - Error in episode 8111: name 'args' is not defined +2025-03-10 15:30:14,144 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,145 - ERROR - Error in episode 8112: name 'args' is not defined +2025-03-10 15:30:14,148 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,148 - ERROR - Error in episode 8113: name 'args' is not defined +2025-03-10 15:30:14,152 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,152 - ERROR - Error in episode 8114: name 'args' is not defined +2025-03-10 15:30:14,155 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,156 - ERROR - Error in episode 8115: name 'args' is not defined +2025-03-10 15:30:14,160 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,160 - ERROR - Error in episode 8116: name 'args' is not defined +2025-03-10 15:30:14,164 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,164 - ERROR - Error in episode 8117: name 'args' is not defined +2025-03-10 15:30:14,167 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,168 - ERROR - Error in episode 8118: name 'args' is not defined +2025-03-10 15:30:14,171 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,172 - ERROR - Error in episode 8119: name 'args' is not defined +2025-03-10 15:30:14,176 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,176 - ERROR - Error in episode 8120: name 'args' is not defined +2025-03-10 15:30:14,179 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,179 - ERROR - Error in episode 8121: name 'args' is not defined +2025-03-10 15:30:14,183 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,184 - ERROR - Error in episode 8122: name 'args' is not defined +2025-03-10 15:30:14,187 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,188 - ERROR - Error in episode 8123: name 'args' is not defined +2025-03-10 15:30:14,190 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,190 - ERROR - Error in episode 8124: name 'args' is not defined +2025-03-10 15:30:14,194 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,195 - ERROR - Error in episode 8125: name 'args' is not defined +2025-03-10 15:30:14,198 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,199 - ERROR - Error in episode 8126: name 'args' is not defined +2025-03-10 15:30:14,202 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,202 - ERROR - Error in episode 8127: name 'args' is not defined +2025-03-10 15:30:14,206 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,206 - ERROR - Error in episode 8128: name 'args' is not defined +2025-03-10 15:30:14,209 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,210 - ERROR - Error in episode 8129: name 'args' is not defined +2025-03-10 15:30:14,212 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,213 - ERROR - Error in episode 8130: name 'args' is not defined +2025-03-10 15:30:14,215 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,216 - ERROR - Error in episode 8131: name 'args' is not defined +2025-03-10 15:30:14,219 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,220 - ERROR - Error in episode 8132: name 'args' is not defined +2025-03-10 15:30:14,223 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,224 - ERROR - Error in episode 8133: name 'args' is not defined +2025-03-10 15:30:14,228 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,228 - ERROR - Error in episode 8134: name 'args' is not defined +2025-03-10 15:30:14,232 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,232 - ERROR - Error in episode 8135: name 'args' is not defined +2025-03-10 15:30:14,236 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,236 - ERROR - Error in episode 8136: name 'args' is not defined +2025-03-10 15:30:14,239 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,239 - ERROR - Error in episode 8137: name 'args' is not defined +2025-03-10 15:30:14,243 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,243 - ERROR - Error in episode 8138: name 'args' is not defined +2025-03-10 15:30:14,247 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,247 - ERROR - Error in episode 8139: name 'args' is not defined +2025-03-10 15:30:14,250 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,251 - ERROR - Error in episode 8140: name 'args' is not defined +2025-03-10 15:30:14,256 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,256 - ERROR - Error in episode 8141: name 'args' is not defined +2025-03-10 15:30:14,260 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,260 - ERROR - Error in episode 8142: name 'args' is not defined +2025-03-10 15:30:14,263 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,264 - ERROR - Error in episode 8143: name 'args' is not defined +2025-03-10 15:30:14,267 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,267 - ERROR - Error in episode 8144: name 'args' is not defined +2025-03-10 15:30:14,270 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,270 - ERROR - Error in episode 8145: name 'args' is not defined +2025-03-10 15:30:14,274 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,274 - ERROR - Error in episode 8146: name 'args' is not defined +2025-03-10 15:30:14,278 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,278 - ERROR - Error in episode 8147: name 'args' is not defined +2025-03-10 15:30:14,282 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,282 - ERROR - Error in episode 8148: name 'args' is not defined +2025-03-10 15:30:14,285 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,285 - ERROR - Error in episode 8149: name 'args' is not defined +2025-03-10 15:30:14,289 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,289 - ERROR - Error in episode 8150: name 'args' is not defined +2025-03-10 15:30:14,292 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,293 - ERROR - Error in episode 8151: name 'args' is not defined +2025-03-10 15:30:14,295 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,296 - ERROR - Error in episode 8152: name 'args' is not defined +2025-03-10 15:30:14,299 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,299 - ERROR - Error in episode 8153: name 'args' is not defined +2025-03-10 15:30:14,302 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,302 - ERROR - Error in episode 8154: name 'args' is not defined +2025-03-10 15:30:14,305 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,305 - ERROR - Error in episode 8155: name 'args' is not defined +2025-03-10 15:30:14,308 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,308 - ERROR - Error in episode 8156: name 'args' is not defined +2025-03-10 15:30:14,311 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,311 - ERROR - Error in episode 8157: name 'args' is not defined +2025-03-10 15:30:14,315 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,315 - ERROR - Error in episode 8158: name 'args' is not defined +2025-03-10 15:30:14,318 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,318 - ERROR - Error in episode 8159: name 'args' is not defined +2025-03-10 15:30:14,323 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,323 - ERROR - Error in episode 8160: name 'args' is not defined +2025-03-10 15:30:14,326 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,327 - ERROR - Error in episode 8161: name 'args' is not defined +2025-03-10 15:30:14,330 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,331 - ERROR - Error in episode 8162: name 'args' is not defined +2025-03-10 15:30:14,333 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,334 - ERROR - Error in episode 8163: name 'args' is not defined +2025-03-10 15:30:14,337 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,337 - ERROR - Error in episode 8164: name 'args' is not defined +2025-03-10 15:30:14,340 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,340 - ERROR - Error in episode 8165: name 'args' is not defined +2025-03-10 15:30:14,344 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,344 - ERROR - Error in episode 8166: name 'args' is not defined +2025-03-10 15:30:14,348 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,348 - ERROR - Error in episode 8167: name 'args' is not defined +2025-03-10 15:30:14,351 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,351 - ERROR - Error in episode 8168: name 'args' is not defined +2025-03-10 15:30:14,355 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,355 - ERROR - Error in episode 8169: name 'args' is not defined +2025-03-10 15:30:14,358 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,359 - ERROR - Error in episode 8170: name 'args' is not defined +2025-03-10 15:30:14,361 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,363 - ERROR - Error in episode 8171: name 'args' is not defined +2025-03-10 15:30:14,365 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,366 - ERROR - Error in episode 8172: name 'args' is not defined +2025-03-10 15:30:14,370 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,370 - ERROR - Error in episode 8173: name 'args' is not defined +2025-03-10 15:30:14,372 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,372 - ERROR - Error in episode 8174: name 'args' is not defined +2025-03-10 15:30:14,376 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,376 - ERROR - Error in episode 8175: name 'args' is not defined +2025-03-10 15:30:14,380 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,381 - ERROR - Error in episode 8176: name 'args' is not defined +2025-03-10 15:30:14,384 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,385 - ERROR - Error in episode 8177: name 'args' is not defined +2025-03-10 15:30:14,388 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,388 - ERROR - Error in episode 8178: name 'args' is not defined +2025-03-10 15:30:14,391 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,391 - ERROR - Error in episode 8179: name 'args' is not defined +2025-03-10 15:30:14,394 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,394 - ERROR - Error in episode 8180: name 'args' is not defined +2025-03-10 15:30:14,398 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,398 - ERROR - Error in episode 8181: name 'args' is not defined +2025-03-10 15:30:14,401 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,401 - ERROR - Error in episode 8182: name 'args' is not defined +2025-03-10 15:30:14,404 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,404 - ERROR - Error in episode 8183: name 'args' is not defined +2025-03-10 15:30:14,407 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,407 - ERROR - Error in episode 8184: name 'args' is not defined +2025-03-10 15:30:14,409 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,410 - ERROR - Error in episode 8185: name 'args' is not defined +2025-03-10 15:30:14,412 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,413 - ERROR - Error in episode 8186: name 'args' is not defined +2025-03-10 15:30:14,416 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,417 - ERROR - Error in episode 8187: name 'args' is not defined +2025-03-10 15:30:14,419 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,420 - ERROR - Error in episode 8188: name 'args' is not defined +2025-03-10 15:30:14,423 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,423 - ERROR - Error in episode 8189: name 'args' is not defined +2025-03-10 15:30:14,425 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,426 - ERROR - Error in episode 8190: name 'args' is not defined +2025-03-10 15:30:14,428 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,428 - ERROR - Error in episode 8191: name 'args' is not defined +2025-03-10 15:30:14,432 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,432 - ERROR - Error in episode 8192: name 'args' is not defined +2025-03-10 15:30:14,435 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,435 - ERROR - Error in episode 8193: name 'args' is not defined +2025-03-10 15:30:14,438 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,438 - ERROR - Error in episode 8194: name 'args' is not defined +2025-03-10 15:30:14,440 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,441 - ERROR - Error in episode 8195: name 'args' is not defined +2025-03-10 15:30:14,443 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,443 - ERROR - Error in episode 8196: name 'args' is not defined +2025-03-10 15:30:14,447 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,447 - ERROR - Error in episode 8197: name 'args' is not defined +2025-03-10 15:30:14,450 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,450 - ERROR - Error in episode 8198: name 'args' is not defined +2025-03-10 15:30:14,453 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,454 - ERROR - Error in episode 8199: name 'args' is not defined +2025-03-10 15:30:14,456 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,457 - ERROR - Error in episode 8200: name 'args' is not defined +2025-03-10 15:30:14,460 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,460 - ERROR - Error in episode 8201: name 'args' is not defined +2025-03-10 15:30:14,463 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,464 - ERROR - Error in episode 8202: name 'args' is not defined +2025-03-10 15:30:14,466 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,467 - ERROR - Error in episode 8203: name 'args' is not defined +2025-03-10 15:30:14,469 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,470 - ERROR - Error in episode 8204: name 'args' is not defined +2025-03-10 15:30:14,473 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,473 - ERROR - Error in episode 8205: name 'args' is not defined +2025-03-10 15:30:14,476 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,476 - ERROR - Error in episode 8206: name 'args' is not defined +2025-03-10 15:30:14,479 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,479 - ERROR - Error in episode 8207: name 'args' is not defined +2025-03-10 15:30:14,481 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,482 - ERROR - Error in episode 8208: name 'args' is not defined +2025-03-10 15:30:14,484 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,484 - ERROR - Error in episode 8209: name 'args' is not defined +2025-03-10 15:30:14,486 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,487 - ERROR - Error in episode 8210: name 'args' is not defined +2025-03-10 15:30:14,489 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,490 - ERROR - Error in episode 8211: name 'args' is not defined +2025-03-10 15:30:14,492 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,492 - ERROR - Error in episode 8212: name 'args' is not defined +2025-03-10 15:30:14,494 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,495 - ERROR - Error in episode 8213: name 'args' is not defined +2025-03-10 15:30:14,498 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,498 - ERROR - Error in episode 8214: name 'args' is not defined +2025-03-10 15:30:14,500 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,501 - ERROR - Error in episode 8215: name 'args' is not defined +2025-03-10 15:30:14,503 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,503 - ERROR - Error in episode 8216: name 'args' is not defined +2025-03-10 15:30:14,506 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,507 - ERROR - Error in episode 8217: name 'args' is not defined +2025-03-10 15:30:14,509 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,510 - ERROR - Error in episode 8218: name 'args' is not defined +2025-03-10 15:30:14,512 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,512 - ERROR - Error in episode 8219: name 'args' is not defined +2025-03-10 15:30:14,515 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,515 - ERROR - Error in episode 8220: name 'args' is not defined +2025-03-10 15:30:14,518 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,518 - ERROR - Error in episode 8221: name 'args' is not defined +2025-03-10 15:30:14,521 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,522 - ERROR - Error in episode 8222: name 'args' is not defined +2025-03-10 15:30:14,525 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,525 - ERROR - Error in episode 8223: name 'args' is not defined +2025-03-10 15:30:14,527 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,528 - ERROR - Error in episode 8224: name 'args' is not defined +2025-03-10 15:30:14,531 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,531 - ERROR - Error in episode 8225: name 'args' is not defined +2025-03-10 15:30:14,534 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,534 - ERROR - Error in episode 8226: name 'args' is not defined +2025-03-10 15:30:14,536 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,536 - ERROR - Error in episode 8227: name 'args' is not defined +2025-03-10 15:30:14,540 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,540 - ERROR - Error in episode 8228: name 'args' is not defined +2025-03-10 15:30:14,543 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,543 - ERROR - Error in episode 8229: name 'args' is not defined +2025-03-10 15:30:14,546 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,546 - ERROR - Error in episode 8230: name 'args' is not defined +2025-03-10 15:30:14,548 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,549 - ERROR - Error in episode 8231: name 'args' is not defined +2025-03-10 15:30:14,551 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,552 - ERROR - Error in episode 8232: name 'args' is not defined +2025-03-10 15:30:14,555 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,555 - ERROR - Error in episode 8233: name 'args' is not defined +2025-03-10 15:30:14,557 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,558 - ERROR - Error in episode 8234: name 'args' is not defined +2025-03-10 15:30:14,561 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,561 - ERROR - Error in episode 8235: name 'args' is not defined +2025-03-10 15:30:14,564 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,564 - ERROR - Error in episode 8236: name 'args' is not defined +2025-03-10 15:30:14,567 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,567 - ERROR - Error in episode 8237: name 'args' is not defined +2025-03-10 15:30:14,570 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,570 - ERROR - Error in episode 8238: name 'args' is not defined +2025-03-10 15:30:14,572 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,573 - ERROR - Error in episode 8239: name 'args' is not defined +2025-03-10 15:30:14,575 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,576 - ERROR - Error in episode 8240: name 'args' is not defined +2025-03-10 15:30:14,579 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,579 - ERROR - Error in episode 8241: name 'args' is not defined +2025-03-10 15:30:14,582 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,582 - ERROR - Error in episode 8242: name 'args' is not defined +2025-03-10 15:30:14,585 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,585 - ERROR - Error in episode 8243: name 'args' is not defined +2025-03-10 15:30:14,588 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,588 - ERROR - Error in episode 8244: name 'args' is not defined +2025-03-10 15:30:14,590 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,591 - ERROR - Error in episode 8245: name 'args' is not defined +2025-03-10 15:30:14,594 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,594 - ERROR - Error in episode 8246: name 'args' is not defined +2025-03-10 15:30:14,596 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,597 - ERROR - Error in episode 8247: name 'args' is not defined +2025-03-10 15:30:14,599 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,599 - ERROR - Error in episode 8248: name 'args' is not defined +2025-03-10 15:30:14,602 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,602 - ERROR - Error in episode 8249: name 'args' is not defined +2025-03-10 15:30:14,604 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,605 - ERROR - Error in episode 8250: name 'args' is not defined +2025-03-10 15:30:14,607 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,608 - ERROR - Error in episode 8251: name 'args' is not defined +2025-03-10 15:30:14,610 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,611 - ERROR - Error in episode 8252: name 'args' is not defined +2025-03-10 15:30:14,613 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,614 - ERROR - Error in episode 8253: name 'args' is not defined +2025-03-10 15:30:14,616 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,616 - ERROR - Error in episode 8254: name 'args' is not defined +2025-03-10 15:30:14,620 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,620 - ERROR - Error in episode 8255: name 'args' is not defined +2025-03-10 15:30:14,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,623 - ERROR - Error in episode 8256: name 'args' is not defined +2025-03-10 15:30:14,625 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,626 - ERROR - Error in episode 8257: name 'args' is not defined +2025-03-10 15:30:14,628 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,628 - ERROR - Error in episode 8258: name 'args' is not defined +2025-03-10 15:30:14,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,631 - ERROR - Error in episode 8259: name 'args' is not defined +2025-03-10 15:30:14,634 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,634 - ERROR - Error in episode 8260: name 'args' is not defined +2025-03-10 15:30:14,637 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,637 - ERROR - Error in episode 8261: name 'args' is not defined +2025-03-10 15:30:14,639 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,639 - ERROR - Error in episode 8262: name 'args' is not defined +2025-03-10 15:30:14,642 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,642 - ERROR - Error in episode 8263: name 'args' is not defined +2025-03-10 15:30:14,645 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,645 - ERROR - Error in episode 8264: name 'args' is not defined +2025-03-10 15:30:14,648 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,648 - ERROR - Error in episode 8265: name 'args' is not defined +2025-03-10 15:30:14,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,651 - ERROR - Error in episode 8266: name 'args' is not defined +2025-03-10 15:30:14,654 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,654 - ERROR - Error in episode 8267: name 'args' is not defined +2025-03-10 15:30:14,657 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,657 - ERROR - Error in episode 8268: name 'args' is not defined +2025-03-10 15:30:14,661 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,661 - ERROR - Error in episode 8269: name 'args' is not defined +2025-03-10 15:30:14,664 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,664 - ERROR - Error in episode 8270: name 'args' is not defined +2025-03-10 15:30:14,668 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,668 - ERROR - Error in episode 8271: name 'args' is not defined +2025-03-10 15:30:14,670 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,671 - ERROR - Error in episode 8272: name 'args' is not defined +2025-03-10 15:30:14,674 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,674 - ERROR - Error in episode 8273: name 'args' is not defined +2025-03-10 15:30:14,678 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,678 - ERROR - Error in episode 8274: name 'args' is not defined +2025-03-10 15:30:14,680 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,681 - ERROR - Error in episode 8275: name 'args' is not defined +2025-03-10 15:30:14,684 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,684 - ERROR - Error in episode 8276: name 'args' is not defined +2025-03-10 15:30:14,686 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,686 - ERROR - Error in episode 8277: name 'args' is not defined +2025-03-10 15:30:14,689 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,689 - ERROR - Error in episode 8278: name 'args' is not defined +2025-03-10 15:30:14,693 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,693 - ERROR - Error in episode 8279: name 'args' is not defined +2025-03-10 15:30:14,696 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,696 - ERROR - Error in episode 8280: name 'args' is not defined +2025-03-10 15:30:14,699 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,699 - ERROR - Error in episode 8281: name 'args' is not defined +2025-03-10 15:30:14,702 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,702 - ERROR - Error in episode 8282: name 'args' is not defined +2025-03-10 15:30:14,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,704 - ERROR - Error in episode 8283: name 'args' is not defined +2025-03-10 15:30:14,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,707 - ERROR - Error in episode 8284: name 'args' is not defined +2025-03-10 15:30:14,710 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,710 - ERROR - Error in episode 8285: name 'args' is not defined +2025-03-10 15:30:14,713 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,713 - ERROR - Error in episode 8286: name 'args' is not defined +2025-03-10 15:30:14,715 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,716 - ERROR - Error in episode 8287: name 'args' is not defined +2025-03-10 15:30:14,718 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,718 - ERROR - Error in episode 8288: name 'args' is not defined +2025-03-10 15:30:14,721 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,721 - ERROR - Error in episode 8289: name 'args' is not defined +2025-03-10 15:30:14,723 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,724 - ERROR - Error in episode 8290: name 'args' is not defined +2025-03-10 15:30:14,726 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,727 - ERROR - Error in episode 8291: name 'args' is not defined +2025-03-10 15:30:14,729 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,730 - ERROR - Error in episode 8292: name 'args' is not defined +2025-03-10 15:30:14,732 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,733 - ERROR - Error in episode 8293: name 'args' is not defined +2025-03-10 15:30:14,736 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,736 - ERROR - Error in episode 8294: name 'args' is not defined +2025-03-10 15:30:14,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,739 - ERROR - Error in episode 8295: name 'args' is not defined +2025-03-10 15:30:14,742 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,742 - ERROR - Error in episode 8296: name 'args' is not defined +2025-03-10 15:30:14,745 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,745 - ERROR - Error in episode 8297: name 'args' is not defined +2025-03-10 15:30:14,748 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,748 - ERROR - Error in episode 8298: name 'args' is not defined +2025-03-10 15:30:14,750 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,751 - ERROR - Error in episode 8299: name 'args' is not defined +2025-03-10 15:30:14,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,753 - ERROR - Error in episode 8300: name 'args' is not defined +2025-03-10 15:30:14,755 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,755 - ERROR - Error in episode 8301: name 'args' is not defined +2025-03-10 15:30:14,759 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,760 - ERROR - Error in episode 8302: name 'args' is not defined +2025-03-10 15:30:14,763 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,763 - ERROR - Error in episode 8303: name 'args' is not defined +2025-03-10 15:30:14,766 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,766 - ERROR - Error in episode 8304: name 'args' is not defined +2025-03-10 15:30:14,770 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,770 - ERROR - Error in episode 8305: name 'args' is not defined +2025-03-10 15:30:14,773 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,774 - ERROR - Error in episode 8306: name 'args' is not defined +2025-03-10 15:30:14,776 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,778 - ERROR - Error in episode 8307: name 'args' is not defined +2025-03-10 15:30:14,780 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,780 - ERROR - Error in episode 8308: name 'args' is not defined +2025-03-10 15:30:14,784 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,784 - ERROR - Error in episode 8309: name 'args' is not defined +2025-03-10 15:30:14,788 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,788 - ERROR - Error in episode 8310: name 'args' is not defined +2025-03-10 15:30:14,793 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,793 - ERROR - Error in episode 8311: name 'args' is not defined +2025-03-10 15:30:14,796 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,796 - ERROR - Error in episode 8312: name 'args' is not defined +2025-03-10 15:30:14,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,799 - ERROR - Error in episode 8313: name 'args' is not defined +2025-03-10 15:30:14,802 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,802 - ERROR - Error in episode 8314: name 'args' is not defined +2025-03-10 15:30:14,805 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,805 - ERROR - Error in episode 8315: name 'args' is not defined +2025-03-10 15:30:14,808 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,808 - ERROR - Error in episode 8316: name 'args' is not defined +2025-03-10 15:30:14,811 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,811 - ERROR - Error in episode 8317: name 'args' is not defined +2025-03-10 15:30:14,813 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,814 - ERROR - Error in episode 8318: name 'args' is not defined +2025-03-10 15:30:14,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,816 - ERROR - Error in episode 8319: name 'args' is not defined +2025-03-10 15:30:14,818 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,819 - ERROR - Error in episode 8320: name 'args' is not defined +2025-03-10 15:30:14,821 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,821 - ERROR - Error in episode 8321: name 'args' is not defined +2025-03-10 15:30:14,824 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,824 - ERROR - Error in episode 8322: name 'args' is not defined +2025-03-10 15:30:14,827 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,828 - ERROR - Error in episode 8323: name 'args' is not defined +2025-03-10 15:30:14,830 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,831 - ERROR - Error in episode 8324: name 'args' is not defined +2025-03-10 15:30:14,833 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,833 - ERROR - Error in episode 8325: name 'args' is not defined +2025-03-10 15:30:14,836 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,837 - ERROR - Error in episode 8326: name 'args' is not defined +2025-03-10 15:30:14,839 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,839 - ERROR - Error in episode 8327: name 'args' is not defined +2025-03-10 15:30:14,843 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,843 - ERROR - Error in episode 8328: name 'args' is not defined +2025-03-10 15:30:14,845 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,846 - ERROR - Error in episode 8329: name 'args' is not defined +2025-03-10 15:30:14,848 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,848 - ERROR - Error in episode 8330: name 'args' is not defined +2025-03-10 15:30:14,851 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,852 - ERROR - Error in episode 8331: name 'args' is not defined +2025-03-10 15:30:14,854 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,855 - ERROR - Error in episode 8332: name 'args' is not defined +2025-03-10 15:30:14,857 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,857 - ERROR - Error in episode 8333: name 'args' is not defined +2025-03-10 15:30:14,860 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,860 - ERROR - Error in episode 8334: name 'args' is not defined +2025-03-10 15:30:14,863 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,863 - ERROR - Error in episode 8335: name 'args' is not defined +2025-03-10 15:30:14,866 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,866 - ERROR - Error in episode 8336: name 'args' is not defined +2025-03-10 15:30:14,869 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,869 - ERROR - Error in episode 8337: name 'args' is not defined +2025-03-10 15:30:14,872 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,872 - ERROR - Error in episode 8338: name 'args' is not defined +2025-03-10 15:30:14,875 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,875 - ERROR - Error in episode 8339: name 'args' is not defined +2025-03-10 15:30:14,877 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,877 - ERROR - Error in episode 8340: name 'args' is not defined +2025-03-10 15:30:14,880 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,880 - ERROR - Error in episode 8341: name 'args' is not defined +2025-03-10 15:30:14,882 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,884 - ERROR - Error in episode 8342: name 'args' is not defined +2025-03-10 15:30:14,887 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,887 - ERROR - Error in episode 8343: name 'args' is not defined +2025-03-10 15:30:14,889 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,890 - ERROR - Error in episode 8344: name 'args' is not defined +2025-03-10 15:30:14,892 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,893 - ERROR - Error in episode 8345: name 'args' is not defined +2025-03-10 15:30:14,895 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,895 - ERROR - Error in episode 8346: name 'args' is not defined +2025-03-10 15:30:14,898 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,898 - ERROR - Error in episode 8347: name 'args' is not defined +2025-03-10 15:30:14,901 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,901 - ERROR - Error in episode 8348: name 'args' is not defined +2025-03-10 15:30:14,904 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,905 - ERROR - Error in episode 8349: name 'args' is not defined +2025-03-10 15:30:14,907 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,908 - ERROR - Error in episode 8350: name 'args' is not defined +2025-03-10 15:30:14,910 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,911 - ERROR - Error in episode 8351: name 'args' is not defined +2025-03-10 15:30:14,913 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,914 - ERROR - Error in episode 8352: name 'args' is not defined +2025-03-10 15:30:14,916 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,916 - ERROR - Error in episode 8353: name 'args' is not defined +2025-03-10 15:30:14,920 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,920 - ERROR - Error in episode 8354: name 'args' is not defined +2025-03-10 15:30:14,922 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,923 - ERROR - Error in episode 8355: name 'args' is not defined +2025-03-10 15:30:14,925 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,926 - ERROR - Error in episode 8356: name 'args' is not defined +2025-03-10 15:30:14,929 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,929 - ERROR - Error in episode 8357: name 'args' is not defined +2025-03-10 15:30:14,932 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,932 - ERROR - Error in episode 8358: name 'args' is not defined +2025-03-10 15:30:14,934 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,935 - ERROR - Error in episode 8359: name 'args' is not defined +2025-03-10 15:30:14,937 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,937 - ERROR - Error in episode 8360: name 'args' is not defined +2025-03-10 15:30:14,941 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,941 - ERROR - Error in episode 8361: name 'args' is not defined +2025-03-10 15:30:14,944 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,944 - ERROR - Error in episode 8362: name 'args' is not defined +2025-03-10 15:30:14,946 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,947 - ERROR - Error in episode 8363: name 'args' is not defined +2025-03-10 15:30:14,949 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,949 - ERROR - Error in episode 8364: name 'args' is not defined +2025-03-10 15:30:14,952 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,952 - ERROR - Error in episode 8365: name 'args' is not defined +2025-03-10 15:30:14,955 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,956 - ERROR - Error in episode 8366: name 'args' is not defined +2025-03-10 15:30:14,958 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,960 - ERROR - Error in episode 8367: name 'args' is not defined +2025-03-10 15:30:14,962 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,962 - ERROR - Error in episode 8368: name 'args' is not defined +2025-03-10 15:30:14,965 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,965 - ERROR - Error in episode 8369: name 'args' is not defined +2025-03-10 15:30:14,968 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,968 - ERROR - Error in episode 8370: name 'args' is not defined +2025-03-10 15:30:14,971 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,972 - ERROR - Error in episode 8371: name 'args' is not defined +2025-03-10 15:30:14,975 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,975 - ERROR - Error in episode 8372: name 'args' is not defined +2025-03-10 15:30:14,978 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,979 - ERROR - Error in episode 8373: name 'args' is not defined +2025-03-10 15:30:14,982 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,982 - ERROR - Error in episode 8374: name 'args' is not defined +2025-03-10 15:30:14,986 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,986 - ERROR - Error in episode 8375: name 'args' is not defined +2025-03-10 15:30:14,989 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,989 - ERROR - Error in episode 8376: name 'args' is not defined +2025-03-10 15:30:14,992 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,992 - ERROR - Error in episode 8377: name 'args' is not defined +2025-03-10 15:30:14,995 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,995 - ERROR - Error in episode 8378: name 'args' is not defined +2025-03-10 15:30:14,998 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:14,998 - ERROR - Error in episode 8379: name 'args' is not defined +2025-03-10 15:30:15,001 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,002 - ERROR - Error in episode 8380: name 'args' is not defined +2025-03-10 15:30:15,004 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,005 - ERROR - Error in episode 8381: name 'args' is not defined +2025-03-10 15:30:15,007 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,008 - ERROR - Error in episode 8382: name 'args' is not defined +2025-03-10 15:30:15,011 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,012 - ERROR - Error in episode 8383: name 'args' is not defined +2025-03-10 15:30:15,015 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,015 - ERROR - Error in episode 8384: name 'args' is not defined +2025-03-10 15:30:15,018 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,018 - ERROR - Error in episode 8385: name 'args' is not defined +2025-03-10 15:30:15,021 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,021 - ERROR - Error in episode 8386: name 'args' is not defined +2025-03-10 15:30:15,023 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,024 - ERROR - Error in episode 8387: name 'args' is not defined +2025-03-10 15:30:15,026 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,027 - ERROR - Error in episode 8388: name 'args' is not defined +2025-03-10 15:30:15,029 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,030 - ERROR - Error in episode 8389: name 'args' is not defined +2025-03-10 15:30:15,032 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,032 - ERROR - Error in episode 8390: name 'args' is not defined +2025-03-10 15:30:15,036 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,036 - ERROR - Error in episode 8391: name 'args' is not defined +2025-03-10 15:30:15,038 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,038 - ERROR - Error in episode 8392: name 'args' is not defined +2025-03-10 15:30:15,040 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,041 - ERROR - Error in episode 8393: name 'args' is not defined +2025-03-10 15:30:15,043 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,044 - ERROR - Error in episode 8394: name 'args' is not defined +2025-03-10 15:30:15,046 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,047 - ERROR - Error in episode 8395: name 'args' is not defined +2025-03-10 15:30:15,050 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,050 - ERROR - Error in episode 8396: name 'args' is not defined +2025-03-10 15:30:15,053 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,053 - ERROR - Error in episode 8397: name 'args' is not defined +2025-03-10 15:30:15,056 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,056 - ERROR - Error in episode 8398: name 'args' is not defined +2025-03-10 15:30:15,059 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,059 - ERROR - Error in episode 8399: name 'args' is not defined +2025-03-10 15:30:15,062 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,063 - ERROR - Error in episode 8400: name 'args' is not defined +2025-03-10 15:30:15,066 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,066 - ERROR - Error in episode 8401: name 'args' is not defined +2025-03-10 15:30:15,069 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,070 - ERROR - Error in episode 8402: name 'args' is not defined +2025-03-10 15:30:15,073 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,074 - ERROR - Error in episode 8403: name 'args' is not defined +2025-03-10 15:30:15,076 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,078 - ERROR - Error in episode 8404: name 'args' is not defined +2025-03-10 15:30:15,081 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,082 - ERROR - Error in episode 8405: name 'args' is not defined +2025-03-10 15:30:15,084 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,085 - ERROR - Error in episode 8406: name 'args' is not defined +2025-03-10 15:30:15,088 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,089 - ERROR - Error in episode 8407: name 'args' is not defined +2025-03-10 15:30:15,092 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,093 - ERROR - Error in episode 8408: name 'args' is not defined +2025-03-10 15:30:15,096 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,097 - ERROR - Error in episode 8409: name 'args' is not defined +2025-03-10 15:30:15,101 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,101 - ERROR - Error in episode 8410: name 'args' is not defined +2025-03-10 15:30:15,105 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,106 - ERROR - Error in episode 8411: name 'args' is not defined +2025-03-10 15:30:15,110 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,111 - ERROR - Error in episode 8412: name 'args' is not defined +2025-03-10 15:30:15,115 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,116 - ERROR - Error in episode 8413: name 'args' is not defined +2025-03-10 15:30:15,118 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,119 - ERROR - Error in episode 8414: name 'args' is not defined +2025-03-10 15:30:15,123 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,123 - ERROR - Error in episode 8415: name 'args' is not defined +2025-03-10 15:30:15,127 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,128 - ERROR - Error in episode 8416: name 'args' is not defined +2025-03-10 15:30:15,130 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,131 - ERROR - Error in episode 8417: name 'args' is not defined +2025-03-10 15:30:15,134 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,135 - ERROR - Error in episode 8418: name 'args' is not defined +2025-03-10 15:30:15,139 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,139 - ERROR - Error in episode 8419: name 'args' is not defined +2025-03-10 15:30:15,143 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,143 - ERROR - Error in episode 8420: name 'args' is not defined +2025-03-10 15:30:15,146 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,147 - ERROR - Error in episode 8421: name 'args' is not defined +2025-03-10 15:30:15,150 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,150 - ERROR - Error in episode 8422: name 'args' is not defined +2025-03-10 15:30:15,153 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,154 - ERROR - Error in episode 8423: name 'args' is not defined +2025-03-10 15:30:15,157 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,158 - ERROR - Error in episode 8424: name 'args' is not defined +2025-03-10 15:30:15,161 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,161 - ERROR - Error in episode 8425: name 'args' is not defined +2025-03-10 15:30:15,165 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,166 - ERROR - Error in episode 8426: name 'args' is not defined +2025-03-10 15:30:15,169 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,170 - ERROR - Error in episode 8427: name 'args' is not defined +2025-03-10 15:30:15,174 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,174 - ERROR - Error in episode 8428: name 'args' is not defined +2025-03-10 15:30:15,177 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,177 - ERROR - Error in episode 8429: name 'args' is not defined +2025-03-10 15:30:15,180 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,181 - ERROR - Error in episode 8430: name 'args' is not defined +2025-03-10 15:30:15,184 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,185 - ERROR - Error in episode 8431: name 'args' is not defined +2025-03-10 15:30:15,188 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,189 - ERROR - Error in episode 8432: name 'args' is not defined +2025-03-10 15:30:15,191 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,192 - ERROR - Error in episode 8433: name 'args' is not defined +2025-03-10 15:30:15,195 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,196 - ERROR - Error in episode 8434: name 'args' is not defined +2025-03-10 15:30:15,199 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,200 - ERROR - Error in episode 8435: name 'args' is not defined +2025-03-10 15:30:15,203 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,203 - ERROR - Error in episode 8436: name 'args' is not defined +2025-03-10 15:30:15,206 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,206 - ERROR - Error in episode 8437: name 'args' is not defined +2025-03-10 15:30:15,210 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,210 - ERROR - Error in episode 8438: name 'args' is not defined +2025-03-10 15:30:15,212 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,213 - ERROR - Error in episode 8439: name 'args' is not defined +2025-03-10 15:30:15,217 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,217 - ERROR - Error in episode 8440: name 'args' is not defined +2025-03-10 15:30:15,220 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,222 - ERROR - Error in episode 8441: name 'args' is not defined +2025-03-10 15:30:15,225 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,225 - ERROR - Error in episode 8442: name 'args' is not defined +2025-03-10 15:30:15,228 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,228 - ERROR - Error in episode 8443: name 'args' is not defined +2025-03-10 15:30:15,232 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,232 - ERROR - Error in episode 8444: name 'args' is not defined +2025-03-10 15:30:15,235 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,235 - ERROR - Error in episode 8445: name 'args' is not defined +2025-03-10 15:30:15,239 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,239 - ERROR - Error in episode 8446: name 'args' is not defined +2025-03-10 15:30:15,241 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,242 - ERROR - Error in episode 8447: name 'args' is not defined +2025-03-10 15:30:15,244 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,244 - ERROR - Error in episode 8448: name 'args' is not defined +2025-03-10 15:30:15,247 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,248 - ERROR - Error in episode 8449: name 'args' is not defined +2025-03-10 15:30:15,250 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,251 - ERROR - Error in episode 8450: name 'args' is not defined +2025-03-10 15:30:15,253 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,254 - ERROR - Error in episode 8451: name 'args' is not defined +2025-03-10 15:30:15,257 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,257 - ERROR - Error in episode 8452: name 'args' is not defined +2025-03-10 15:30:15,259 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,259 - ERROR - Error in episode 8453: name 'args' is not defined +2025-03-10 15:30:15,262 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,262 - ERROR - Error in episode 8454: name 'args' is not defined +2025-03-10 15:30:15,264 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,265 - ERROR - Error in episode 8455: name 'args' is not defined +2025-03-10 15:30:15,267 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,267 - ERROR - Error in episode 8456: name 'args' is not defined +2025-03-10 15:30:15,271 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,271 - ERROR - Error in episode 8457: name 'args' is not defined +2025-03-10 15:30:15,274 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,275 - ERROR - Error in episode 8458: name 'args' is not defined +2025-03-10 15:30:15,277 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,278 - ERROR - Error in episode 8459: name 'args' is not defined +2025-03-10 15:30:15,280 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,281 - ERROR - Error in episode 8460: name 'args' is not defined +2025-03-10 15:30:15,283 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,283 - ERROR - Error in episode 8461: name 'args' is not defined +2025-03-10 15:30:15,286 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,286 - ERROR - Error in episode 8462: name 'args' is not defined +2025-03-10 15:30:15,290 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,290 - ERROR - Error in episode 8463: name 'args' is not defined +2025-03-10 15:30:15,293 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,293 - ERROR - Error in episode 8464: name 'args' is not defined +2025-03-10 15:30:15,296 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,296 - ERROR - Error in episode 8465: name 'args' is not defined +2025-03-10 15:30:15,299 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,299 - ERROR - Error in episode 8466: name 'args' is not defined +2025-03-10 15:30:15,302 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,302 - ERROR - Error in episode 8467: name 'args' is not defined +2025-03-10 15:30:15,305 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,305 - ERROR - Error in episode 8468: name 'args' is not defined +2025-03-10 15:30:15,308 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,308 - ERROR - Error in episode 8469: name 'args' is not defined +2025-03-10 15:30:15,311 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,311 - ERROR - Error in episode 8470: name 'args' is not defined +2025-03-10 15:30:15,314 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,314 - ERROR - Error in episode 8471: name 'args' is not defined +2025-03-10 15:30:15,318 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,318 - ERROR - Error in episode 8472: name 'args' is not defined +2025-03-10 15:30:15,320 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,321 - ERROR - Error in episode 8473: name 'args' is not defined +2025-03-10 15:30:15,323 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,323 - ERROR - Error in episode 8474: name 'args' is not defined +2025-03-10 15:30:15,326 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,326 - ERROR - Error in episode 8475: name 'args' is not defined +2025-03-10 15:30:15,329 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,329 - ERROR - Error in episode 8476: name 'args' is not defined +2025-03-10 15:30:15,331 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,332 - ERROR - Error in episode 8477: name 'args' is not defined +2025-03-10 15:30:15,334 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,335 - ERROR - Error in episode 8478: name 'args' is not defined +2025-03-10 15:30:15,338 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,338 - ERROR - Error in episode 8479: name 'args' is not defined +2025-03-10 15:30:15,341 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,341 - ERROR - Error in episode 8480: name 'args' is not defined +2025-03-10 15:30:15,344 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,344 - ERROR - Error in episode 8481: name 'args' is not defined +2025-03-10 15:30:15,346 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,347 - ERROR - Error in episode 8482: name 'args' is not defined +2025-03-10 15:30:15,349 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,349 - ERROR - Error in episode 8483: name 'args' is not defined +2025-03-10 15:30:15,353 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,353 - ERROR - Error in episode 8484: name 'args' is not defined +2025-03-10 15:30:15,356 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,357 - ERROR - Error in episode 8485: name 'args' is not defined +2025-03-10 15:30:15,360 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,360 - ERROR - Error in episode 8486: name 'args' is not defined +2025-03-10 15:30:15,363 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,364 - ERROR - Error in episode 8487: name 'args' is not defined +2025-03-10 15:30:15,366 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,366 - ERROR - Error in episode 8488: name 'args' is not defined +2025-03-10 15:30:15,369 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,369 - ERROR - Error in episode 8489: name 'args' is not defined +2025-03-10 15:30:15,372 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,372 - ERROR - Error in episode 8490: name 'args' is not defined +2025-03-10 15:30:15,375 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,376 - ERROR - Error in episode 8491: name 'args' is not defined +2025-03-10 15:30:15,378 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,379 - ERROR - Error in episode 8492: name 'args' is not defined +2025-03-10 15:30:15,381 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,381 - ERROR - Error in episode 8493: name 'args' is not defined +2025-03-10 15:30:15,384 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,385 - ERROR - Error in episode 8494: name 'args' is not defined +2025-03-10 15:30:15,387 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,387 - ERROR - Error in episode 8495: name 'args' is not defined +2025-03-10 15:30:15,391 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,391 - ERROR - Error in episode 8496: name 'args' is not defined +2025-03-10 15:30:15,393 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,394 - ERROR - Error in episode 8497: name 'args' is not defined +2025-03-10 15:30:15,396 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,397 - ERROR - Error in episode 8498: name 'args' is not defined +2025-03-10 15:30:15,400 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,400 - ERROR - Error in episode 8499: name 'args' is not defined +2025-03-10 15:30:15,403 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,403 - ERROR - Error in episode 8500: name 'args' is not defined +2025-03-10 15:30:15,407 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,408 - ERROR - Error in episode 8501: name 'args' is not defined +2025-03-10 15:30:15,411 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,411 - ERROR - Error in episode 8502: name 'args' is not defined +2025-03-10 15:30:15,414 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,414 - ERROR - Error in episode 8503: name 'args' is not defined +2025-03-10 15:30:15,417 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,417 - ERROR - Error in episode 8504: name 'args' is not defined +2025-03-10 15:30:15,420 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,420 - ERROR - Error in episode 8505: name 'args' is not defined +2025-03-10 15:30:15,423 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,424 - ERROR - Error in episode 8506: name 'args' is not defined +2025-03-10 15:30:15,426 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,426 - ERROR - Error in episode 8507: name 'args' is not defined +2025-03-10 15:30:15,429 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,429 - ERROR - Error in episode 8508: name 'args' is not defined +2025-03-10 15:30:15,433 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,433 - ERROR - Error in episode 8509: name 'args' is not defined +2025-03-10 15:30:15,437 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,437 - ERROR - Error in episode 8510: name 'args' is not defined +2025-03-10 15:30:15,439 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,440 - ERROR - Error in episode 8511: name 'args' is not defined +2025-03-10 15:30:15,442 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,442 - ERROR - Error in episode 8512: name 'args' is not defined +2025-03-10 15:30:15,445 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,445 - ERROR - Error in episode 8513: name 'args' is not defined +2025-03-10 15:30:15,448 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,448 - ERROR - Error in episode 8514: name 'args' is not defined +2025-03-10 15:30:15,452 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,452 - ERROR - Error in episode 8515: name 'args' is not defined +2025-03-10 15:30:15,454 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,455 - ERROR - Error in episode 8516: name 'args' is not defined +2025-03-10 15:30:15,457 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,458 - ERROR - Error in episode 8517: name 'args' is not defined +2025-03-10 15:30:15,460 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,460 - ERROR - Error in episode 8518: name 'args' is not defined +2025-03-10 15:30:15,462 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,463 - ERROR - Error in episode 8519: name 'args' is not defined +2025-03-10 15:30:15,466 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,466 - ERROR - Error in episode 8520: name 'args' is not defined +2025-03-10 15:30:15,469 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,470 - ERROR - Error in episode 8521: name 'args' is not defined +2025-03-10 15:30:15,473 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,473 - ERROR - Error in episode 8522: name 'args' is not defined +2025-03-10 15:30:15,476 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,476 - ERROR - Error in episode 8523: name 'args' is not defined +2025-03-10 15:30:15,478 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,479 - ERROR - Error in episode 8524: name 'args' is not defined +2025-03-10 15:30:15,481 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,481 - ERROR - Error in episode 8525: name 'args' is not defined +2025-03-10 15:30:15,484 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,484 - ERROR - Error in episode 8526: name 'args' is not defined +2025-03-10 15:30:15,487 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,488 - ERROR - Error in episode 8527: name 'args' is not defined +2025-03-10 15:30:15,490 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,490 - ERROR - Error in episode 8528: name 'args' is not defined +2025-03-10 15:30:15,493 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,493 - ERROR - Error in episode 8529: name 'args' is not defined +2025-03-10 15:30:15,496 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,496 - ERROR - Error in episode 8530: name 'args' is not defined +2025-03-10 15:30:15,499 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,499 - ERROR - Error in episode 8531: name 'args' is not defined +2025-03-10 15:30:15,502 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,502 - ERROR - Error in episode 8532: name 'args' is not defined +2025-03-10 15:30:15,505 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,506 - ERROR - Error in episode 8533: name 'args' is not defined +2025-03-10 15:30:15,508 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,509 - ERROR - Error in episode 8534: name 'args' is not defined +2025-03-10 15:30:15,512 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,512 - ERROR - Error in episode 8535: name 'args' is not defined +2025-03-10 15:30:15,515 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,515 - ERROR - Error in episode 8536: name 'args' is not defined +2025-03-10 15:30:15,518 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,518 - ERROR - Error in episode 8537: name 'args' is not defined +2025-03-10 15:30:15,520 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,520 - ERROR - Error in episode 8538: name 'args' is not defined +2025-03-10 15:30:15,523 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,523 - ERROR - Error in episode 8539: name 'args' is not defined +2025-03-10 15:30:15,526 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,526 - ERROR - Error in episode 8540: name 'args' is not defined +2025-03-10 15:30:15,528 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,529 - ERROR - Error in episode 8541: name 'args' is not defined +2025-03-10 15:30:15,531 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,531 - ERROR - Error in episode 8542: name 'args' is not defined +2025-03-10 15:30:15,534 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,535 - ERROR - Error in episode 8543: name 'args' is not defined +2025-03-10 15:30:15,537 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,538 - ERROR - Error in episode 8544: name 'args' is not defined +2025-03-10 15:30:15,540 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,540 - ERROR - Error in episode 8545: name 'args' is not defined +2025-03-10 15:30:15,544 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,544 - ERROR - Error in episode 8546: name 'args' is not defined +2025-03-10 15:30:15,547 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,547 - ERROR - Error in episode 8547: name 'args' is not defined +2025-03-10 15:30:15,551 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,551 - ERROR - Error in episode 8548: name 'args' is not defined +2025-03-10 15:30:15,554 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,554 - ERROR - Error in episode 8549: name 'args' is not defined +2025-03-10 15:30:15,557 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,557 - ERROR - Error in episode 8550: name 'args' is not defined +2025-03-10 15:30:15,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,560 - ERROR - Error in episode 8551: name 'args' is not defined +2025-03-10 15:30:15,562 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,562 - ERROR - Error in episode 8552: name 'args' is not defined +2025-03-10 15:30:15,565 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,565 - ERROR - Error in episode 8553: name 'args' is not defined +2025-03-10 15:30:15,568 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,569 - ERROR - Error in episode 8554: name 'args' is not defined +2025-03-10 15:30:15,571 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,572 - ERROR - Error in episode 8555: name 'args' is not defined +2025-03-10 15:30:15,574 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,575 - ERROR - Error in episode 8556: name 'args' is not defined +2025-03-10 15:30:15,577 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,578 - ERROR - Error in episode 8557: name 'args' is not defined +2025-03-10 15:30:15,580 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,581 - ERROR - Error in episode 8558: name 'args' is not defined +2025-03-10 15:30:15,583 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,584 - ERROR - Error in episode 8559: name 'args' is not defined +2025-03-10 15:30:15,586 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,586 - ERROR - Error in episode 8560: name 'args' is not defined +2025-03-10 15:30:15,589 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,590 - ERROR - Error in episode 8561: name 'args' is not defined +2025-03-10 15:30:15,592 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,593 - ERROR - Error in episode 8562: name 'args' is not defined +2025-03-10 15:30:15,595 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,595 - ERROR - Error in episode 8563: name 'args' is not defined +2025-03-10 15:30:15,598 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,599 - ERROR - Error in episode 8564: name 'args' is not defined +2025-03-10 15:30:15,602 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,602 - ERROR - Error in episode 8565: name 'args' is not defined +2025-03-10 15:30:15,604 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,605 - ERROR - Error in episode 8566: name 'args' is not defined +2025-03-10 15:30:15,607 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,607 - ERROR - Error in episode 8567: name 'args' is not defined +2025-03-10 15:30:15,610 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,611 - ERROR - Error in episode 8568: name 'args' is not defined +2025-03-10 15:30:15,613 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,614 - ERROR - Error in episode 8569: name 'args' is not defined +2025-03-10 15:30:15,616 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,616 - ERROR - Error in episode 8570: name 'args' is not defined +2025-03-10 15:30:15,619 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,619 - ERROR - Error in episode 8571: name 'args' is not defined +2025-03-10 15:30:15,622 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,622 - ERROR - Error in episode 8572: name 'args' is not defined +2025-03-10 15:30:15,625 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,625 - ERROR - Error in episode 8573: name 'args' is not defined +2025-03-10 15:30:15,628 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,629 - ERROR - Error in episode 8574: name 'args' is not defined +2025-03-10 15:30:15,631 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,632 - ERROR - Error in episode 8575: name 'args' is not defined +2025-03-10 15:30:15,634 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,634 - ERROR - Error in episode 8576: name 'args' is not defined +2025-03-10 15:30:15,636 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,636 - ERROR - Error in episode 8577: name 'args' is not defined +2025-03-10 15:30:15,639 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,640 - ERROR - Error in episode 8578: name 'args' is not defined +2025-03-10 15:30:15,642 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,642 - ERROR - Error in episode 8579: name 'args' is not defined +2025-03-10 15:30:15,645 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,646 - ERROR - Error in episode 8580: name 'args' is not defined +2025-03-10 15:30:15,649 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,649 - ERROR - Error in episode 8581: name 'args' is not defined +2025-03-10 15:30:15,651 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,652 - ERROR - Error in episode 8582: name 'args' is not defined +2025-03-10 15:30:15,654 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,654 - ERROR - Error in episode 8583: name 'args' is not defined +2025-03-10 15:30:15,657 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,657 - ERROR - Error in episode 8584: name 'args' is not defined +2025-03-10 15:30:15,660 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,661 - ERROR - Error in episode 8585: name 'args' is not defined +2025-03-10 15:30:15,664 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,665 - ERROR - Error in episode 8586: name 'args' is not defined +2025-03-10 15:30:15,667 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,668 - ERROR - Error in episode 8587: name 'args' is not defined +2025-03-10 15:30:15,670 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,670 - ERROR - Error in episode 8588: name 'args' is not defined +2025-03-10 15:30:15,673 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,674 - ERROR - Error in episode 8589: name 'args' is not defined +2025-03-10 15:30:15,676 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,677 - ERROR - Error in episode 8590: name 'args' is not defined +2025-03-10 15:30:15,680 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,680 - ERROR - Error in episode 8591: name 'args' is not defined +2025-03-10 15:30:15,683 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,683 - ERROR - Error in episode 8592: name 'args' is not defined +2025-03-10 15:30:15,686 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,686 - ERROR - Error in episode 8593: name 'args' is not defined +2025-03-10 15:30:15,689 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,689 - ERROR - Error in episode 8594: name 'args' is not defined +2025-03-10 15:30:15,692 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,692 - ERROR - Error in episode 8595: name 'args' is not defined +2025-03-10 15:30:15,694 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,695 - ERROR - Error in episode 8596: name 'args' is not defined +2025-03-10 15:30:15,698 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,698 - ERROR - Error in episode 8597: name 'args' is not defined +2025-03-10 15:30:15,700 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,700 - ERROR - Error in episode 8598: name 'args' is not defined +2025-03-10 15:30:15,703 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,703 - ERROR - Error in episode 8599: name 'args' is not defined +2025-03-10 15:30:15,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,707 - ERROR - Error in episode 8600: name 'args' is not defined +2025-03-10 15:30:15,710 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,710 - ERROR - Error in episode 8601: name 'args' is not defined +2025-03-10 15:30:15,712 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,713 - ERROR - Error in episode 8602: name 'args' is not defined +2025-03-10 15:30:15,715 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,716 - ERROR - Error in episode 8603: name 'args' is not defined +2025-03-10 15:30:15,718 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,718 - ERROR - Error in episode 8604: name 'args' is not defined +2025-03-10 15:30:15,721 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,721 - ERROR - Error in episode 8605: name 'args' is not defined +2025-03-10 15:30:15,724 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,724 - ERROR - Error in episode 8606: name 'args' is not defined +2025-03-10 15:30:15,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,727 - ERROR - Error in episode 8607: name 'args' is not defined +2025-03-10 15:30:15,729 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,730 - ERROR - Error in episode 8608: name 'args' is not defined +2025-03-10 15:30:15,732 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,733 - ERROR - Error in episode 8609: name 'args' is not defined +2025-03-10 15:30:15,735 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,735 - ERROR - Error in episode 8610: name 'args' is not defined +2025-03-10 15:30:15,739 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,739 - ERROR - Error in episode 8611: name 'args' is not defined +2025-03-10 15:30:15,742 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,742 - ERROR - Error in episode 8612: name 'args' is not defined +2025-03-10 15:30:15,745 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,745 - ERROR - Error in episode 8613: name 'args' is not defined +2025-03-10 15:30:15,748 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,748 - ERROR - Error in episode 8614: name 'args' is not defined +2025-03-10 15:30:15,751 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,751 - ERROR - Error in episode 8615: name 'args' is not defined +2025-03-10 15:30:15,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,754 - ERROR - Error in episode 8616: name 'args' is not defined +2025-03-10 15:30:15,756 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,756 - ERROR - Error in episode 8617: name 'args' is not defined +2025-03-10 15:30:15,759 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,759 - ERROR - Error in episode 8618: name 'args' is not defined +2025-03-10 15:30:15,762 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,762 - ERROR - Error in episode 8619: name 'args' is not defined +2025-03-10 15:30:15,765 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,765 - ERROR - Error in episode 8620: name 'args' is not defined +2025-03-10 15:30:15,768 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,768 - ERROR - Error in episode 8621: name 'args' is not defined +2025-03-10 15:30:15,771 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,771 - ERROR - Error in episode 8622: name 'args' is not defined +2025-03-10 15:30:15,773 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,774 - ERROR - Error in episode 8623: name 'args' is not defined +2025-03-10 15:30:15,777 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,777 - ERROR - Error in episode 8624: name 'args' is not defined +2025-03-10 15:30:15,780 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,780 - ERROR - Error in episode 8625: name 'args' is not defined +2025-03-10 15:30:15,783 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,783 - ERROR - Error in episode 8626: name 'args' is not defined +2025-03-10 15:30:15,786 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,786 - ERROR - Error in episode 8627: name 'args' is not defined +2025-03-10 15:30:15,790 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,790 - ERROR - Error in episode 8628: name 'args' is not defined +2025-03-10 15:30:15,792 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,792 - ERROR - Error in episode 8629: name 'args' is not defined +2025-03-10 15:30:15,795 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,796 - ERROR - Error in episode 8630: name 'args' is not defined +2025-03-10 15:30:15,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,798 - ERROR - Error in episode 8631: name 'args' is not defined +2025-03-10 15:30:15,801 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,801 - ERROR - Error in episode 8632: name 'args' is not defined +2025-03-10 15:30:15,804 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,804 - ERROR - Error in episode 8633: name 'args' is not defined +2025-03-10 15:30:15,807 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,807 - ERROR - Error in episode 8634: name 'args' is not defined +2025-03-10 15:30:15,810 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,810 - ERROR - Error in episode 8635: name 'args' is not defined +2025-03-10 15:30:15,813 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,813 - ERROR - Error in episode 8636: name 'args' is not defined +2025-03-10 15:30:15,817 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,817 - ERROR - Error in episode 8637: name 'args' is not defined +2025-03-10 15:30:15,820 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,820 - ERROR - Error in episode 8638: name 'args' is not defined +2025-03-10 15:30:15,823 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,823 - ERROR - Error in episode 8639: name 'args' is not defined +2025-03-10 15:30:15,826 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,826 - ERROR - Error in episode 8640: name 'args' is not defined +2025-03-10 15:30:15,829 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,830 - ERROR - Error in episode 8641: name 'args' is not defined +2025-03-10 15:30:15,832 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,832 - ERROR - Error in episode 8642: name 'args' is not defined +2025-03-10 15:30:15,835 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,836 - ERROR - Error in episode 8643: name 'args' is not defined +2025-03-10 15:30:15,838 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,838 - ERROR - Error in episode 8644: name 'args' is not defined +2025-03-10 15:30:15,841 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,841 - ERROR - Error in episode 8645: name 'args' is not defined +2025-03-10 15:30:15,844 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,845 - ERROR - Error in episode 8646: name 'args' is not defined +2025-03-10 15:30:15,847 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,847 - ERROR - Error in episode 8647: name 'args' is not defined +2025-03-10 15:30:15,850 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,850 - ERROR - Error in episode 8648: name 'args' is not defined +2025-03-10 15:30:15,853 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,854 - ERROR - Error in episode 8649: name 'args' is not defined +2025-03-10 15:30:15,856 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,856 - ERROR - Error in episode 8650: name 'args' is not defined +2025-03-10 15:30:15,860 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,860 - ERROR - Error in episode 8651: name 'args' is not defined +2025-03-10 15:30:15,862 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,862 - ERROR - Error in episode 8652: name 'args' is not defined +2025-03-10 15:30:15,866 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,866 - ERROR - Error in episode 8653: name 'args' is not defined +2025-03-10 15:30:15,868 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,869 - ERROR - Error in episode 8654: name 'args' is not defined +2025-03-10 15:30:15,872 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,872 - ERROR - Error in episode 8655: name 'args' is not defined +2025-03-10 15:30:15,874 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,875 - ERROR - Error in episode 8656: name 'args' is not defined +2025-03-10 15:30:15,878 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,878 - ERROR - Error in episode 8657: name 'args' is not defined +2025-03-10 15:30:15,881 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,882 - ERROR - Error in episode 8658: name 'args' is not defined +2025-03-10 15:30:15,884 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,885 - ERROR - Error in episode 8659: name 'args' is not defined +2025-03-10 15:30:15,887 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,887 - ERROR - Error in episode 8660: name 'args' is not defined +2025-03-10 15:30:15,890 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,890 - ERROR - Error in episode 8661: name 'args' is not defined +2025-03-10 15:30:15,893 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,893 - ERROR - Error in episode 8662: name 'args' is not defined +2025-03-10 15:30:15,895 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,896 - ERROR - Error in episode 8663: name 'args' is not defined +2025-03-10 15:30:15,899 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,899 - ERROR - Error in episode 8664: name 'args' is not defined +2025-03-10 15:30:15,902 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,903 - ERROR - Error in episode 8665: name 'args' is not defined +2025-03-10 15:30:15,905 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,906 - ERROR - Error in episode 8666: name 'args' is not defined +2025-03-10 15:30:15,908 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,908 - ERROR - Error in episode 8667: name 'args' is not defined +2025-03-10 15:30:15,911 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,912 - ERROR - Error in episode 8668: name 'args' is not defined +2025-03-10 15:30:15,914 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,914 - ERROR - Error in episode 8669: name 'args' is not defined +2025-03-10 15:30:15,917 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,917 - ERROR - Error in episode 8670: name 'args' is not defined +2025-03-10 15:30:15,920 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,920 - ERROR - Error in episode 8671: name 'args' is not defined +2025-03-10 15:30:15,922 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,922 - ERROR - Error in episode 8672: name 'args' is not defined +2025-03-10 15:30:15,926 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,926 - ERROR - Error in episode 8673: name 'args' is not defined +2025-03-10 15:30:15,929 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,929 - ERROR - Error in episode 8674: name 'args' is not defined +2025-03-10 15:30:15,932 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,932 - ERROR - Error in episode 8675: name 'args' is not defined +2025-03-10 15:30:15,935 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,935 - ERROR - Error in episode 8676: name 'args' is not defined +2025-03-10 15:30:15,938 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,938 - ERROR - Error in episode 8677: name 'args' is not defined +2025-03-10 15:30:15,940 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,941 - ERROR - Error in episode 8678: name 'args' is not defined +2025-03-10 15:30:15,944 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,945 - ERROR - Error in episode 8679: name 'args' is not defined +2025-03-10 15:30:15,947 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,947 - ERROR - Error in episode 8680: name 'args' is not defined +2025-03-10 15:30:15,949 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,950 - ERROR - Error in episode 8681: name 'args' is not defined +2025-03-10 15:30:15,952 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,953 - ERROR - Error in episode 8682: name 'args' is not defined +2025-03-10 15:30:15,956 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,956 - ERROR - Error in episode 8683: name 'args' is not defined +2025-03-10 15:30:15,958 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,959 - ERROR - Error in episode 8684: name 'args' is not defined +2025-03-10 15:30:15,962 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,962 - ERROR - Error in episode 8685: name 'args' is not defined +2025-03-10 15:30:15,965 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,966 - ERROR - Error in episode 8686: name 'args' is not defined +2025-03-10 15:30:15,968 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,968 - ERROR - Error in episode 8687: name 'args' is not defined +2025-03-10 15:30:15,971 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,971 - ERROR - Error in episode 8688: name 'args' is not defined +2025-03-10 15:30:15,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,974 - ERROR - Error in episode 8689: name 'args' is not defined +2025-03-10 15:30:15,977 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,977 - ERROR - Error in episode 8690: name 'args' is not defined +2025-03-10 15:30:15,980 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,980 - ERROR - Error in episode 8691: name 'args' is not defined +2025-03-10 15:30:15,983 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,983 - ERROR - Error in episode 8692: name 'args' is not defined +2025-03-10 15:30:15,985 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,986 - ERROR - Error in episode 8693: name 'args' is not defined +2025-03-10 15:30:15,988 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,989 - ERROR - Error in episode 8694: name 'args' is not defined +2025-03-10 15:30:15,992 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,992 - ERROR - Error in episode 8695: name 'args' is not defined +2025-03-10 15:30:15,995 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,995 - ERROR - Error in episode 8696: name 'args' is not defined +2025-03-10 15:30:15,998 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:15,998 - ERROR - Error in episode 8697: name 'args' is not defined +2025-03-10 15:30:16,000 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,001 - ERROR - Error in episode 8698: name 'args' is not defined +2025-03-10 15:30:16,003 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,003 - ERROR - Error in episode 8699: name 'args' is not defined +2025-03-10 15:30:16,006 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,007 - ERROR - Error in episode 8700: name 'args' is not defined +2025-03-10 15:30:16,010 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,010 - ERROR - Error in episode 8701: name 'args' is not defined +2025-03-10 15:30:16,012 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,013 - ERROR - Error in episode 8702: name 'args' is not defined +2025-03-10 15:30:16,016 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,016 - ERROR - Error in episode 8703: name 'args' is not defined +2025-03-10 15:30:16,019 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,019 - ERROR - Error in episode 8704: name 'args' is not defined +2025-03-10 15:30:16,021 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,022 - ERROR - Error in episode 8705: name 'args' is not defined +2025-03-10 15:30:16,024 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,025 - ERROR - Error in episode 8706: name 'args' is not defined +2025-03-10 15:30:16,027 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,027 - ERROR - Error in episode 8707: name 'args' is not defined +2025-03-10 15:30:16,030 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,030 - ERROR - Error in episode 8708: name 'args' is not defined +2025-03-10 15:30:16,033 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,033 - ERROR - Error in episode 8709: name 'args' is not defined +2025-03-10 15:30:16,036 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,036 - ERROR - Error in episode 8710: name 'args' is not defined +2025-03-10 15:30:16,039 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,040 - ERROR - Error in episode 8711: name 'args' is not defined +2025-03-10 15:30:16,042 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,042 - ERROR - Error in episode 8712: name 'args' is not defined +2025-03-10 15:30:16,044 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,045 - ERROR - Error in episode 8713: name 'args' is not defined +2025-03-10 15:30:16,047 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,049 - ERROR - Error in episode 8714: name 'args' is not defined +2025-03-10 15:30:16,051 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,051 - ERROR - Error in episode 8715: name 'args' is not defined +2025-03-10 15:30:16,053 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,054 - ERROR - Error in episode 8716: name 'args' is not defined +2025-03-10 15:30:16,056 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,058 - ERROR - Error in episode 8717: name 'args' is not defined +2025-03-10 15:30:16,061 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,061 - ERROR - Error in episode 8718: name 'args' is not defined +2025-03-10 15:30:16,064 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,064 - ERROR - Error in episode 8719: name 'args' is not defined +2025-03-10 15:30:16,066 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,067 - ERROR - Error in episode 8720: name 'args' is not defined +2025-03-10 15:30:16,069 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,069 - ERROR - Error in episode 8721: name 'args' is not defined +2025-03-10 15:30:16,072 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,072 - ERROR - Error in episode 8722: name 'args' is not defined +2025-03-10 15:30:16,075 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,075 - ERROR - Error in episode 8723: name 'args' is not defined +2025-03-10 15:30:16,077 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,078 - ERROR - Error in episode 8724: name 'args' is not defined +2025-03-10 15:30:16,080 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,081 - ERROR - Error in episode 8725: name 'args' is not defined +2025-03-10 15:30:16,083 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,083 - ERROR - Error in episode 8726: name 'args' is not defined +2025-03-10 15:30:16,086 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,086 - ERROR - Error in episode 8727: name 'args' is not defined +2025-03-10 15:30:16,090 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,090 - ERROR - Error in episode 8728: name 'args' is not defined +2025-03-10 15:30:16,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,094 - ERROR - Error in episode 8729: name 'args' is not defined +2025-03-10 15:30:16,096 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,097 - ERROR - Error in episode 8730: name 'args' is not defined +2025-03-10 15:30:16,100 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,100 - ERROR - Error in episode 8731: name 'args' is not defined +2025-03-10 15:30:16,103 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,103 - ERROR - Error in episode 8732: name 'args' is not defined +2025-03-10 15:30:16,106 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,106 - ERROR - Error in episode 8733: name 'args' is not defined +2025-03-10 15:30:16,109 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,109 - ERROR - Error in episode 8734: name 'args' is not defined +2025-03-10 15:30:16,112 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,113 - ERROR - Error in episode 8735: name 'args' is not defined +2025-03-10 15:30:16,116 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,116 - ERROR - Error in episode 8736: name 'args' is not defined +2025-03-10 15:30:16,119 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,119 - ERROR - Error in episode 8737: name 'args' is not defined +2025-03-10 15:30:16,121 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,122 - ERROR - Error in episode 8738: name 'args' is not defined +2025-03-10 15:30:16,124 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,125 - ERROR - Error in episode 8739: name 'args' is not defined +2025-03-10 15:30:16,128 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,128 - ERROR - Error in episode 8740: name 'args' is not defined +2025-03-10 15:30:16,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,131 - ERROR - Error in episode 8741: name 'args' is not defined +2025-03-10 15:30:16,133 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,134 - ERROR - Error in episode 8742: name 'args' is not defined +2025-03-10 15:30:16,136 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,137 - ERROR - Error in episode 8743: name 'args' is not defined +2025-03-10 15:30:16,140 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,140 - ERROR - Error in episode 8744: name 'args' is not defined +2025-03-10 15:30:16,143 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,143 - ERROR - Error in episode 8745: name 'args' is not defined +2025-03-10 15:30:16,146 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,146 - ERROR - Error in episode 8746: name 'args' is not defined +2025-03-10 15:30:16,149 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,149 - ERROR - Error in episode 8747: name 'args' is not defined +2025-03-10 15:30:16,151 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,152 - ERROR - Error in episode 8748: name 'args' is not defined +2025-03-10 15:30:16,154 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,155 - ERROR - Error in episode 8749: name 'args' is not defined +2025-03-10 15:30:16,158 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,158 - ERROR - Error in episode 8750: name 'args' is not defined +2025-03-10 15:30:16,160 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,161 - ERROR - Error in episode 8751: name 'args' is not defined +2025-03-10 15:30:16,163 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,164 - ERROR - Error in episode 8752: name 'args' is not defined +2025-03-10 15:30:16,166 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,167 - ERROR - Error in episode 8753: name 'args' is not defined +2025-03-10 15:30:16,170 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,171 - ERROR - Error in episode 8754: name 'args' is not defined +2025-03-10 15:30:16,173 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,174 - ERROR - Error in episode 8755: name 'args' is not defined +2025-03-10 15:30:16,176 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,177 - ERROR - Error in episode 8756: name 'args' is not defined +2025-03-10 15:30:16,180 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,180 - ERROR - Error in episode 8757: name 'args' is not defined +2025-03-10 15:30:16,184 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,184 - ERROR - Error in episode 8758: name 'args' is not defined +2025-03-10 15:30:16,187 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,187 - ERROR - Error in episode 8759: name 'args' is not defined +2025-03-10 15:30:16,190 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,190 - ERROR - Error in episode 8760: name 'args' is not defined +2025-03-10 15:30:16,193 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,193 - ERROR - Error in episode 8761: name 'args' is not defined +2025-03-10 15:30:16,196 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,196 - ERROR - Error in episode 8762: name 'args' is not defined +2025-03-10 15:30:16,199 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,199 - ERROR - Error in episode 8763: name 'args' is not defined +2025-03-10 15:30:16,202 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,202 - ERROR - Error in episode 8764: name 'args' is not defined +2025-03-10 15:30:16,205 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,205 - ERROR - Error in episode 8765: name 'args' is not defined +2025-03-10 15:30:16,208 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,209 - ERROR - Error in episode 8766: name 'args' is not defined +2025-03-10 15:30:16,211 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,212 - ERROR - Error in episode 8767: name 'args' is not defined +2025-03-10 15:30:16,215 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,215 - ERROR - Error in episode 8768: name 'args' is not defined +2025-03-10 15:30:16,218 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,218 - ERROR - Error in episode 8769: name 'args' is not defined +2025-03-10 15:30:16,221 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,222 - ERROR - Error in episode 8770: name 'args' is not defined +2025-03-10 15:30:16,225 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,225 - ERROR - Error in episode 8771: name 'args' is not defined +2025-03-10 15:30:16,228 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,229 - ERROR - Error in episode 8772: name 'args' is not defined +2025-03-10 15:30:16,232 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,232 - ERROR - Error in episode 8773: name 'args' is not defined +2025-03-10 15:30:16,235 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,236 - ERROR - Error in episode 8774: name 'args' is not defined +2025-03-10 15:30:16,238 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,238 - ERROR - Error in episode 8775: name 'args' is not defined +2025-03-10 15:30:16,242 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,242 - ERROR - Error in episode 8776: name 'args' is not defined +2025-03-10 15:30:16,245 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,245 - ERROR - Error in episode 8777: name 'args' is not defined +2025-03-10 15:30:16,248 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,248 - ERROR - Error in episode 8778: name 'args' is not defined +2025-03-10 15:30:16,252 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,252 - ERROR - Error in episode 8779: name 'args' is not defined +2025-03-10 15:30:16,254 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,254 - ERROR - Error in episode 8780: name 'args' is not defined +2025-03-10 15:30:16,257 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,258 - ERROR - Error in episode 8781: name 'args' is not defined +2025-03-10 15:30:16,260 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,261 - ERROR - Error in episode 8782: name 'args' is not defined +2025-03-10 15:30:16,264 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,264 - ERROR - Error in episode 8783: name 'args' is not defined +2025-03-10 15:30:16,267 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,267 - ERROR - Error in episode 8784: name 'args' is not defined +2025-03-10 15:30:16,270 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,270 - ERROR - Error in episode 8785: name 'args' is not defined +2025-03-10 15:30:16,274 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,274 - ERROR - Error in episode 8786: name 'args' is not defined +2025-03-10 15:30:16,277 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,278 - ERROR - Error in episode 8787: name 'args' is not defined +2025-03-10 15:30:16,280 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,281 - ERROR - Error in episode 8788: name 'args' is not defined +2025-03-10 15:30:16,283 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,284 - ERROR - Error in episode 8789: name 'args' is not defined +2025-03-10 15:30:16,287 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,287 - ERROR - Error in episode 8790: name 'args' is not defined +2025-03-10 15:30:16,290 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,290 - ERROR - Error in episode 8791: name 'args' is not defined +2025-03-10 15:30:16,293 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,293 - ERROR - Error in episode 8792: name 'args' is not defined +2025-03-10 15:30:16,295 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,296 - ERROR - Error in episode 8793: name 'args' is not defined +2025-03-10 15:30:16,299 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,299 - ERROR - Error in episode 8794: name 'args' is not defined +2025-03-10 15:30:16,301 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,302 - ERROR - Error in episode 8795: name 'args' is not defined +2025-03-10 15:30:16,304 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,304 - ERROR - Error in episode 8796: name 'args' is not defined +2025-03-10 15:30:16,307 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,308 - ERROR - Error in episode 8797: name 'args' is not defined +2025-03-10 15:30:16,310 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,311 - ERROR - Error in episode 8798: name 'args' is not defined +2025-03-10 15:30:16,313 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,314 - ERROR - Error in episode 8799: name 'args' is not defined +2025-03-10 15:30:16,316 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,317 - ERROR - Error in episode 8800: name 'args' is not defined +2025-03-10 15:30:16,319 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,319 - ERROR - Error in episode 8801: name 'args' is not defined +2025-03-10 15:30:16,321 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,322 - ERROR - Error in episode 8802: name 'args' is not defined +2025-03-10 15:30:16,325 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,325 - ERROR - Error in episode 8803: name 'args' is not defined +2025-03-10 15:30:16,328 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,328 - ERROR - Error in episode 8804: name 'args' is not defined +2025-03-10 15:30:16,331 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,331 - ERROR - Error in episode 8805: name 'args' is not defined +2025-03-10 15:30:16,334 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,334 - ERROR - Error in episode 8806: name 'args' is not defined +2025-03-10 15:30:16,337 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,337 - ERROR - Error in episode 8807: name 'args' is not defined +2025-03-10 15:30:16,340 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,340 - ERROR - Error in episode 8808: name 'args' is not defined +2025-03-10 15:30:16,342 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,342 - ERROR - Error in episode 8809: name 'args' is not defined +2025-03-10 15:30:16,344 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,346 - ERROR - Error in episode 8810: name 'args' is not defined +2025-03-10 15:30:16,348 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,349 - ERROR - Error in episode 8811: name 'args' is not defined +2025-03-10 15:30:16,351 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,351 - ERROR - Error in episode 8812: name 'args' is not defined +2025-03-10 15:30:16,353 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,354 - ERROR - Error in episode 8813: name 'args' is not defined +2025-03-10 15:30:16,356 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,357 - ERROR - Error in episode 8814: name 'args' is not defined +2025-03-10 15:30:16,359 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,359 - ERROR - Error in episode 8815: name 'args' is not defined +2025-03-10 15:30:16,361 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,362 - ERROR - Error in episode 8816: name 'args' is not defined +2025-03-10 15:30:16,364 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,365 - ERROR - Error in episode 8817: name 'args' is not defined +2025-03-10 15:30:16,367 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,367 - ERROR - Error in episode 8818: name 'args' is not defined +2025-03-10 15:30:16,370 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,370 - ERROR - Error in episode 8819: name 'args' is not defined +2025-03-10 15:30:16,374 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,374 - ERROR - Error in episode 8820: name 'args' is not defined +2025-03-10 15:30:16,376 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,377 - ERROR - Error in episode 8821: name 'args' is not defined +2025-03-10 15:30:16,379 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,380 - ERROR - Error in episode 8822: name 'args' is not defined +2025-03-10 15:30:16,383 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,383 - ERROR - Error in episode 8823: name 'args' is not defined +2025-03-10 15:30:16,385 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,386 - ERROR - Error in episode 8824: name 'args' is not defined +2025-03-10 15:30:16,388 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,388 - ERROR - Error in episode 8825: name 'args' is not defined +2025-03-10 15:30:16,391 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,391 - ERROR - Error in episode 8826: name 'args' is not defined +2025-03-10 15:30:16,395 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,395 - ERROR - Error in episode 8827: name 'args' is not defined +2025-03-10 15:30:16,398 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,399 - ERROR - Error in episode 8828: name 'args' is not defined +2025-03-10 15:30:16,401 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,401 - ERROR - Error in episode 8829: name 'args' is not defined +2025-03-10 15:30:16,404 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,405 - ERROR - Error in episode 8830: name 'args' is not defined +2025-03-10 15:30:16,407 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,407 - ERROR - Error in episode 8831: name 'args' is not defined +2025-03-10 15:30:16,410 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,410 - ERROR - Error in episode 8832: name 'args' is not defined +2025-03-10 15:30:16,413 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,413 - ERROR - Error in episode 8833: name 'args' is not defined +2025-03-10 15:30:16,415 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,416 - ERROR - Error in episode 8834: name 'args' is not defined +2025-03-10 15:30:16,418 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,418 - ERROR - Error in episode 8835: name 'args' is not defined +2025-03-10 15:30:16,421 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,422 - ERROR - Error in episode 8836: name 'args' is not defined +2025-03-10 15:30:16,424 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,424 - ERROR - Error in episode 8837: name 'args' is not defined +2025-03-10 15:30:16,427 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,427 - ERROR - Error in episode 8838: name 'args' is not defined +2025-03-10 15:30:16,430 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,430 - ERROR - Error in episode 8839: name 'args' is not defined +2025-03-10 15:30:16,433 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,433 - ERROR - Error in episode 8840: name 'args' is not defined +2025-03-10 15:30:16,435 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,436 - ERROR - Error in episode 8841: name 'args' is not defined +2025-03-10 15:30:16,438 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,439 - ERROR - Error in episode 8842: name 'args' is not defined +2025-03-10 15:30:16,440 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,441 - ERROR - Error in episode 8843: name 'args' is not defined +2025-03-10 15:30:16,444 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,444 - ERROR - Error in episode 8844: name 'args' is not defined +2025-03-10 15:30:16,447 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,447 - ERROR - Error in episode 8845: name 'args' is not defined +2025-03-10 15:30:16,450 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,450 - ERROR - Error in episode 8846: name 'args' is not defined +2025-03-10 15:30:16,453 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,453 - ERROR - Error in episode 8847: name 'args' is not defined +2025-03-10 15:30:16,456 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,456 - ERROR - Error in episode 8848: name 'args' is not defined +2025-03-10 15:30:16,459 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,459 - ERROR - Error in episode 8849: name 'args' is not defined +2025-03-10 15:30:16,462 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,462 - ERROR - Error in episode 8850: name 'args' is not defined +2025-03-10 15:30:16,464 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,465 - ERROR - Error in episode 8851: name 'args' is not defined +2025-03-10 15:30:16,467 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,468 - ERROR - Error in episode 8852: name 'args' is not defined +2025-03-10 15:30:16,471 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,471 - ERROR - Error in episode 8853: name 'args' is not defined +2025-03-10 15:30:16,474 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,474 - ERROR - Error in episode 8854: name 'args' is not defined +2025-03-10 15:30:16,477 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,478 - ERROR - Error in episode 8855: name 'args' is not defined +2025-03-10 15:30:16,480 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,480 - ERROR - Error in episode 8856: name 'args' is not defined +2025-03-10 15:30:16,483 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,483 - ERROR - Error in episode 8857: name 'args' is not defined +2025-03-10 15:30:16,486 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,486 - ERROR - Error in episode 8858: name 'args' is not defined +2025-03-10 15:30:16,488 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,489 - ERROR - Error in episode 8859: name 'args' is not defined +2025-03-10 15:30:16,492 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,492 - ERROR - Error in episode 8860: name 'args' is not defined +2025-03-10 15:30:16,495 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,495 - ERROR - Error in episode 8861: name 'args' is not defined +2025-03-10 15:30:16,498 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,498 - ERROR - Error in episode 8862: name 'args' is not defined +2025-03-10 15:30:16,501 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,501 - ERROR - Error in episode 8863: name 'args' is not defined +2025-03-10 15:30:16,504 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,505 - ERROR - Error in episode 8864: name 'args' is not defined +2025-03-10 15:30:16,507 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,507 - ERROR - Error in episode 8865: name 'args' is not defined +2025-03-10 15:30:16,510 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,510 - ERROR - Error in episode 8866: name 'args' is not defined +2025-03-10 15:30:16,513 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,513 - ERROR - Error in episode 8867: name 'args' is not defined +2025-03-10 15:30:16,516 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,516 - ERROR - Error in episode 8868: name 'args' is not defined +2025-03-10 15:30:16,519 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,519 - ERROR - Error in episode 8869: name 'args' is not defined +2025-03-10 15:30:16,521 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,522 - ERROR - Error in episode 8870: name 'args' is not defined +2025-03-10 15:30:16,524 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,525 - ERROR - Error in episode 8871: name 'args' is not defined +2025-03-10 15:30:16,528 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,528 - ERROR - Error in episode 8872: name 'args' is not defined +2025-03-10 15:30:16,532 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,532 - ERROR - Error in episode 8873: name 'args' is not defined +2025-03-10 15:30:16,535 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,535 - ERROR - Error in episode 8874: name 'args' is not defined +2025-03-10 15:30:16,538 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,538 - ERROR - Error in episode 8875: name 'args' is not defined +2025-03-10 15:30:16,541 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,541 - ERROR - Error in episode 8876: name 'args' is not defined +2025-03-10 15:30:16,544 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,544 - ERROR - Error in episode 8877: name 'args' is not defined +2025-03-10 15:30:16,547 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,547 - ERROR - Error in episode 8878: name 'args' is not defined +2025-03-10 15:30:16,550 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,550 - ERROR - Error in episode 8879: name 'args' is not defined +2025-03-10 15:30:16,553 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,553 - ERROR - Error in episode 8880: name 'args' is not defined +2025-03-10 15:30:16,556 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,556 - ERROR - Error in episode 8881: name 'args' is not defined +2025-03-10 15:30:16,558 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,559 - ERROR - Error in episode 8882: name 'args' is not defined +2025-03-10 15:30:16,561 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,562 - ERROR - Error in episode 8883: name 'args' is not defined +2025-03-10 15:30:16,564 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,564 - ERROR - Error in episode 8884: name 'args' is not defined +2025-03-10 15:30:16,567 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,567 - ERROR - Error in episode 8885: name 'args' is not defined +2025-03-10 15:30:16,570 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,571 - ERROR - Error in episode 8886: name 'args' is not defined +2025-03-10 15:30:16,573 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,574 - ERROR - Error in episode 8887: name 'args' is not defined +2025-03-10 15:30:16,576 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,577 - ERROR - Error in episode 8888: name 'args' is not defined +2025-03-10 15:30:16,579 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,580 - ERROR - Error in episode 8889: name 'args' is not defined +2025-03-10 15:30:16,582 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,583 - ERROR - Error in episode 8890: name 'args' is not defined +2025-03-10 15:30:16,585 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,585 - ERROR - Error in episode 8891: name 'args' is not defined +2025-03-10 15:30:16,588 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,588 - ERROR - Error in episode 8892: name 'args' is not defined +2025-03-10 15:30:16,591 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,591 - ERROR - Error in episode 8893: name 'args' is not defined +2025-03-10 15:30:16,594 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,594 - ERROR - Error in episode 8894: name 'args' is not defined +2025-03-10 15:30:16,597 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,597 - ERROR - Error in episode 8895: name 'args' is not defined +2025-03-10 15:30:16,599 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,600 - ERROR - Error in episode 8896: name 'args' is not defined +2025-03-10 15:30:16,603 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,603 - ERROR - Error in episode 8897: name 'args' is not defined +2025-03-10 15:30:16,605 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,605 - ERROR - Error in episode 8898: name 'args' is not defined +2025-03-10 15:30:16,608 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,609 - ERROR - Error in episode 8899: name 'args' is not defined +2025-03-10 15:30:16,612 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,612 - ERROR - Error in episode 8900: name 'args' is not defined +2025-03-10 15:30:16,614 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,615 - ERROR - Error in episode 8901: name 'args' is not defined +2025-03-10 15:30:16,617 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,617 - ERROR - Error in episode 8902: name 'args' is not defined +2025-03-10 15:30:16,620 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,620 - ERROR - Error in episode 8903: name 'args' is not defined +2025-03-10 15:30:16,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,623 - ERROR - Error in episode 8904: name 'args' is not defined +2025-03-10 15:30:16,626 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,626 - ERROR - Error in episode 8905: name 'args' is not defined +2025-03-10 15:30:16,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,630 - ERROR - Error in episode 8906: name 'args' is not defined +2025-03-10 15:30:16,632 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,633 - ERROR - Error in episode 8907: name 'args' is not defined +2025-03-10 15:30:16,636 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,636 - ERROR - Error in episode 8908: name 'args' is not defined +2025-03-10 15:30:16,639 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,639 - ERROR - Error in episode 8909: name 'args' is not defined +2025-03-10 15:30:16,643 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,643 - ERROR - Error in episode 8910: name 'args' is not defined +2025-03-10 15:30:16,646 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,646 - ERROR - Error in episode 8911: name 'args' is not defined +2025-03-10 15:30:16,649 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,650 - ERROR - Error in episode 8912: name 'args' is not defined +2025-03-10 15:30:16,653 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,653 - ERROR - Error in episode 8913: name 'args' is not defined +2025-03-10 15:30:16,656 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,656 - ERROR - Error in episode 8914: name 'args' is not defined +2025-03-10 15:30:16,659 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,659 - ERROR - Error in episode 8915: name 'args' is not defined +2025-03-10 15:30:16,662 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,662 - ERROR - Error in episode 8916: name 'args' is not defined +2025-03-10 15:30:16,665 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,665 - ERROR - Error in episode 8917: name 'args' is not defined +2025-03-10 15:30:16,668 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,668 - ERROR - Error in episode 8918: name 'args' is not defined +2025-03-10 15:30:16,672 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,672 - ERROR - Error in episode 8919: name 'args' is not defined +2025-03-10 15:30:16,674 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,675 - ERROR - Error in episode 8920: name 'args' is not defined +2025-03-10 15:30:16,677 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,678 - ERROR - Error in episode 8921: name 'args' is not defined +2025-03-10 15:30:16,680 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,680 - ERROR - Error in episode 8922: name 'args' is not defined +2025-03-10 15:30:16,683 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,683 - ERROR - Error in episode 8923: name 'args' is not defined +2025-03-10 15:30:16,687 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,687 - ERROR - Error in episode 8924: name 'args' is not defined +2025-03-10 15:30:16,689 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,690 - ERROR - Error in episode 8925: name 'args' is not defined +2025-03-10 15:30:16,692 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,692 - ERROR - Error in episode 8926: name 'args' is not defined +2025-03-10 15:30:16,695 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,695 - ERROR - Error in episode 8927: name 'args' is not defined +2025-03-10 15:30:16,698 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,698 - ERROR - Error in episode 8928: name 'args' is not defined +2025-03-10 15:30:16,700 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,700 - ERROR - Error in episode 8929: name 'args' is not defined +2025-03-10 15:30:16,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,704 - ERROR - Error in episode 8930: name 'args' is not defined +2025-03-10 15:30:16,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,707 - ERROR - Error in episode 8931: name 'args' is not defined +2025-03-10 15:30:16,709 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,709 - ERROR - Error in episode 8932: name 'args' is not defined +2025-03-10 15:30:16,712 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,712 - ERROR - Error in episode 8933: name 'args' is not defined +2025-03-10 15:30:16,714 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,715 - ERROR - Error in episode 8934: name 'args' is not defined +2025-03-10 15:30:16,717 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,718 - ERROR - Error in episode 8935: name 'args' is not defined +2025-03-10 15:30:16,720 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,721 - ERROR - Error in episode 8936: name 'args' is not defined +2025-03-10 15:30:16,723 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,723 - ERROR - Error in episode 8937: name 'args' is not defined +2025-03-10 15:30:16,726 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,726 - ERROR - Error in episode 8938: name 'args' is not defined +2025-03-10 15:30:16,729 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,729 - ERROR - Error in episode 8939: name 'args' is not defined +2025-03-10 15:30:16,731 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,732 - ERROR - Error in episode 8940: name 'args' is not defined +2025-03-10 15:30:16,734 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,734 - ERROR - Error in episode 8941: name 'args' is not defined +2025-03-10 15:30:16,737 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,737 - ERROR - Error in episode 8942: name 'args' is not defined +2025-03-10 15:30:16,740 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,741 - ERROR - Error in episode 8943: name 'args' is not defined +2025-03-10 15:30:16,744 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,744 - ERROR - Error in episode 8944: name 'args' is not defined +2025-03-10 15:30:16,746 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,746 - ERROR - Error in episode 8945: name 'args' is not defined +2025-03-10 15:30:16,749 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,749 - ERROR - Error in episode 8946: name 'args' is not defined +2025-03-10 15:30:16,752 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,752 - ERROR - Error in episode 8947: name 'args' is not defined +2025-03-10 15:30:16,756 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,756 - ERROR - Error in episode 8948: name 'args' is not defined +2025-03-10 15:30:16,759 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,759 - ERROR - Error in episode 8949: name 'args' is not defined +2025-03-10 15:30:16,762 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,762 - ERROR - Error in episode 8950: name 'args' is not defined +2025-03-10 15:30:16,765 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,765 - ERROR - Error in episode 8951: name 'args' is not defined +2025-03-10 15:30:16,768 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,768 - ERROR - Error in episode 8952: name 'args' is not defined +2025-03-10 15:30:16,772 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,772 - ERROR - Error in episode 8953: name 'args' is not defined +2025-03-10 15:30:16,775 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,775 - ERROR - Error in episode 8954: name 'args' is not defined +2025-03-10 15:30:16,778 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,779 - ERROR - Error in episode 8955: name 'args' is not defined +2025-03-10 15:30:16,781 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,782 - ERROR - Error in episode 8956: name 'args' is not defined +2025-03-10 15:30:16,784 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,785 - ERROR - Error in episode 8957: name 'args' is not defined +2025-03-10 15:30:16,788 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,789 - ERROR - Error in episode 8958: name 'args' is not defined +2025-03-10 15:30:16,791 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,791 - ERROR - Error in episode 8959: name 'args' is not defined +2025-03-10 15:30:16,794 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,794 - ERROR - Error in episode 8960: name 'args' is not defined +2025-03-10 15:30:16,797 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,797 - ERROR - Error in episode 8961: name 'args' is not defined +2025-03-10 15:30:16,800 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,800 - ERROR - Error in episode 8962: name 'args' is not defined +2025-03-10 15:30:16,802 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,804 - ERROR - Error in episode 8963: name 'args' is not defined +2025-03-10 15:30:16,806 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,806 - ERROR - Error in episode 8964: name 'args' is not defined +2025-03-10 15:30:16,808 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,809 - ERROR - Error in episode 8965: name 'args' is not defined +2025-03-10 15:30:16,812 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,812 - ERROR - Error in episode 8966: name 'args' is not defined +2025-03-10 15:30:16,815 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,815 - ERROR - Error in episode 8967: name 'args' is not defined +2025-03-10 15:30:16,818 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,819 - ERROR - Error in episode 8968: name 'args' is not defined +2025-03-10 15:30:16,822 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,822 - ERROR - Error in episode 8969: name 'args' is not defined +2025-03-10 15:30:16,825 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,825 - ERROR - Error in episode 8970: name 'args' is not defined +2025-03-10 15:30:16,828 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,829 - ERROR - Error in episode 8971: name 'args' is not defined +2025-03-10 15:30:16,831 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,832 - ERROR - Error in episode 8972: name 'args' is not defined +2025-03-10 15:30:16,834 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,834 - ERROR - Error in episode 8973: name 'args' is not defined +2025-03-10 15:30:16,838 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,838 - ERROR - Error in episode 8974: name 'args' is not defined +2025-03-10 15:30:16,841 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,841 - ERROR - Error in episode 8975: name 'args' is not defined +2025-03-10 15:30:16,844 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,844 - ERROR - Error in episode 8976: name 'args' is not defined +2025-03-10 15:30:16,847 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,848 - ERROR - Error in episode 8977: name 'args' is not defined +2025-03-10 15:30:16,851 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,851 - ERROR - Error in episode 8978: name 'args' is not defined +2025-03-10 15:30:16,855 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,855 - ERROR - Error in episode 8979: name 'args' is not defined +2025-03-10 15:30:16,857 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,858 - ERROR - Error in episode 8980: name 'args' is not defined +2025-03-10 15:30:16,861 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,861 - ERROR - Error in episode 8981: name 'args' is not defined +2025-03-10 15:30:16,863 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,863 - ERROR - Error in episode 8982: name 'args' is not defined +2025-03-10 15:30:16,867 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,867 - ERROR - Error in episode 8983: name 'args' is not defined +2025-03-10 15:30:16,871 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,871 - ERROR - Error in episode 8984: name 'args' is not defined +2025-03-10 15:30:16,873 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,874 - ERROR - Error in episode 8985: name 'args' is not defined +2025-03-10 15:30:16,877 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,877 - ERROR - Error in episode 8986: name 'args' is not defined +2025-03-10 15:30:16,880 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,880 - ERROR - Error in episode 8987: name 'args' is not defined +2025-03-10 15:30:16,882 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,883 - ERROR - Error in episode 8988: name 'args' is not defined +2025-03-10 15:30:16,886 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,886 - ERROR - Error in episode 8989: name 'args' is not defined +2025-03-10 15:30:16,890 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,890 - ERROR - Error in episode 8990: name 'args' is not defined +2025-03-10 15:30:16,893 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,893 - ERROR - Error in episode 8991: name 'args' is not defined +2025-03-10 15:30:16,896 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,897 - ERROR - Error in episode 8992: name 'args' is not defined +2025-03-10 15:30:16,900 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,900 - ERROR - Error in episode 8993: name 'args' is not defined +2025-03-10 15:30:16,903 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,904 - ERROR - Error in episode 8994: name 'args' is not defined +2025-03-10 15:30:16,907 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,907 - ERROR - Error in episode 8995: name 'args' is not defined +2025-03-10 15:30:16,910 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,910 - ERROR - Error in episode 8996: name 'args' is not defined +2025-03-10 15:30:16,913 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,913 - ERROR - Error in episode 8997: name 'args' is not defined +2025-03-10 15:30:16,916 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,916 - ERROR - Error in episode 8998: name 'args' is not defined +2025-03-10 15:30:16,920 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,920 - ERROR - Error in episode 8999: name 'args' is not defined +2025-03-10 15:30:16,923 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,923 - ERROR - Error in episode 9000: name 'args' is not defined +2025-03-10 15:30:16,925 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,926 - ERROR - Error in episode 9001: name 'args' is not defined +2025-03-10 15:30:16,928 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,929 - ERROR - Error in episode 9002: name 'args' is not defined +2025-03-10 15:30:16,931 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,931 - ERROR - Error in episode 9003: name 'args' is not defined +2025-03-10 15:30:16,934 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,934 - ERROR - Error in episode 9004: name 'args' is not defined +2025-03-10 15:30:16,937 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,937 - ERROR - Error in episode 9005: name 'args' is not defined +2025-03-10 15:30:16,939 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,940 - ERROR - Error in episode 9006: name 'args' is not defined +2025-03-10 15:30:16,942 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,942 - ERROR - Error in episode 9007: name 'args' is not defined +2025-03-10 15:30:16,945 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,946 - ERROR - Error in episode 9008: name 'args' is not defined +2025-03-10 15:30:16,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,948 - ERROR - Error in episode 9009: name 'args' is not defined +2025-03-10 15:30:16,951 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,951 - ERROR - Error in episode 9010: name 'args' is not defined +2025-03-10 15:30:16,954 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,955 - ERROR - Error in episode 9011: name 'args' is not defined +2025-03-10 15:30:16,957 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,958 - ERROR - Error in episode 9012: name 'args' is not defined +2025-03-10 15:30:16,960 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,960 - ERROR - Error in episode 9013: name 'args' is not defined +2025-03-10 15:30:16,963 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,963 - ERROR - Error in episode 9014: name 'args' is not defined +2025-03-10 15:30:16,966 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,966 - ERROR - Error in episode 9015: name 'args' is not defined +2025-03-10 15:30:16,968 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,969 - ERROR - Error in episode 9016: name 'args' is not defined +2025-03-10 15:30:16,971 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,972 - ERROR - Error in episode 9017: name 'args' is not defined +2025-03-10 15:30:16,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,974 - ERROR - Error in episode 9018: name 'args' is not defined +2025-03-10 15:30:16,977 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,977 - ERROR - Error in episode 9019: name 'args' is not defined +2025-03-10 15:30:16,980 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,980 - ERROR - Error in episode 9020: name 'args' is not defined +2025-03-10 15:30:16,983 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,983 - ERROR - Error in episode 9021: name 'args' is not defined +2025-03-10 15:30:16,986 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,986 - ERROR - Error in episode 9022: name 'args' is not defined +2025-03-10 15:30:16,989 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,989 - ERROR - Error in episode 9023: name 'args' is not defined +2025-03-10 15:30:16,991 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,992 - ERROR - Error in episode 9024: name 'args' is not defined +2025-03-10 15:30:16,995 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,995 - ERROR - Error in episode 9025: name 'args' is not defined +2025-03-10 15:30:16,998 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:16,998 - ERROR - Error in episode 9026: name 'args' is not defined +2025-03-10 15:30:17,001 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,001 - ERROR - Error in episode 9027: name 'args' is not defined +2025-03-10 15:30:17,004 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,005 - ERROR - Error in episode 9028: name 'args' is not defined +2025-03-10 15:30:17,007 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,007 - ERROR - Error in episode 9029: name 'args' is not defined +2025-03-10 15:30:17,009 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,010 - ERROR - Error in episode 9030: name 'args' is not defined +2025-03-10 15:30:17,012 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,012 - ERROR - Error in episode 9031: name 'args' is not defined +2025-03-10 15:30:17,015 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,016 - ERROR - Error in episode 9032: name 'args' is not defined +2025-03-10 15:30:17,018 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,018 - ERROR - Error in episode 9033: name 'args' is not defined +2025-03-10 15:30:17,022 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,022 - ERROR - Error in episode 9034: name 'args' is not defined +2025-03-10 15:30:17,024 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,025 - ERROR - Error in episode 9035: name 'args' is not defined +2025-03-10 15:30:17,027 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,027 - ERROR - Error in episode 9036: name 'args' is not defined +2025-03-10 15:30:17,030 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,030 - ERROR - Error in episode 9037: name 'args' is not defined +2025-03-10 15:30:17,033 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,033 - ERROR - Error in episode 9038: name 'args' is not defined +2025-03-10 15:30:17,036 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,036 - ERROR - Error in episode 9039: name 'args' is not defined +2025-03-10 15:30:17,039 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,039 - ERROR - Error in episode 9040: name 'args' is not defined +2025-03-10 15:30:17,042 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,042 - ERROR - Error in episode 9041: name 'args' is not defined +2025-03-10 15:30:17,045 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,046 - ERROR - Error in episode 9042: name 'args' is not defined +2025-03-10 15:30:17,048 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,048 - ERROR - Error in episode 9043: name 'args' is not defined +2025-03-10 15:30:17,051 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,052 - ERROR - Error in episode 9044: name 'args' is not defined +2025-03-10 15:30:17,055 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,055 - ERROR - Error in episode 9045: name 'args' is not defined +2025-03-10 15:30:17,058 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,058 - ERROR - Error in episode 9046: name 'args' is not defined +2025-03-10 15:30:17,060 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,061 - ERROR - Error in episode 9047: name 'args' is not defined +2025-03-10 15:30:17,064 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,064 - ERROR - Error in episode 9048: name 'args' is not defined +2025-03-10 15:30:17,068 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,068 - ERROR - Error in episode 9049: name 'args' is not defined +2025-03-10 15:30:17,072 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,072 - ERROR - Error in episode 9050: name 'args' is not defined +2025-03-10 15:30:17,076 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,076 - ERROR - Error in episode 9051: name 'args' is not defined +2025-03-10 15:30:17,079 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,079 - ERROR - Error in episode 9052: name 'args' is not defined +2025-03-10 15:30:17,081 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,082 - ERROR - Error in episode 9053: name 'args' is not defined +2025-03-10 15:30:17,085 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,085 - ERROR - Error in episode 9054: name 'args' is not defined +2025-03-10 15:30:17,088 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,089 - ERROR - Error in episode 9055: name 'args' is not defined +2025-03-10 15:30:17,092 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,092 - ERROR - Error in episode 9056: name 'args' is not defined +2025-03-10 15:30:17,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,095 - ERROR - Error in episode 9057: name 'args' is not defined +2025-03-10 15:30:17,097 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,098 - ERROR - Error in episode 9058: name 'args' is not defined +2025-03-10 15:30:17,101 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,101 - ERROR - Error in episode 9059: name 'args' is not defined +2025-03-10 15:30:17,104 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,104 - ERROR - Error in episode 9060: name 'args' is not defined +2025-03-10 15:30:17,107 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,107 - ERROR - Error in episode 9061: name 'args' is not defined +2025-03-10 15:30:17,109 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,110 - ERROR - Error in episode 9062: name 'args' is not defined +2025-03-10 15:30:17,114 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,114 - ERROR - Error in episode 9063: name 'args' is not defined +2025-03-10 15:30:17,116 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,117 - ERROR - Error in episode 9064: name 'args' is not defined +2025-03-10 15:30:17,119 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,120 - ERROR - Error in episode 9065: name 'args' is not defined +2025-03-10 15:30:17,123 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,123 - ERROR - Error in episode 9066: name 'args' is not defined +2025-03-10 15:30:17,125 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,125 - ERROR - Error in episode 9067: name 'args' is not defined +2025-03-10 15:30:17,128 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,128 - ERROR - Error in episode 9068: name 'args' is not defined +2025-03-10 15:30:17,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,132 - ERROR - Error in episode 9069: name 'args' is not defined +2025-03-10 15:30:17,135 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,136 - ERROR - Error in episode 9070: name 'args' is not defined +2025-03-10 15:30:17,139 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,139 - ERROR - Error in episode 9071: name 'args' is not defined +2025-03-10 15:30:17,142 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,143 - ERROR - Error in episode 9072: name 'args' is not defined +2025-03-10 15:30:17,146 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,147 - ERROR - Error in episode 9073: name 'args' is not defined +2025-03-10 15:30:17,149 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,150 - ERROR - Error in episode 9074: name 'args' is not defined +2025-03-10 15:30:17,153 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,153 - ERROR - Error in episode 9075: name 'args' is not defined +2025-03-10 15:30:17,156 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,156 - ERROR - Error in episode 9076: name 'args' is not defined +2025-03-10 15:30:17,159 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,159 - ERROR - Error in episode 9077: name 'args' is not defined +2025-03-10 15:30:17,162 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,163 - ERROR - Error in episode 9078: name 'args' is not defined +2025-03-10 15:30:17,165 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,165 - ERROR - Error in episode 9079: name 'args' is not defined +2025-03-10 15:30:17,168 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,168 - ERROR - Error in episode 9080: name 'args' is not defined +2025-03-10 15:30:17,171 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,171 - ERROR - Error in episode 9081: name 'args' is not defined +2025-03-10 15:30:17,174 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,174 - ERROR - Error in episode 9082: name 'args' is not defined +2025-03-10 15:30:17,177 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,177 - ERROR - Error in episode 9083: name 'args' is not defined +2025-03-10 15:30:17,181 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,181 - ERROR - Error in episode 9084: name 'args' is not defined +2025-03-10 15:30:17,184 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,184 - ERROR - Error in episode 9085: name 'args' is not defined +2025-03-10 15:30:17,187 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,188 - ERROR - Error in episode 9086: name 'args' is not defined +2025-03-10 15:30:17,190 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,190 - ERROR - Error in episode 9087: name 'args' is not defined +2025-03-10 15:30:17,193 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,193 - ERROR - Error in episode 9088: name 'args' is not defined +2025-03-10 15:30:17,196 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,197 - ERROR - Error in episode 9089: name 'args' is not defined +2025-03-10 15:30:17,199 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,200 - ERROR - Error in episode 9090: name 'args' is not defined +2025-03-10 15:30:17,202 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,202 - ERROR - Error in episode 9091: name 'args' is not defined +2025-03-10 15:30:17,205 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,205 - ERROR - Error in episode 9092: name 'args' is not defined +2025-03-10 15:30:17,208 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,209 - ERROR - Error in episode 9093: name 'args' is not defined +2025-03-10 15:30:17,211 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,212 - ERROR - Error in episode 9094: name 'args' is not defined +2025-03-10 15:30:17,214 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,214 - ERROR - Error in episode 9095: name 'args' is not defined +2025-03-10 15:30:17,217 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,217 - ERROR - Error in episode 9096: name 'args' is not defined +2025-03-10 15:30:17,220 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,220 - ERROR - Error in episode 9097: name 'args' is not defined +2025-03-10 15:30:17,223 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,224 - ERROR - Error in episode 9098: name 'args' is not defined +2025-03-10 15:30:17,227 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,227 - ERROR - Error in episode 9099: name 'args' is not defined +2025-03-10 15:30:17,229 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,230 - ERROR - Error in episode 9100: name 'args' is not defined +2025-03-10 15:30:17,233 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,234 - ERROR - Error in episode 9101: name 'args' is not defined +2025-03-10 15:30:17,237 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,237 - ERROR - Error in episode 9102: name 'args' is not defined +2025-03-10 15:30:17,239 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,240 - ERROR - Error in episode 9103: name 'args' is not defined +2025-03-10 15:30:17,242 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,242 - ERROR - Error in episode 9104: name 'args' is not defined +2025-03-10 15:30:17,245 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,246 - ERROR - Error in episode 9105: name 'args' is not defined +2025-03-10 15:30:17,248 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,249 - ERROR - Error in episode 9106: name 'args' is not defined +2025-03-10 15:30:17,251 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,251 - ERROR - Error in episode 9107: name 'args' is not defined +2025-03-10 15:30:17,255 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,255 - ERROR - Error in episode 9108: name 'args' is not defined +2025-03-10 15:30:17,258 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,258 - ERROR - Error in episode 9109: name 'args' is not defined +2025-03-10 15:30:17,262 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,262 - ERROR - Error in episode 9110: name 'args' is not defined +2025-03-10 15:30:17,265 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,265 - ERROR - Error in episode 9111: name 'args' is not defined +2025-03-10 15:30:17,268 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,268 - ERROR - Error in episode 9112: name 'args' is not defined +2025-03-10 15:30:17,272 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,272 - ERROR - Error in episode 9113: name 'args' is not defined +2025-03-10 15:30:17,275 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,275 - ERROR - Error in episode 9114: name 'args' is not defined +2025-03-10 15:30:17,279 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,279 - ERROR - Error in episode 9115: name 'args' is not defined +2025-03-10 15:30:17,282 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,282 - ERROR - Error in episode 9116: name 'args' is not defined +2025-03-10 15:30:17,284 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,286 - ERROR - Error in episode 9117: name 'args' is not defined +2025-03-10 15:30:17,288 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,289 - ERROR - Error in episode 9118: name 'args' is not defined +2025-03-10 15:30:17,291 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,291 - ERROR - Error in episode 9119: name 'args' is not defined +2025-03-10 15:30:17,294 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,294 - ERROR - Error in episode 9120: name 'args' is not defined +2025-03-10 15:30:17,298 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,298 - ERROR - Error in episode 9121: name 'args' is not defined +2025-03-10 15:30:17,301 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,301 - ERROR - Error in episode 9122: name 'args' is not defined +2025-03-10 15:30:17,303 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,304 - ERROR - Error in episode 9123: name 'args' is not defined +2025-03-10 15:30:17,306 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,306 - ERROR - Error in episode 9124: name 'args' is not defined +2025-03-10 15:30:17,311 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,311 - ERROR - Error in episode 9125: name 'args' is not defined +2025-03-10 15:30:17,314 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,315 - ERROR - Error in episode 9126: name 'args' is not defined +2025-03-10 15:30:17,317 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,318 - ERROR - Error in episode 9127: name 'args' is not defined +2025-03-10 15:30:17,321 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,321 - ERROR - Error in episode 9128: name 'args' is not defined +2025-03-10 15:30:17,324 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,324 - ERROR - Error in episode 9129: name 'args' is not defined +2025-03-10 15:30:17,327 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,328 - ERROR - Error in episode 9130: name 'args' is not defined +2025-03-10 15:30:17,330 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,331 - ERROR - Error in episode 9131: name 'args' is not defined +2025-03-10 15:30:17,333 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,333 - ERROR - Error in episode 9132: name 'args' is not defined +2025-03-10 15:30:17,336 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,336 - ERROR - Error in episode 9133: name 'args' is not defined +2025-03-10 15:30:17,339 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,339 - ERROR - Error in episode 9134: name 'args' is not defined +2025-03-10 15:30:17,341 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,342 - ERROR - Error in episode 9135: name 'args' is not defined +2025-03-10 15:30:17,345 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,345 - ERROR - Error in episode 9136: name 'args' is not defined +2025-03-10 15:30:17,347 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,348 - ERROR - Error in episode 9137: name 'args' is not defined +2025-03-10 15:30:17,350 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,351 - ERROR - Error in episode 9138: name 'args' is not defined +2025-03-10 15:30:17,354 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,354 - ERROR - Error in episode 9139: name 'args' is not defined +2025-03-10 15:30:17,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,357 - ERROR - Error in episode 9140: name 'args' is not defined +2025-03-10 15:30:17,360 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,360 - ERROR - Error in episode 9141: name 'args' is not defined +2025-03-10 15:30:17,364 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,364 - ERROR - Error in episode 9142: name 'args' is not defined +2025-03-10 15:30:17,367 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,367 - ERROR - Error in episode 9143: name 'args' is not defined +2025-03-10 15:30:17,370 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,371 - ERROR - Error in episode 9144: name 'args' is not defined +2025-03-10 15:30:17,373 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,373 - ERROR - Error in episode 9145: name 'args' is not defined +2025-03-10 15:30:17,376 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,377 - ERROR - Error in episode 9146: name 'args' is not defined +2025-03-10 15:30:17,380 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,380 - ERROR - Error in episode 9147: name 'args' is not defined +2025-03-10 15:30:17,383 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,383 - ERROR - Error in episode 9148: name 'args' is not defined +2025-03-10 15:30:17,386 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,386 - ERROR - Error in episode 9149: name 'args' is not defined +2025-03-10 15:30:17,389 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,390 - ERROR - Error in episode 9150: name 'args' is not defined +2025-03-10 15:30:17,392 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,392 - ERROR - Error in episode 9151: name 'args' is not defined +2025-03-10 15:30:17,395 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,395 - ERROR - Error in episode 9152: name 'args' is not defined +2025-03-10 15:30:17,398 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,398 - ERROR - Error in episode 9153: name 'args' is not defined +2025-03-10 15:30:17,401 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,401 - ERROR - Error in episode 9154: name 'args' is not defined +2025-03-10 15:30:17,405 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,405 - ERROR - Error in episode 9155: name 'args' is not defined +2025-03-10 15:30:17,407 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,408 - ERROR - Error in episode 9156: name 'args' is not defined +2025-03-10 15:30:17,410 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,412 - ERROR - Error in episode 9157: name 'args' is not defined +2025-03-10 15:30:17,414 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,414 - ERROR - Error in episode 9158: name 'args' is not defined +2025-03-10 15:30:17,417 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,417 - ERROR - Error in episode 9159: name 'args' is not defined +2025-03-10 15:30:17,420 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,421 - ERROR - Error in episode 9160: name 'args' is not defined +2025-03-10 15:30:17,424 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,424 - ERROR - Error in episode 9161: name 'args' is not defined +2025-03-10 15:30:17,427 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,427 - ERROR - Error in episode 9162: name 'args' is not defined +2025-03-10 15:30:17,430 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,430 - ERROR - Error in episode 9163: name 'args' is not defined +2025-03-10 15:30:17,433 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,433 - ERROR - Error in episode 9164: name 'args' is not defined +2025-03-10 15:30:17,435 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,436 - ERROR - Error in episode 9165: name 'args' is not defined +2025-03-10 15:30:17,438 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,438 - ERROR - Error in episode 9166: name 'args' is not defined +2025-03-10 15:30:17,441 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,442 - ERROR - Error in episode 9167: name 'args' is not defined +2025-03-10 15:30:17,444 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,445 - ERROR - Error in episode 9168: name 'args' is not defined +2025-03-10 15:30:17,448 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,448 - ERROR - Error in episode 9169: name 'args' is not defined +2025-03-10 15:30:17,450 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,450 - ERROR - Error in episode 9170: name 'args' is not defined +2025-03-10 15:30:17,453 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,453 - ERROR - Error in episode 9171: name 'args' is not defined +2025-03-10 15:30:17,456 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,457 - ERROR - Error in episode 9172: name 'args' is not defined +2025-03-10 15:30:17,460 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,460 - ERROR - Error in episode 9173: name 'args' is not defined +2025-03-10 15:30:17,464 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,464 - ERROR - Error in episode 9174: name 'args' is not defined +2025-03-10 15:30:17,467 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,467 - ERROR - Error in episode 9175: name 'args' is not defined +2025-03-10 15:30:17,471 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,471 - ERROR - Error in episode 9176: name 'args' is not defined +2025-03-10 15:30:17,473 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,474 - ERROR - Error in episode 9177: name 'args' is not defined +2025-03-10 15:30:17,476 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,478 - ERROR - Error in episode 9178: name 'args' is not defined +2025-03-10 15:30:17,480 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,481 - ERROR - Error in episode 9179: name 'args' is not defined +2025-03-10 15:30:17,483 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,484 - ERROR - Error in episode 9180: name 'args' is not defined +2025-03-10 15:30:17,487 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,487 - ERROR - Error in episode 9181: name 'args' is not defined +2025-03-10 15:30:17,490 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,490 - ERROR - Error in episode 9182: name 'args' is not defined +2025-03-10 15:30:17,492 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,493 - ERROR - Error in episode 9183: name 'args' is not defined +2025-03-10 15:30:17,495 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,496 - ERROR - Error in episode 9184: name 'args' is not defined +2025-03-10 15:30:17,498 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,499 - ERROR - Error in episode 9185: name 'args' is not defined +2025-03-10 15:30:17,501 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,501 - ERROR - Error in episode 9186: name 'args' is not defined +2025-03-10 15:30:17,504 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,504 - ERROR - Error in episode 9187: name 'args' is not defined +2025-03-10 15:30:17,507 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,507 - ERROR - Error in episode 9188: name 'args' is not defined +2025-03-10 15:30:17,509 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,510 - ERROR - Error in episode 9189: name 'args' is not defined +2025-03-10 15:30:17,512 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,513 - ERROR - Error in episode 9190: name 'args' is not defined +2025-03-10 15:30:17,515 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,516 - ERROR - Error in episode 9191: name 'args' is not defined +2025-03-10 15:30:17,518 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,518 - ERROR - Error in episode 9192: name 'args' is not defined +2025-03-10 15:30:17,521 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,521 - ERROR - Error in episode 9193: name 'args' is not defined +2025-03-10 15:30:17,524 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,524 - ERROR - Error in episode 9194: name 'args' is not defined +2025-03-10 15:30:17,527 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,527 - ERROR - Error in episode 9195: name 'args' is not defined +2025-03-10 15:30:17,530 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,530 - ERROR - Error in episode 9196: name 'args' is not defined +2025-03-10 15:30:17,532 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,533 - ERROR - Error in episode 9197: name 'args' is not defined +2025-03-10 15:30:17,535 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,535 - ERROR - Error in episode 9198: name 'args' is not defined +2025-03-10 15:30:17,538 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,538 - ERROR - Error in episode 9199: name 'args' is not defined +2025-03-10 15:30:17,541 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,541 - ERROR - Error in episode 9200: name 'args' is not defined +2025-03-10 15:30:17,543 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,545 - ERROR - Error in episode 9201: name 'args' is not defined +2025-03-10 15:30:17,547 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,548 - ERROR - Error in episode 9202: name 'args' is not defined +2025-03-10 15:30:17,550 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,550 - ERROR - Error in episode 9203: name 'args' is not defined +2025-03-10 15:30:17,553 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,553 - ERROR - Error in episode 9204: name 'args' is not defined +2025-03-10 15:30:17,556 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,556 - ERROR - Error in episode 9205: name 'args' is not defined +2025-03-10 15:30:17,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,559 - ERROR - Error in episode 9206: name 'args' is not defined +2025-03-10 15:30:17,562 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,563 - ERROR - Error in episode 9207: name 'args' is not defined +2025-03-10 15:30:17,565 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,565 - ERROR - Error in episode 9208: name 'args' is not defined +2025-03-10 15:30:17,568 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,568 - ERROR - Error in episode 9209: name 'args' is not defined +2025-03-10 15:30:17,571 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,571 - ERROR - Error in episode 9210: name 'args' is not defined +2025-03-10 15:30:17,574 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,576 - ERROR - Error in episode 9211: name 'args' is not defined +2025-03-10 15:30:17,579 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,579 - ERROR - Error in episode 9212: name 'args' is not defined +2025-03-10 15:30:17,583 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,583 - ERROR - Error in episode 9213: name 'args' is not defined +2025-03-10 15:30:17,586 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,586 - ERROR - Error in episode 9214: name 'args' is not defined +2025-03-10 15:30:17,588 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,589 - ERROR - Error in episode 9215: name 'args' is not defined +2025-03-10 15:30:17,591 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,592 - ERROR - Error in episode 9216: name 'args' is not defined +2025-03-10 15:30:17,594 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,595 - ERROR - Error in episode 9217: name 'args' is not defined +2025-03-10 15:30:17,597 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,597 - ERROR - Error in episode 9218: name 'args' is not defined +2025-03-10 15:30:17,600 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,600 - ERROR - Error in episode 9219: name 'args' is not defined +2025-03-10 15:30:17,603 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,603 - ERROR - Error in episode 9220: name 'args' is not defined +2025-03-10 15:30:17,605 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,606 - ERROR - Error in episode 9221: name 'args' is not defined +2025-03-10 15:30:17,608 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,608 - ERROR - Error in episode 9222: name 'args' is not defined +2025-03-10 15:30:17,611 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,611 - ERROR - Error in episode 9223: name 'args' is not defined +2025-03-10 15:30:17,613 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,614 - ERROR - Error in episode 9224: name 'args' is not defined +2025-03-10 15:30:17,616 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,617 - ERROR - Error in episode 9225: name 'args' is not defined +2025-03-10 15:30:17,619 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,619 - ERROR - Error in episode 9226: name 'args' is not defined +2025-03-10 15:30:17,622 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,622 - ERROR - Error in episode 9227: name 'args' is not defined +2025-03-10 15:30:17,625 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,625 - ERROR - Error in episode 9228: name 'args' is not defined +2025-03-10 15:30:17,627 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,627 - ERROR - Error in episode 9229: name 'args' is not defined +2025-03-10 15:30:17,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,630 - ERROR - Error in episode 9230: name 'args' is not defined +2025-03-10 15:30:17,633 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,633 - ERROR - Error in episode 9231: name 'args' is not defined +2025-03-10 15:30:17,635 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,637 - ERROR - Error in episode 9232: name 'args' is not defined +2025-03-10 15:30:17,639 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,639 - ERROR - Error in episode 9233: name 'args' is not defined +2025-03-10 15:30:17,642 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,642 - ERROR - Error in episode 9234: name 'args' is not defined +2025-03-10 15:30:17,646 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,646 - ERROR - Error in episode 9235: name 'args' is not defined +2025-03-10 15:30:17,649 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,649 - ERROR - Error in episode 9236: name 'args' is not defined +2025-03-10 15:30:17,652 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,652 - ERROR - Error in episode 9237: name 'args' is not defined +2025-03-10 15:30:17,655 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,655 - ERROR - Error in episode 9238: name 'args' is not defined +2025-03-10 15:30:17,658 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,659 - ERROR - Error in episode 9239: name 'args' is not defined +2025-03-10 15:30:17,662 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,662 - ERROR - Error in episode 9240: name 'args' is not defined +2025-03-10 15:30:17,665 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,666 - ERROR - Error in episode 9241: name 'args' is not defined +2025-03-10 15:30:17,668 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,668 - ERROR - Error in episode 9242: name 'args' is not defined +2025-03-10 15:30:17,671 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,671 - ERROR - Error in episode 9243: name 'args' is not defined +2025-03-10 15:30:17,674 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,675 - ERROR - Error in episode 9244: name 'args' is not defined +2025-03-10 15:30:17,677 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,678 - ERROR - Error in episode 9245: name 'args' is not defined +2025-03-10 15:30:17,681 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,681 - ERROR - Error in episode 9246: name 'args' is not defined +2025-03-10 15:30:17,684 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,684 - ERROR - Error in episode 9247: name 'args' is not defined +2025-03-10 15:30:17,688 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,688 - ERROR - Error in episode 9248: name 'args' is not defined +2025-03-10 15:30:17,691 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,691 - ERROR - Error in episode 9249: name 'args' is not defined +2025-03-10 15:30:17,694 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,695 - ERROR - Error in episode 9250: name 'args' is not defined +2025-03-10 15:30:17,697 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,697 - ERROR - Error in episode 9251: name 'args' is not defined +2025-03-10 15:30:17,700 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,700 - ERROR - Error in episode 9252: name 'args' is not defined +2025-03-10 15:30:17,703 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,703 - ERROR - Error in episode 9253: name 'args' is not defined +2025-03-10 15:30:17,705 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,706 - ERROR - Error in episode 9254: name 'args' is not defined +2025-03-10 15:30:17,709 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,710 - ERROR - Error in episode 9255: name 'args' is not defined +2025-03-10 15:30:17,712 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,713 - ERROR - Error in episode 9256: name 'args' is not defined +2025-03-10 15:30:17,715 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,716 - ERROR - Error in episode 9257: name 'args' is not defined +2025-03-10 15:30:17,718 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,718 - ERROR - Error in episode 9258: name 'args' is not defined +2025-03-10 15:30:17,721 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,721 - ERROR - Error in episode 9259: name 'args' is not defined +2025-03-10 15:30:17,724 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,724 - ERROR - Error in episode 9260: name 'args' is not defined +2025-03-10 15:30:17,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,727 - ERROR - Error in episode 9261: name 'args' is not defined +2025-03-10 15:30:17,730 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,730 - ERROR - Error in episode 9262: name 'args' is not defined +2025-03-10 15:30:17,733 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,733 - ERROR - Error in episode 9263: name 'args' is not defined +2025-03-10 15:30:17,735 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,736 - ERROR - Error in episode 9264: name 'args' is not defined +2025-03-10 15:30:17,738 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,738 - ERROR - Error in episode 9265: name 'args' is not defined +2025-03-10 15:30:17,741 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,741 - ERROR - Error in episode 9266: name 'args' is not defined +2025-03-10 15:30:17,744 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,744 - ERROR - Error in episode 9267: name 'args' is not defined +2025-03-10 15:30:17,747 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,747 - ERROR - Error in episode 9268: name 'args' is not defined +2025-03-10 15:30:17,749 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,750 - ERROR - Error in episode 9269: name 'args' is not defined +2025-03-10 15:30:17,752 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,752 - ERROR - Error in episode 9270: name 'args' is not defined +2025-03-10 15:30:17,755 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,755 - ERROR - Error in episode 9271: name 'args' is not defined +2025-03-10 15:30:17,757 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,758 - ERROR - Error in episode 9272: name 'args' is not defined +2025-03-10 15:30:17,760 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,761 - ERROR - Error in episode 9273: name 'args' is not defined +2025-03-10 15:30:17,764 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,764 - ERROR - Error in episode 9274: name 'args' is not defined +2025-03-10 15:30:17,767 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,767 - ERROR - Error in episode 9275: name 'args' is not defined +2025-03-10 15:30:17,770 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,770 - ERROR - Error in episode 9276: name 'args' is not defined +2025-03-10 15:30:17,775 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,775 - ERROR - Error in episode 9277: name 'args' is not defined +2025-03-10 15:30:17,778 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,779 - ERROR - Error in episode 9278: name 'args' is not defined +2025-03-10 15:30:17,782 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,782 - ERROR - Error in episode 9279: name 'args' is not defined +2025-03-10 15:30:17,785 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,786 - ERROR - Error in episode 9280: name 'args' is not defined +2025-03-10 15:30:17,789 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,790 - ERROR - Error in episode 9281: name 'args' is not defined +2025-03-10 15:30:17,793 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,793 - ERROR - Error in episode 9282: name 'args' is not defined +2025-03-10 15:30:17,796 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,796 - ERROR - Error in episode 9283: name 'args' is not defined +2025-03-10 15:30:17,799 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,800 - ERROR - Error in episode 9284: name 'args' is not defined +2025-03-10 15:30:17,803 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,804 - ERROR - Error in episode 9285: name 'args' is not defined +2025-03-10 15:30:17,808 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,808 - ERROR - Error in episode 9286: name 'args' is not defined +2025-03-10 15:30:17,812 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,812 - ERROR - Error in episode 9287: name 'args' is not defined +2025-03-10 15:30:17,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,816 - ERROR - Error in episode 9288: name 'args' is not defined +2025-03-10 15:30:17,820 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,821 - ERROR - Error in episode 9289: name 'args' is not defined +2025-03-10 15:30:17,824 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,825 - ERROR - Error in episode 9290: name 'args' is not defined +2025-03-10 15:30:17,829 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,830 - ERROR - Error in episode 9291: name 'args' is not defined +2025-03-10 15:30:17,833 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,833 - ERROR - Error in episode 9292: name 'args' is not defined +2025-03-10 15:30:17,836 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,836 - ERROR - Error in episode 9293: name 'args' is not defined +2025-03-10 15:30:17,839 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,840 - ERROR - Error in episode 9294: name 'args' is not defined +2025-03-10 15:30:17,843 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,844 - ERROR - Error in episode 9295: name 'args' is not defined +2025-03-10 15:30:17,846 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,846 - ERROR - Error in episode 9296: name 'args' is not defined +2025-03-10 15:30:17,850 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,850 - ERROR - Error in episode 9297: name 'args' is not defined +2025-03-10 15:30:17,854 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,854 - ERROR - Error in episode 9298: name 'args' is not defined +2025-03-10 15:30:17,856 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,857 - ERROR - Error in episode 9299: name 'args' is not defined +2025-03-10 15:30:17,861 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,861 - ERROR - Error in episode 9300: name 'args' is not defined +2025-03-10 15:30:17,865 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,865 - ERROR - Error in episode 9301: name 'args' is not defined +2025-03-10 15:30:17,867 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,867 - ERROR - Error in episode 9302: name 'args' is not defined +2025-03-10 15:30:17,871 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,871 - ERROR - Error in episode 9303: name 'args' is not defined +2025-03-10 15:30:17,874 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,875 - ERROR - Error in episode 9304: name 'args' is not defined +2025-03-10 15:30:17,878 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,878 - ERROR - Error in episode 9305: name 'args' is not defined +2025-03-10 15:30:17,881 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,881 - ERROR - Error in episode 9306: name 'args' is not defined +2025-03-10 15:30:17,884 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,884 - ERROR - Error in episode 9307: name 'args' is not defined +2025-03-10 15:30:17,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,889 - ERROR - Error in episode 9308: name 'args' is not defined +2025-03-10 15:30:17,892 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,892 - ERROR - Error in episode 9309: name 'args' is not defined +2025-03-10 15:30:17,895 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,895 - ERROR - Error in episode 9310: name 'args' is not defined +2025-03-10 15:30:17,898 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,900 - ERROR - Error in episode 9311: name 'args' is not defined +2025-03-10 15:30:17,903 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,903 - ERROR - Error in episode 9312: name 'args' is not defined +2025-03-10 15:30:17,906 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,906 - ERROR - Error in episode 9313: name 'args' is not defined +2025-03-10 15:30:17,909 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,910 - ERROR - Error in episode 9314: name 'args' is not defined +2025-03-10 15:30:17,913 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,913 - ERROR - Error in episode 9315: name 'args' is not defined +2025-03-10 15:30:17,917 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,917 - ERROR - Error in episode 9316: name 'args' is not defined +2025-03-10 15:30:17,920 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,921 - ERROR - Error in episode 9317: name 'args' is not defined +2025-03-10 15:30:17,924 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,924 - ERROR - Error in episode 9318: name 'args' is not defined +2025-03-10 15:30:17,928 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,929 - ERROR - Error in episode 9319: name 'args' is not defined +2025-03-10 15:30:17,932 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,932 - ERROR - Error in episode 9320: name 'args' is not defined +2025-03-10 15:30:17,935 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,935 - ERROR - Error in episode 9321: name 'args' is not defined +2025-03-10 15:30:17,938 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,938 - ERROR - Error in episode 9322: name 'args' is not defined +2025-03-10 15:30:17,941 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,943 - ERROR - Error in episode 9323: name 'args' is not defined +2025-03-10 15:30:17,946 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,946 - ERROR - Error in episode 9324: name 'args' is not defined +2025-03-10 15:30:17,949 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,950 - ERROR - Error in episode 9325: name 'args' is not defined +2025-03-10 15:30:17,952 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,953 - ERROR - Error in episode 9326: name 'args' is not defined +2025-03-10 15:30:17,955 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,955 - ERROR - Error in episode 9327: name 'args' is not defined +2025-03-10 15:30:17,958 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,958 - ERROR - Error in episode 9328: name 'args' is not defined +2025-03-10 15:30:17,960 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,962 - ERROR - Error in episode 9329: name 'args' is not defined +2025-03-10 15:30:17,964 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,965 - ERROR - Error in episode 9330: name 'args' is not defined +2025-03-10 15:30:17,967 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,968 - ERROR - Error in episode 9331: name 'args' is not defined +2025-03-10 15:30:17,970 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,970 - ERROR - Error in episode 9332: name 'args' is not defined +2025-03-10 15:30:17,973 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,975 - ERROR - Error in episode 9333: name 'args' is not defined +2025-03-10 15:30:17,977 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,977 - ERROR - Error in episode 9334: name 'args' is not defined +2025-03-10 15:30:17,980 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,980 - ERROR - Error in episode 9335: name 'args' is not defined +2025-03-10 15:30:17,983 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,984 - ERROR - Error in episode 9336: name 'args' is not defined +2025-03-10 15:30:17,986 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,986 - ERROR - Error in episode 9337: name 'args' is not defined +2025-03-10 15:30:17,989 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,989 - ERROR - Error in episode 9338: name 'args' is not defined +2025-03-10 15:30:17,992 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,992 - ERROR - Error in episode 9339: name 'args' is not defined +2025-03-10 15:30:17,995 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,995 - ERROR - Error in episode 9340: name 'args' is not defined +2025-03-10 15:30:17,998 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:17,998 - ERROR - Error in episode 9341: name 'args' is not defined +2025-03-10 15:30:18,001 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,001 - ERROR - Error in episode 9342: name 'args' is not defined +2025-03-10 15:30:18,004 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,004 - ERROR - Error in episode 9343: name 'args' is not defined +2025-03-10 15:30:18,007 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,007 - ERROR - Error in episode 9344: name 'args' is not defined +2025-03-10 15:30:18,010 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,010 - ERROR - Error in episode 9345: name 'args' is not defined +2025-03-10 15:30:18,013 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,013 - ERROR - Error in episode 9346: name 'args' is not defined +2025-03-10 15:30:18,015 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,016 - ERROR - Error in episode 9347: name 'args' is not defined +2025-03-10 15:30:18,018 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,019 - ERROR - Error in episode 9348: name 'args' is not defined +2025-03-10 15:30:18,022 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,022 - ERROR - Error in episode 9349: name 'args' is not defined +2025-03-10 15:30:18,025 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,025 - ERROR - Error in episode 9350: name 'args' is not defined +2025-03-10 15:30:18,028 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,028 - ERROR - Error in episode 9351: name 'args' is not defined +2025-03-10 15:30:18,031 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,031 - ERROR - Error in episode 9352: name 'args' is not defined +2025-03-10 15:30:18,034 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,034 - ERROR - Error in episode 9353: name 'args' is not defined +2025-03-10 15:30:18,037 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,037 - ERROR - Error in episode 9354: name 'args' is not defined +2025-03-10 15:30:18,040 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,040 - ERROR - Error in episode 9355: name 'args' is not defined +2025-03-10 15:30:18,044 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,044 - ERROR - Error in episode 9356: name 'args' is not defined +2025-03-10 15:30:18,047 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,048 - ERROR - Error in episode 9357: name 'args' is not defined +2025-03-10 15:30:18,050 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,051 - ERROR - Error in episode 9358: name 'args' is not defined +2025-03-10 15:30:18,053 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,053 - ERROR - Error in episode 9359: name 'args' is not defined +2025-03-10 15:30:18,056 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,056 - ERROR - Error in episode 9360: name 'args' is not defined +2025-03-10 15:30:18,059 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,059 - ERROR - Error in episode 9361: name 'args' is not defined +2025-03-10 15:30:18,063 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,063 - ERROR - Error in episode 9362: name 'args' is not defined +2025-03-10 15:30:18,065 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,066 - ERROR - Error in episode 9363: name 'args' is not defined +2025-03-10 15:30:18,068 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,069 - ERROR - Error in episode 9364: name 'args' is not defined +2025-03-10 15:30:18,071 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,072 - ERROR - Error in episode 9365: name 'args' is not defined +2025-03-10 15:30:18,075 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,075 - ERROR - Error in episode 9366: name 'args' is not defined +2025-03-10 15:30:18,077 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,078 - ERROR - Error in episode 9367: name 'args' is not defined +2025-03-10 15:30:18,081 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,081 - ERROR - Error in episode 9368: name 'args' is not defined +2025-03-10 15:30:18,085 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,085 - ERROR - Error in episode 9369: name 'args' is not defined +2025-03-10 15:30:18,088 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,089 - ERROR - Error in episode 9370: name 'args' is not defined +2025-03-10 15:30:18,092 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,092 - ERROR - Error in episode 9371: name 'args' is not defined +2025-03-10 15:30:18,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,095 - ERROR - Error in episode 9372: name 'args' is not defined +2025-03-10 15:30:18,098 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,098 - ERROR - Error in episode 9373: name 'args' is not defined +2025-03-10 15:30:18,102 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,102 - ERROR - Error in episode 9374: name 'args' is not defined +2025-03-10 15:30:18,104 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,104 - ERROR - Error in episode 9375: name 'args' is not defined +2025-03-10 15:30:18,108 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,108 - ERROR - Error in episode 9376: name 'args' is not defined +2025-03-10 15:30:18,112 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,112 - ERROR - Error in episode 9377: name 'args' is not defined +2025-03-10 15:30:18,114 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,114 - ERROR - Error in episode 9378: name 'args' is not defined +2025-03-10 15:30:18,118 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,118 - ERROR - Error in episode 9379: name 'args' is not defined +2025-03-10 15:30:18,121 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,121 - ERROR - Error in episode 9380: name 'args' is not defined +2025-03-10 15:30:18,124 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,125 - ERROR - Error in episode 9381: name 'args' is not defined +2025-03-10 15:30:18,129 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,129 - ERROR - Error in episode 9382: name 'args' is not defined +2025-03-10 15:30:18,132 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,132 - ERROR - Error in episode 9383: name 'args' is not defined +2025-03-10 15:30:18,137 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,137 - ERROR - Error in episode 9384: name 'args' is not defined +2025-03-10 15:30:18,140 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,140 - ERROR - Error in episode 9385: name 'args' is not defined +2025-03-10 15:30:18,142 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,143 - ERROR - Error in episode 9386: name 'args' is not defined +2025-03-10 15:30:18,146 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,146 - ERROR - Error in episode 9387: name 'args' is not defined +2025-03-10 15:30:18,149 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,149 - ERROR - Error in episode 9388: name 'args' is not defined +2025-03-10 15:30:18,151 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,152 - ERROR - Error in episode 9389: name 'args' is not defined +2025-03-10 15:30:18,155 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,155 - ERROR - Error in episode 9390: name 'args' is not defined +2025-03-10 15:30:18,158 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,158 - ERROR - Error in episode 9391: name 'args' is not defined +2025-03-10 15:30:18,161 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,162 - ERROR - Error in episode 9392: name 'args' is not defined +2025-03-10 15:30:18,165 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,166 - ERROR - Error in episode 9393: name 'args' is not defined +2025-03-10 15:30:18,168 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,169 - ERROR - Error in episode 9394: name 'args' is not defined +2025-03-10 15:30:18,171 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,172 - ERROR - Error in episode 9395: name 'args' is not defined +2025-03-10 15:30:18,174 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,174 - ERROR - Error in episode 9396: name 'args' is not defined +2025-03-10 15:30:18,177 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,178 - ERROR - Error in episode 9397: name 'args' is not defined +2025-03-10 15:30:18,180 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,181 - ERROR - Error in episode 9398: name 'args' is not defined +2025-03-10 15:30:18,184 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,184 - ERROR - Error in episode 9399: name 'args' is not defined +2025-03-10 15:30:18,187 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,188 - ERROR - Error in episode 9400: name 'args' is not defined +2025-03-10 15:30:18,191 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,191 - ERROR - Error in episode 9401: name 'args' is not defined +2025-03-10 15:30:18,194 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,194 - ERROR - Error in episode 9402: name 'args' is not defined +2025-03-10 15:30:18,197 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,197 - ERROR - Error in episode 9403: name 'args' is not defined +2025-03-10 15:30:18,200 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,200 - ERROR - Error in episode 9404: name 'args' is not defined +2025-03-10 15:30:18,204 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,204 - ERROR - Error in episode 9405: name 'args' is not defined +2025-03-10 15:30:18,207 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,207 - ERROR - Error in episode 9406: name 'args' is not defined +2025-03-10 15:30:18,211 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,211 - ERROR - Error in episode 9407: name 'args' is not defined +2025-03-10 15:30:18,214 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,214 - ERROR - Error in episode 9408: name 'args' is not defined +2025-03-10 15:30:18,218 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,218 - ERROR - Error in episode 9409: name 'args' is not defined +2025-03-10 15:30:18,221 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,221 - ERROR - Error in episode 9410: name 'args' is not defined +2025-03-10 15:30:18,224 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,224 - ERROR - Error in episode 9411: name 'args' is not defined +2025-03-10 15:30:18,228 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,229 - ERROR - Error in episode 9412: name 'args' is not defined +2025-03-10 15:30:18,231 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,231 - ERROR - Error in episode 9413: name 'args' is not defined +2025-03-10 15:30:18,235 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,235 - ERROR - Error in episode 9414: name 'args' is not defined +2025-03-10 15:30:18,238 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,238 - ERROR - Error in episode 9415: name 'args' is not defined +2025-03-10 15:30:18,241 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,242 - ERROR - Error in episode 9416: name 'args' is not defined +2025-03-10 15:30:18,245 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,245 - ERROR - Error in episode 9417: name 'args' is not defined +2025-03-10 15:30:18,248 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,248 - ERROR - Error in episode 9418: name 'args' is not defined +2025-03-10 15:30:18,251 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,251 - ERROR - Error in episode 9419: name 'args' is not defined +2025-03-10 15:30:18,254 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,254 - ERROR - Error in episode 9420: name 'args' is not defined +2025-03-10 15:30:18,258 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,258 - ERROR - Error in episode 9421: name 'args' is not defined +2025-03-10 15:30:18,261 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,261 - ERROR - Error in episode 9422: name 'args' is not defined +2025-03-10 15:30:18,264 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,265 - ERROR - Error in episode 9423: name 'args' is not defined +2025-03-10 15:30:18,267 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,267 - ERROR - Error in episode 9424: name 'args' is not defined +2025-03-10 15:30:18,271 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,271 - ERROR - Error in episode 9425: name 'args' is not defined +2025-03-10 15:30:18,274 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,274 - ERROR - Error in episode 9426: name 'args' is not defined +2025-03-10 15:30:18,276 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,277 - ERROR - Error in episode 9427: name 'args' is not defined +2025-03-10 15:30:18,280 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,280 - ERROR - Error in episode 9428: name 'args' is not defined +2025-03-10 15:30:18,284 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,285 - ERROR - Error in episode 9429: name 'args' is not defined +2025-03-10 15:30:18,287 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,288 - ERROR - Error in episode 9430: name 'args' is not defined +2025-03-10 15:30:18,291 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,291 - ERROR - Error in episode 9431: name 'args' is not defined +2025-03-10 15:30:18,294 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,294 - ERROR - Error in episode 9432: name 'args' is not defined +2025-03-10 15:30:18,297 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,297 - ERROR - Error in episode 9433: name 'args' is not defined +2025-03-10 15:30:18,301 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,301 - ERROR - Error in episode 9434: name 'args' is not defined +2025-03-10 15:30:18,303 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,304 - ERROR - Error in episode 9435: name 'args' is not defined +2025-03-10 15:30:18,307 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,307 - ERROR - Error in episode 9436: name 'args' is not defined +2025-03-10 15:30:18,310 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,310 - ERROR - Error in episode 9437: name 'args' is not defined +2025-03-10 15:30:18,314 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,314 - ERROR - Error in episode 9438: name 'args' is not defined +2025-03-10 15:30:18,317 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,317 - ERROR - Error in episode 9439: name 'args' is not defined +2025-03-10 15:30:18,320 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,320 - ERROR - Error in episode 9440: name 'args' is not defined +2025-03-10 15:30:18,323 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,323 - ERROR - Error in episode 9441: name 'args' is not defined +2025-03-10 15:30:18,326 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,326 - ERROR - Error in episode 9442: name 'args' is not defined +2025-03-10 15:30:18,330 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,330 - ERROR - Error in episode 9443: name 'args' is not defined +2025-03-10 15:30:18,333 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,333 - ERROR - Error in episode 9444: name 'args' is not defined +2025-03-10 15:30:18,337 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,337 - ERROR - Error in episode 9445: name 'args' is not defined +2025-03-10 15:30:18,340 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,340 - ERROR - Error in episode 9446: name 'args' is not defined +2025-03-10 15:30:18,342 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,343 - ERROR - Error in episode 9447: name 'args' is not defined +2025-03-10 15:30:18,346 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,346 - ERROR - Error in episode 9448: name 'args' is not defined +2025-03-10 15:30:18,349 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,349 - ERROR - Error in episode 9449: name 'args' is not defined +2025-03-10 15:30:18,352 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,352 - ERROR - Error in episode 9450: name 'args' is not defined +2025-03-10 15:30:18,356 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,356 - ERROR - Error in episode 9451: name 'args' is not defined +2025-03-10 15:30:18,359 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,359 - ERROR - Error in episode 9452: name 'args' is not defined +2025-03-10 15:30:18,362 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,363 - ERROR - Error in episode 9453: name 'args' is not defined +2025-03-10 15:30:18,365 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,365 - ERROR - Error in episode 9454: name 'args' is not defined +2025-03-10 15:30:18,368 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,368 - ERROR - Error in episode 9455: name 'args' is not defined +2025-03-10 15:30:18,371 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,371 - ERROR - Error in episode 9456: name 'args' is not defined +2025-03-10 15:30:18,374 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,374 - ERROR - Error in episode 9457: name 'args' is not defined +2025-03-10 15:30:18,377 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,377 - ERROR - Error in episode 9458: name 'args' is not defined +2025-03-10 15:30:18,381 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,381 - ERROR - Error in episode 9459: name 'args' is not defined +2025-03-10 15:30:18,384 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,384 - ERROR - Error in episode 9460: name 'args' is not defined +2025-03-10 15:30:18,387 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,388 - ERROR - Error in episode 9461: name 'args' is not defined +2025-03-10 15:30:18,391 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,391 - ERROR - Error in episode 9462: name 'args' is not defined +2025-03-10 15:30:18,393 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,394 - ERROR - Error in episode 9463: name 'args' is not defined +2025-03-10 15:30:18,396 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,397 - ERROR - Error in episode 9464: name 'args' is not defined +2025-03-10 15:30:18,399 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,399 - ERROR - Error in episode 9465: name 'args' is not defined +2025-03-10 15:30:18,402 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,402 - ERROR - Error in episode 9466: name 'args' is not defined +2025-03-10 15:30:18,406 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,406 - ERROR - Error in episode 9467: name 'args' is not defined +2025-03-10 15:30:18,409 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,410 - ERROR - Error in episode 9468: name 'args' is not defined +2025-03-10 15:30:18,412 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,412 - ERROR - Error in episode 9469: name 'args' is not defined +2025-03-10 15:30:18,415 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,416 - ERROR - Error in episode 9470: name 'args' is not defined +2025-03-10 15:30:18,418 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,419 - ERROR - Error in episode 9471: name 'args' is not defined +2025-03-10 15:30:18,422 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,422 - ERROR - Error in episode 9472: name 'args' is not defined +2025-03-10 15:30:18,425 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,425 - ERROR - Error in episode 9473: name 'args' is not defined +2025-03-10 15:30:18,428 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,428 - ERROR - Error in episode 9474: name 'args' is not defined +2025-03-10 15:30:18,431 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,431 - ERROR - Error in episode 9475: name 'args' is not defined +2025-03-10 15:30:18,434 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,434 - ERROR - Error in episode 9476: name 'args' is not defined +2025-03-10 15:30:18,438 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,438 - ERROR - Error in episode 9477: name 'args' is not defined +2025-03-10 15:30:18,440 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,441 - ERROR - Error in episode 9478: name 'args' is not defined +2025-03-10 15:30:18,443 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,444 - ERROR - Error in episode 9479: name 'args' is not defined +2025-03-10 15:30:18,447 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,447 - ERROR - Error in episode 9480: name 'args' is not defined +2025-03-10 15:30:18,449 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,450 - ERROR - Error in episode 9481: name 'args' is not defined +2025-03-10 15:30:18,452 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,453 - ERROR - Error in episode 9482: name 'args' is not defined +2025-03-10 15:30:18,456 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,457 - ERROR - Error in episode 9483: name 'args' is not defined +2025-03-10 15:30:18,459 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,460 - ERROR - Error in episode 9484: name 'args' is not defined +2025-03-10 15:30:18,462 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,463 - ERROR - Error in episode 9485: name 'args' is not defined +2025-03-10 15:30:18,466 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,466 - ERROR - Error in episode 9486: name 'args' is not defined +2025-03-10 15:30:18,468 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,469 - ERROR - Error in episode 9487: name 'args' is not defined +2025-03-10 15:30:18,472 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,472 - ERROR - Error in episode 9488: name 'args' is not defined +2025-03-10 15:30:18,475 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,475 - ERROR - Error in episode 9489: name 'args' is not defined +2025-03-10 15:30:18,477 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,478 - ERROR - Error in episode 9490: name 'args' is not defined +2025-03-10 15:30:18,481 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,481 - ERROR - Error in episode 9491: name 'args' is not defined +2025-03-10 15:30:18,484 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,484 - ERROR - Error in episode 9492: name 'args' is not defined +2025-03-10 15:30:18,488 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,488 - ERROR - Error in episode 9493: name 'args' is not defined +2025-03-10 15:30:18,491 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,491 - ERROR - Error in episode 9494: name 'args' is not defined +2025-03-10 15:30:18,494 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,494 - ERROR - Error in episode 9495: name 'args' is not defined +2025-03-10 15:30:18,497 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,497 - ERROR - Error in episode 9496: name 'args' is not defined +2025-03-10 15:30:18,500 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,500 - ERROR - Error in episode 9497: name 'args' is not defined +2025-03-10 15:30:18,502 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,503 - ERROR - Error in episode 9498: name 'args' is not defined +2025-03-10 15:30:18,506 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,506 - ERROR - Error in episode 9499: name 'args' is not defined +2025-03-10 15:30:18,509 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,510 - ERROR - Error in episode 9500: name 'args' is not defined +2025-03-10 15:30:18,513 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,513 - ERROR - Error in episode 9501: name 'args' is not defined +2025-03-10 15:30:18,515 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,515 - ERROR - Error in episode 9502: name 'args' is not defined +2025-03-10 15:30:18,518 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,518 - ERROR - Error in episode 9503: name 'args' is not defined +2025-03-10 15:30:18,521 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,522 - ERROR - Error in episode 9504: name 'args' is not defined +2025-03-10 15:30:18,524 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,525 - ERROR - Error in episode 9505: name 'args' is not defined +2025-03-10 15:30:18,528 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,528 - ERROR - Error in episode 9506: name 'args' is not defined +2025-03-10 15:30:18,531 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,531 - ERROR - Error in episode 9507: name 'args' is not defined +2025-03-10 15:30:18,534 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,535 - ERROR - Error in episode 9508: name 'args' is not defined +2025-03-10 15:30:18,537 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,537 - ERROR - Error in episode 9509: name 'args' is not defined +2025-03-10 15:30:18,541 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,541 - ERROR - Error in episode 9510: name 'args' is not defined +2025-03-10 15:30:18,543 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,544 - ERROR - Error in episode 9511: name 'args' is not defined +2025-03-10 15:30:18,546 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,547 - ERROR - Error in episode 9512: name 'args' is not defined +2025-03-10 15:30:18,549 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,551 - ERROR - Error in episode 9513: name 'args' is not defined +2025-03-10 15:30:18,553 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,554 - ERROR - Error in episode 9514: name 'args' is not defined +2025-03-10 15:30:18,556 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,556 - ERROR - Error in episode 9515: name 'args' is not defined +2025-03-10 15:30:18,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,559 - ERROR - Error in episode 9516: name 'args' is not defined +2025-03-10 15:30:18,562 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,563 - ERROR - Error in episode 9517: name 'args' is not defined +2025-03-10 15:30:18,566 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,567 - ERROR - Error in episode 9518: name 'args' is not defined +2025-03-10 15:30:18,569 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,570 - ERROR - Error in episode 9519: name 'args' is not defined +2025-03-10 15:30:18,573 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,573 - ERROR - Error in episode 9520: name 'args' is not defined +2025-03-10 15:30:18,575 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,576 - ERROR - Error in episode 9521: name 'args' is not defined +2025-03-10 15:30:18,578 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,579 - ERROR - Error in episode 9522: name 'args' is not defined +2025-03-10 15:30:18,582 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,583 - ERROR - Error in episode 9523: name 'args' is not defined +2025-03-10 15:30:18,586 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,586 - ERROR - Error in episode 9524: name 'args' is not defined +2025-03-10 15:30:18,589 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,590 - ERROR - Error in episode 9525: name 'args' is not defined +2025-03-10 15:30:18,593 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,593 - ERROR - Error in episode 9526: name 'args' is not defined +2025-03-10 15:30:18,595 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,597 - ERROR - Error in episode 9527: name 'args' is not defined +2025-03-10 15:30:18,599 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,599 - ERROR - Error in episode 9528: name 'args' is not defined +2025-03-10 15:30:18,601 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,602 - ERROR - Error in episode 9529: name 'args' is not defined +2025-03-10 15:30:18,604 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,605 - ERROR - Error in episode 9530: name 'args' is not defined +2025-03-10 15:30:18,607 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,607 - ERROR - Error in episode 9531: name 'args' is not defined +2025-03-10 15:30:18,610 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,610 - ERROR - Error in episode 9532: name 'args' is not defined +2025-03-10 15:30:18,613 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,613 - ERROR - Error in episode 9533: name 'args' is not defined +2025-03-10 15:30:18,616 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,617 - ERROR - Error in episode 9534: name 'args' is not defined +2025-03-10 15:30:18,619 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,620 - ERROR - Error in episode 9535: name 'args' is not defined +2025-03-10 15:30:18,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,624 - ERROR - Error in episode 9536: name 'args' is not defined +2025-03-10 15:30:18,626 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,626 - ERROR - Error in episode 9537: name 'args' is not defined +2025-03-10 15:30:18,629 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,629 - ERROR - Error in episode 9538: name 'args' is not defined +2025-03-10 15:30:18,633 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,633 - ERROR - Error in episode 9539: name 'args' is not defined +2025-03-10 15:30:18,635 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,636 - ERROR - Error in episode 9540: name 'args' is not defined +2025-03-10 15:30:18,638 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,639 - ERROR - Error in episode 9541: name 'args' is not defined +2025-03-10 15:30:18,641 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,642 - ERROR - Error in episode 9542: name 'args' is not defined +2025-03-10 15:30:18,645 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,645 - ERROR - Error in episode 9543: name 'args' is not defined +2025-03-10 15:30:18,649 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,649 - ERROR - Error in episode 9544: name 'args' is not defined +2025-03-10 15:30:18,652 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,652 - ERROR - Error in episode 9545: name 'args' is not defined +2025-03-10 15:30:18,655 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,655 - ERROR - Error in episode 9546: name 'args' is not defined +2025-03-10 15:30:18,659 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,659 - ERROR - Error in episode 9547: name 'args' is not defined +2025-03-10 15:30:18,662 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,662 - ERROR - Error in episode 9548: name 'args' is not defined +2025-03-10 15:30:18,665 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,666 - ERROR - Error in episode 9549: name 'args' is not defined +2025-03-10 15:30:18,669 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,669 - ERROR - Error in episode 9550: name 'args' is not defined +2025-03-10 15:30:18,672 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,673 - ERROR - Error in episode 9551: name 'args' is not defined +2025-03-10 15:30:18,676 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,677 - ERROR - Error in episode 9552: name 'args' is not defined +2025-03-10 15:30:18,680 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,680 - ERROR - Error in episode 9553: name 'args' is not defined +2025-03-10 15:30:18,685 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,685 - ERROR - Error in episode 9554: name 'args' is not defined +2025-03-10 15:30:18,689 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,689 - ERROR - Error in episode 9555: name 'args' is not defined +2025-03-10 15:30:18,692 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,693 - ERROR - Error in episode 9556: name 'args' is not defined +2025-03-10 15:30:18,695 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,696 - ERROR - Error in episode 9557: name 'args' is not defined +2025-03-10 15:30:18,698 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,699 - ERROR - Error in episode 9558: name 'args' is not defined +2025-03-10 15:30:18,701 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,702 - ERROR - Error in episode 9559: name 'args' is not defined +2025-03-10 15:30:18,704 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,705 - ERROR - Error in episode 9560: name 'args' is not defined +2025-03-10 15:30:18,707 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,708 - ERROR - Error in episode 9561: name 'args' is not defined +2025-03-10 15:30:18,711 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,711 - ERROR - Error in episode 9562: name 'args' is not defined +2025-03-10 15:30:18,714 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,714 - ERROR - Error in episode 9563: name 'args' is not defined +2025-03-10 15:30:18,717 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,717 - ERROR - Error in episode 9564: name 'args' is not defined +2025-03-10 15:30:18,722 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,722 - ERROR - Error in episode 9565: name 'args' is not defined +2025-03-10 15:30:18,725 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,725 - ERROR - Error in episode 9566: name 'args' is not defined +2025-03-10 15:30:18,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,728 - ERROR - Error in episode 9567: name 'args' is not defined +2025-03-10 15:30:18,730 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,731 - ERROR - Error in episode 9568: name 'args' is not defined +2025-03-10 15:30:18,734 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,734 - ERROR - Error in episode 9569: name 'args' is not defined +2025-03-10 15:30:18,737 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,737 - ERROR - Error in episode 9570: name 'args' is not defined +2025-03-10 15:30:18,741 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,741 - ERROR - Error in episode 9571: name 'args' is not defined +2025-03-10 15:30:18,744 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,744 - ERROR - Error in episode 9572: name 'args' is not defined +2025-03-10 15:30:18,747 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,748 - ERROR - Error in episode 9573: name 'args' is not defined +2025-03-10 15:30:18,751 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,752 - ERROR - Error in episode 9574: name 'args' is not defined +2025-03-10 15:30:18,755 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,756 - ERROR - Error in episode 9575: name 'args' is not defined +2025-03-10 15:30:18,759 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,759 - ERROR - Error in episode 9576: name 'args' is not defined +2025-03-10 15:30:18,763 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,763 - ERROR - Error in episode 9577: name 'args' is not defined +2025-03-10 15:30:18,766 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,767 - ERROR - Error in episode 9578: name 'args' is not defined +2025-03-10 15:30:18,770 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,770 - ERROR - Error in episode 9579: name 'args' is not defined +2025-03-10 15:30:18,773 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,774 - ERROR - Error in episode 9580: name 'args' is not defined +2025-03-10 15:30:18,777 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,777 - ERROR - Error in episode 9581: name 'args' is not defined +2025-03-10 15:30:18,780 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,780 - ERROR - Error in episode 9582: name 'args' is not defined +2025-03-10 15:30:18,785 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,785 - ERROR - Error in episode 9583: name 'args' is not defined +2025-03-10 15:30:18,788 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,788 - ERROR - Error in episode 9584: name 'args' is not defined +2025-03-10 15:30:18,792 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,792 - ERROR - Error in episode 9585: name 'args' is not defined +2025-03-10 15:30:18,794 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,795 - ERROR - Error in episode 9586: name 'args' is not defined +2025-03-10 15:30:18,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,798 - ERROR - Error in episode 9587: name 'args' is not defined +2025-03-10 15:30:18,802 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,803 - ERROR - Error in episode 9588: name 'args' is not defined +2025-03-10 15:30:18,806 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,806 - ERROR - Error in episode 9589: name 'args' is not defined +2025-03-10 15:30:18,810 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,810 - ERROR - Error in episode 9590: name 'args' is not defined +2025-03-10 15:30:18,813 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,813 - ERROR - Error in episode 9591: name 'args' is not defined +2025-03-10 15:30:18,815 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,816 - ERROR - Error in episode 9592: name 'args' is not defined +2025-03-10 15:30:18,818 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,819 - ERROR - Error in episode 9593: name 'args' is not defined +2025-03-10 15:30:18,822 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,822 - ERROR - Error in episode 9594: name 'args' is not defined +2025-03-10 15:30:18,825 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,826 - ERROR - Error in episode 9595: name 'args' is not defined +2025-03-10 15:30:18,829 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,829 - ERROR - Error in episode 9596: name 'args' is not defined +2025-03-10 15:30:18,832 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,832 - ERROR - Error in episode 9597: name 'args' is not defined +2025-03-10 15:30:18,834 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,835 - ERROR - Error in episode 9598: name 'args' is not defined +2025-03-10 15:30:18,837 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,838 - ERROR - Error in episode 9599: name 'args' is not defined +2025-03-10 15:30:18,840 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,841 - ERROR - Error in episode 9600: name 'args' is not defined +2025-03-10 15:30:18,844 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,845 - ERROR - Error in episode 9601: name 'args' is not defined +2025-03-10 15:30:18,847 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,847 - ERROR - Error in episode 9602: name 'args' is not defined +2025-03-10 15:30:18,850 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,850 - ERROR - Error in episode 9603: name 'args' is not defined +2025-03-10 15:30:18,853 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,853 - ERROR - Error in episode 9604: name 'args' is not defined +2025-03-10 15:30:18,857 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,858 - ERROR - Error in episode 9605: name 'args' is not defined +2025-03-10 15:30:18,860 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,861 - ERROR - Error in episode 9606: name 'args' is not defined +2025-03-10 15:30:18,863 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,864 - ERROR - Error in episode 9607: name 'args' is not defined +2025-03-10 15:30:18,867 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,867 - ERROR - Error in episode 9608: name 'args' is not defined +2025-03-10 15:30:18,871 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,871 - ERROR - Error in episode 9609: name 'args' is not defined +2025-03-10 15:30:18,875 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,875 - ERROR - Error in episode 9610: name 'args' is not defined +2025-03-10 15:30:18,878 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,878 - ERROR - Error in episode 9611: name 'args' is not defined +2025-03-10 15:30:18,882 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,882 - ERROR - Error in episode 9612: name 'args' is not defined +2025-03-10 15:30:18,886 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,887 - ERROR - Error in episode 9613: name 'args' is not defined +2025-03-10 15:30:18,890 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,890 - ERROR - Error in episode 9614: name 'args' is not defined +2025-03-10 15:30:18,894 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,894 - ERROR - Error in episode 9615: name 'args' is not defined +2025-03-10 15:30:18,897 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,898 - ERROR - Error in episode 9616: name 'args' is not defined +2025-03-10 15:30:18,900 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,901 - ERROR - Error in episode 9617: name 'args' is not defined +2025-03-10 15:30:18,903 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,904 - ERROR - Error in episode 9618: name 'args' is not defined +2025-03-10 15:30:18,906 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,907 - ERROR - Error in episode 9619: name 'args' is not defined +2025-03-10 15:30:18,910 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,910 - ERROR - Error in episode 9620: name 'args' is not defined +2025-03-10 15:30:18,914 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,915 - ERROR - Error in episode 9621: name 'args' is not defined +2025-03-10 15:30:18,917 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,918 - ERROR - Error in episode 9622: name 'args' is not defined +2025-03-10 15:30:18,921 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,922 - ERROR - Error in episode 9623: name 'args' is not defined +2025-03-10 15:30:18,924 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,924 - ERROR - Error in episode 9624: name 'args' is not defined +2025-03-10 15:30:18,929 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,929 - ERROR - Error in episode 9625: name 'args' is not defined +2025-03-10 15:30:18,932 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,933 - ERROR - Error in episode 9626: name 'args' is not defined +2025-03-10 15:30:18,935 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,935 - ERROR - Error in episode 9627: name 'args' is not defined +2025-03-10 15:30:18,938 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,938 - ERROR - Error in episode 9628: name 'args' is not defined +2025-03-10 15:30:18,941 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,941 - ERROR - Error in episode 9629: name 'args' is not defined +2025-03-10 15:30:18,945 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,946 - ERROR - Error in episode 9630: name 'args' is not defined +2025-03-10 15:30:18,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,950 - ERROR - Error in episode 9631: name 'args' is not defined +2025-03-10 15:30:18,952 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,953 - ERROR - Error in episode 9632: name 'args' is not defined +2025-03-10 15:30:18,956 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,956 - ERROR - Error in episode 9633: name 'args' is not defined +2025-03-10 15:30:18,959 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,960 - ERROR - Error in episode 9634: name 'args' is not defined +2025-03-10 15:30:18,963 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,963 - ERROR - Error in episode 9635: name 'args' is not defined +2025-03-10 15:30:18,965 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,966 - ERROR - Error in episode 9636: name 'args' is not defined +2025-03-10 15:30:18,969 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,969 - ERROR - Error in episode 9637: name 'args' is not defined +2025-03-10 15:30:18,971 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,972 - ERROR - Error in episode 9638: name 'args' is not defined +2025-03-10 15:30:18,974 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,974 - ERROR - Error in episode 9639: name 'args' is not defined +2025-03-10 15:30:18,978 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,978 - ERROR - Error in episode 9640: name 'args' is not defined +2025-03-10 15:30:18,981 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,981 - ERROR - Error in episode 9641: name 'args' is not defined +2025-03-10 15:30:18,984 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,984 - ERROR - Error in episode 9642: name 'args' is not defined +2025-03-10 15:30:18,987 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,987 - ERROR - Error in episode 9643: name 'args' is not defined +2025-03-10 15:30:18,989 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,990 - ERROR - Error in episode 9644: name 'args' is not defined +2025-03-10 15:30:18,993 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,993 - ERROR - Error in episode 9645: name 'args' is not defined +2025-03-10 15:30:18,996 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:18,996 - ERROR - Error in episode 9646: name 'args' is not defined +2025-03-10 15:30:18,999 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,000 - ERROR - Error in episode 9647: name 'args' is not defined +2025-03-10 15:30:19,003 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,004 - ERROR - Error in episode 9648: name 'args' is not defined +2025-03-10 15:30:19,007 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,007 - ERROR - Error in episode 9649: name 'args' is not defined +2025-03-10 15:30:19,011 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,011 - ERROR - Error in episode 9650: name 'args' is not defined +2025-03-10 15:30:19,014 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,015 - ERROR - Error in episode 9651: name 'args' is not defined +2025-03-10 15:30:19,018 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,018 - ERROR - Error in episode 9652: name 'args' is not defined +2025-03-10 15:30:19,021 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,022 - ERROR - Error in episode 9653: name 'args' is not defined +2025-03-10 15:30:19,024 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,025 - ERROR - Error in episode 9654: name 'args' is not defined +2025-03-10 15:30:19,027 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,027 - ERROR - Error in episode 9655: name 'args' is not defined +2025-03-10 15:30:19,030 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,031 - ERROR - Error in episode 9656: name 'args' is not defined +2025-03-10 15:30:19,033 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,033 - ERROR - Error in episode 9657: name 'args' is not defined +2025-03-10 15:30:19,037 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,038 - ERROR - Error in episode 9658: name 'args' is not defined +2025-03-10 15:30:19,041 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,042 - ERROR - Error in episode 9659: name 'args' is not defined +2025-03-10 15:30:19,044 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,045 - ERROR - Error in episode 9660: name 'args' is not defined +2025-03-10 15:30:19,047 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,047 - ERROR - Error in episode 9661: name 'args' is not defined +2025-03-10 15:30:19,050 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,051 - ERROR - Error in episode 9662: name 'args' is not defined +2025-03-10 15:30:19,054 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,055 - ERROR - Error in episode 9663: name 'args' is not defined +2025-03-10 15:30:19,058 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,059 - ERROR - Error in episode 9664: name 'args' is not defined +2025-03-10 15:30:19,061 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,062 - ERROR - Error in episode 9665: name 'args' is not defined +2025-03-10 15:30:19,065 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,065 - ERROR - Error in episode 9666: name 'args' is not defined +2025-03-10 15:30:19,069 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,069 - ERROR - Error in episode 9667: name 'args' is not defined +2025-03-10 15:30:19,073 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,073 - ERROR - Error in episode 9668: name 'args' is not defined +2025-03-10 15:30:19,077 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,077 - ERROR - Error in episode 9669: name 'args' is not defined +2025-03-10 15:30:19,081 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,082 - ERROR - Error in episode 9670: name 'args' is not defined +2025-03-10 15:30:19,084 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,084 - ERROR - Error in episode 9671: name 'args' is not defined +2025-03-10 15:30:19,088 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,088 - ERROR - Error in episode 9672: name 'args' is not defined +2025-03-10 15:30:19,091 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,091 - ERROR - Error in episode 9673: name 'args' is not defined +2025-03-10 15:30:19,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,094 - ERROR - Error in episode 9674: name 'args' is not defined +2025-03-10 15:30:19,097 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,097 - ERROR - Error in episode 9675: name 'args' is not defined +2025-03-10 15:30:19,101 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,101 - ERROR - Error in episode 9676: name 'args' is not defined +2025-03-10 15:30:19,104 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,105 - ERROR - Error in episode 9677: name 'args' is not defined +2025-03-10 15:30:19,108 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,109 - ERROR - Error in episode 9678: name 'args' is not defined +2025-03-10 15:30:19,111 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,112 - ERROR - Error in episode 9679: name 'args' is not defined +2025-03-10 15:30:19,115 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,115 - ERROR - Error in episode 9680: name 'args' is not defined +2025-03-10 15:30:19,119 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,119 - ERROR - Error in episode 9681: name 'args' is not defined +2025-03-10 15:30:19,123 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,123 - ERROR - Error in episode 9682: name 'args' is not defined +2025-03-10 15:30:19,127 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,128 - ERROR - Error in episode 9683: name 'args' is not defined +2025-03-10 15:30:19,131 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,131 - ERROR - Error in episode 9684: name 'args' is not defined +2025-03-10 15:30:19,134 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,134 - ERROR - Error in episode 9685: name 'args' is not defined +2025-03-10 15:30:19,137 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,138 - ERROR - Error in episode 9686: name 'args' is not defined +2025-03-10 15:30:19,141 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,141 - ERROR - Error in episode 9687: name 'args' is not defined +2025-03-10 15:30:19,145 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,145 - ERROR - Error in episode 9688: name 'args' is not defined +2025-03-10 15:30:19,149 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,149 - ERROR - Error in episode 9689: name 'args' is not defined +2025-03-10 15:30:19,152 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,153 - ERROR - Error in episode 9690: name 'args' is not defined +2025-03-10 15:30:19,156 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,157 - ERROR - Error in episode 9691: name 'args' is not defined +2025-03-10 15:30:19,161 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,161 - ERROR - Error in episode 9692: name 'args' is not defined +2025-03-10 15:30:19,164 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,165 - ERROR - Error in episode 9693: name 'args' is not defined +2025-03-10 15:30:19,168 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,169 - ERROR - Error in episode 9694: name 'args' is not defined +2025-03-10 15:30:19,171 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,171 - ERROR - Error in episode 9695: name 'args' is not defined +2025-03-10 15:30:19,175 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,175 - ERROR - Error in episode 9696: name 'args' is not defined +2025-03-10 15:30:19,178 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,179 - ERROR - Error in episode 9697: name 'args' is not defined +2025-03-10 15:30:19,183 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,183 - ERROR - Error in episode 9698: name 'args' is not defined +2025-03-10 15:30:19,186 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,187 - ERROR - Error in episode 9699: name 'args' is not defined +2025-03-10 15:30:19,190 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,190 - ERROR - Error in episode 9700: name 'args' is not defined +2025-03-10 15:30:19,194 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,195 - ERROR - Error in episode 9701: name 'args' is not defined +2025-03-10 15:30:19,197 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,198 - ERROR - Error in episode 9702: name 'args' is not defined +2025-03-10 15:30:19,201 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,202 - ERROR - Error in episode 9703: name 'args' is not defined +2025-03-10 15:30:19,205 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,205 - ERROR - Error in episode 9704: name 'args' is not defined +2025-03-10 15:30:19,208 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,209 - ERROR - Error in episode 9705: name 'args' is not defined +2025-03-10 15:30:19,213 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,213 - ERROR - Error in episode 9706: name 'args' is not defined +2025-03-10 15:30:19,218 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,218 - ERROR - Error in episode 9707: name 'args' is not defined +2025-03-10 15:30:19,222 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,222 - ERROR - Error in episode 9708: name 'args' is not defined +2025-03-10 15:30:19,225 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,225 - ERROR - Error in episode 9709: name 'args' is not defined +2025-03-10 15:30:19,229 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,229 - ERROR - Error in episode 9710: name 'args' is not defined +2025-03-10 15:30:19,232 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,232 - ERROR - Error in episode 9711: name 'args' is not defined +2025-03-10 15:30:19,235 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,236 - ERROR - Error in episode 9712: name 'args' is not defined +2025-03-10 15:30:19,239 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,239 - ERROR - Error in episode 9713: name 'args' is not defined +2025-03-10 15:30:19,243 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,243 - ERROR - Error in episode 9714: name 'args' is not defined +2025-03-10 15:30:19,246 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,247 - ERROR - Error in episode 9715: name 'args' is not defined +2025-03-10 15:30:19,250 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,251 - ERROR - Error in episode 9716: name 'args' is not defined +2025-03-10 15:30:19,254 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,254 - ERROR - Error in episode 9717: name 'args' is not defined +2025-03-10 15:30:19,257 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,257 - ERROR - Error in episode 9718: name 'args' is not defined +2025-03-10 15:30:19,261 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,261 - ERROR - Error in episode 9719: name 'args' is not defined +2025-03-10 15:30:19,265 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,266 - ERROR - Error in episode 9720: name 'args' is not defined +2025-03-10 15:30:19,270 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,270 - ERROR - Error in episode 9721: name 'args' is not defined +2025-03-10 15:30:19,275 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,275 - ERROR - Error in episode 9722: name 'args' is not defined +2025-03-10 15:30:19,278 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,279 - ERROR - Error in episode 9723: name 'args' is not defined +2025-03-10 15:30:19,282 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,282 - ERROR - Error in episode 9724: name 'args' is not defined +2025-03-10 15:30:19,286 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,286 - ERROR - Error in episode 9725: name 'args' is not defined +2025-03-10 15:30:19,291 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,291 - ERROR - Error in episode 9726: name 'args' is not defined +2025-03-10 15:30:19,295 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,295 - ERROR - Error in episode 9727: name 'args' is not defined +2025-03-10 15:30:19,298 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,299 - ERROR - Error in episode 9728: name 'args' is not defined +2025-03-10 15:30:19,301 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,301 - ERROR - Error in episode 9729: name 'args' is not defined +2025-03-10 15:30:19,305 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,306 - ERROR - Error in episode 9730: name 'args' is not defined +2025-03-10 15:30:19,309 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,309 - ERROR - Error in episode 9731: name 'args' is not defined +2025-03-10 15:30:19,312 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,313 - ERROR - Error in episode 9732: name 'args' is not defined +2025-03-10 15:30:19,315 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,317 - ERROR - Error in episode 9733: name 'args' is not defined +2025-03-10 15:30:19,319 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,320 - ERROR - Error in episode 9734: name 'args' is not defined +2025-03-10 15:30:19,323 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,323 - ERROR - Error in episode 9735: name 'args' is not defined +2025-03-10 15:30:19,326 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,327 - ERROR - Error in episode 9736: name 'args' is not defined +2025-03-10 15:30:19,330 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,330 - ERROR - Error in episode 9737: name 'args' is not defined +2025-03-10 15:30:19,334 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,334 - ERROR - Error in episode 9738: name 'args' is not defined +2025-03-10 15:30:19,337 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,337 - ERROR - Error in episode 9739: name 'args' is not defined +2025-03-10 15:30:19,340 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,341 - ERROR - Error in episode 9740: name 'args' is not defined +2025-03-10 15:30:19,345 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,345 - ERROR - Error in episode 9741: name 'args' is not defined +2025-03-10 15:30:19,348 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,349 - ERROR - Error in episode 9742: name 'args' is not defined +2025-03-10 15:30:19,353 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,353 - ERROR - Error in episode 9743: name 'args' is not defined +2025-03-10 15:30:19,357 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,357 - ERROR - Error in episode 9744: name 'args' is not defined +2025-03-10 15:30:19,360 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,360 - ERROR - Error in episode 9745: name 'args' is not defined +2025-03-10 15:30:19,363 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,364 - ERROR - Error in episode 9746: name 'args' is not defined +2025-03-10 15:30:19,367 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,367 - ERROR - Error in episode 9747: name 'args' is not defined +2025-03-10 15:30:19,370 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,370 - ERROR - Error in episode 9748: name 'args' is not defined +2025-03-10 15:30:19,374 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,374 - ERROR - Error in episode 9749: name 'args' is not defined +2025-03-10 15:30:19,377 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,377 - ERROR - Error in episode 9750: name 'args' is not defined +2025-03-10 15:30:19,381 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,381 - ERROR - Error in episode 9751: name 'args' is not defined +2025-03-10 15:30:19,385 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,386 - ERROR - Error in episode 9752: name 'args' is not defined +2025-03-10 15:30:19,390 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,390 - ERROR - Error in episode 9753: name 'args' is not defined +2025-03-10 15:30:19,393 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,394 - ERROR - Error in episode 9754: name 'args' is not defined +2025-03-10 15:30:19,397 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,398 - ERROR - Error in episode 9755: name 'args' is not defined +2025-03-10 15:30:19,401 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,401 - ERROR - Error in episode 9756: name 'args' is not defined +2025-03-10 15:30:19,404 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,404 - ERROR - Error in episode 9757: name 'args' is not defined +2025-03-10 15:30:19,407 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,408 - ERROR - Error in episode 9758: name 'args' is not defined +2025-03-10 15:30:19,411 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,411 - ERROR - Error in episode 9759: name 'args' is not defined +2025-03-10 15:30:19,415 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,415 - ERROR - Error in episode 9760: name 'args' is not defined +2025-03-10 15:30:19,418 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,419 - ERROR - Error in episode 9761: name 'args' is not defined +2025-03-10 15:30:19,422 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,423 - ERROR - Error in episode 9762: name 'args' is not defined +2025-03-10 15:30:19,426 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,426 - ERROR - Error in episode 9763: name 'args' is not defined +2025-03-10 15:30:19,430 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,430 - ERROR - Error in episode 9764: name 'args' is not defined +2025-03-10 15:30:19,434 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,434 - ERROR - Error in episode 9765: name 'args' is not defined +2025-03-10 15:30:19,437 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,438 - ERROR - Error in episode 9766: name 'args' is not defined +2025-03-10 15:30:19,441 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,441 - ERROR - Error in episode 9767: name 'args' is not defined +2025-03-10 15:30:19,445 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,445 - ERROR - Error in episode 9768: name 'args' is not defined +2025-03-10 15:30:19,449 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,449 - ERROR - Error in episode 9769: name 'args' is not defined +2025-03-10 15:30:19,452 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,453 - ERROR - Error in episode 9770: name 'args' is not defined +2025-03-10 15:30:19,456 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,456 - ERROR - Error in episode 9771: name 'args' is not defined +2025-03-10 15:30:19,459 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,459 - ERROR - Error in episode 9772: name 'args' is not defined +2025-03-10 15:30:19,463 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,463 - ERROR - Error in episode 9773: name 'args' is not defined +2025-03-10 15:30:19,466 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,467 - ERROR - Error in episode 9774: name 'args' is not defined +2025-03-10 15:30:19,470 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,471 - ERROR - Error in episode 9775: name 'args' is not defined +2025-03-10 15:30:19,473 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,474 - ERROR - Error in episode 9776: name 'args' is not defined +2025-03-10 15:30:19,478 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,478 - ERROR - Error in episode 9777: name 'args' is not defined +2025-03-10 15:30:19,482 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,482 - ERROR - Error in episode 9778: name 'args' is not defined +2025-03-10 15:30:19,486 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,486 - ERROR - Error in episode 9779: name 'args' is not defined +2025-03-10 15:30:19,490 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,490 - ERROR - Error in episode 9780: name 'args' is not defined +2025-03-10 15:30:19,493 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,494 - ERROR - Error in episode 9781: name 'args' is not defined +2025-03-10 15:30:19,496 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,497 - ERROR - Error in episode 9782: name 'args' is not defined +2025-03-10 15:30:19,499 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,499 - ERROR - Error in episode 9783: name 'args' is not defined +2025-03-10 15:30:19,503 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,504 - ERROR - Error in episode 9784: name 'args' is not defined +2025-03-10 15:30:19,506 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,507 - ERROR - Error in episode 9785: name 'args' is not defined +2025-03-10 15:30:19,510 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,510 - ERROR - Error in episode 9786: name 'args' is not defined +2025-03-10 15:30:19,513 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,513 - ERROR - Error in episode 9787: name 'args' is not defined +2025-03-10 15:30:19,516 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,516 - ERROR - Error in episode 9788: name 'args' is not defined +2025-03-10 15:30:19,519 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,519 - ERROR - Error in episode 9789: name 'args' is not defined +2025-03-10 15:30:19,522 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,523 - ERROR - Error in episode 9790: name 'args' is not defined +2025-03-10 15:30:19,525 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,526 - ERROR - Error in episode 9791: name 'args' is not defined +2025-03-10 15:30:19,528 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,528 - ERROR - Error in episode 9792: name 'args' is not defined +2025-03-10 15:30:19,532 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,532 - ERROR - Error in episode 9793: name 'args' is not defined +2025-03-10 15:30:19,535 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,535 - ERROR - Error in episode 9794: name 'args' is not defined +2025-03-10 15:30:19,538 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,538 - ERROR - Error in episode 9795: name 'args' is not defined +2025-03-10 15:30:19,541 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,541 - ERROR - Error in episode 9796: name 'args' is not defined +2025-03-10 15:30:19,543 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,544 - ERROR - Error in episode 9797: name 'args' is not defined +2025-03-10 15:30:19,547 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,547 - ERROR - Error in episode 9798: name 'args' is not defined +2025-03-10 15:30:19,549 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,550 - ERROR - Error in episode 9799: name 'args' is not defined +2025-03-10 15:30:19,553 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,553 - ERROR - Error in episode 9800: name 'args' is not defined +2025-03-10 15:30:19,557 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,557 - ERROR - Error in episode 9801: name 'args' is not defined +2025-03-10 15:30:19,559 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,559 - ERROR - Error in episode 9802: name 'args' is not defined +2025-03-10 15:30:19,563 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,563 - ERROR - Error in episode 9803: name 'args' is not defined +2025-03-10 15:30:19,567 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,567 - ERROR - Error in episode 9804: name 'args' is not defined +2025-03-10 15:30:19,570 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,570 - ERROR - Error in episode 9805: name 'args' is not defined +2025-03-10 15:30:19,573 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,573 - ERROR - Error in episode 9806: name 'args' is not defined +2025-03-10 15:30:19,575 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,576 - ERROR - Error in episode 9807: name 'args' is not defined +2025-03-10 15:30:19,579 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,579 - ERROR - Error in episode 9808: name 'args' is not defined +2025-03-10 15:30:19,581 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,582 - ERROR - Error in episode 9809: name 'args' is not defined +2025-03-10 15:30:19,584 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,585 - ERROR - Error in episode 9810: name 'args' is not defined +2025-03-10 15:30:19,587 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,587 - ERROR - Error in episode 9811: name 'args' is not defined +2025-03-10 15:30:19,589 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,590 - ERROR - Error in episode 9812: name 'args' is not defined +2025-03-10 15:30:19,592 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,592 - ERROR - Error in episode 9813: name 'args' is not defined +2025-03-10 15:30:19,595 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,595 - ERROR - Error in episode 9814: name 'args' is not defined +2025-03-10 15:30:19,598 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,598 - ERROR - Error in episode 9815: name 'args' is not defined +2025-03-10 15:30:19,601 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,602 - ERROR - Error in episode 9816: name 'args' is not defined +2025-03-10 15:30:19,604 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,604 - ERROR - Error in episode 9817: name 'args' is not defined +2025-03-10 15:30:19,607 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,607 - ERROR - Error in episode 9818: name 'args' is not defined +2025-03-10 15:30:19,610 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,610 - ERROR - Error in episode 9819: name 'args' is not defined +2025-03-10 15:30:19,612 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,612 - ERROR - Error in episode 9820: name 'args' is not defined +2025-03-10 15:30:19,616 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,616 - ERROR - Error in episode 9821: name 'args' is not defined +2025-03-10 15:30:19,619 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,620 - ERROR - Error in episode 9822: name 'args' is not defined +2025-03-10 15:30:19,623 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,623 - ERROR - Error in episode 9823: name 'args' is not defined +2025-03-10 15:30:19,626 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,627 - ERROR - Error in episode 9824: name 'args' is not defined +2025-03-10 15:30:19,630 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,630 - ERROR - Error in episode 9825: name 'args' is not defined +2025-03-10 15:30:19,633 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,634 - ERROR - Error in episode 9826: name 'args' is not defined +2025-03-10 15:30:19,636 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,636 - ERROR - Error in episode 9827: name 'args' is not defined +2025-03-10 15:30:19,639 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,640 - ERROR - Error in episode 9828: name 'args' is not defined +2025-03-10 15:30:19,644 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,644 - ERROR - Error in episode 9829: name 'args' is not defined +2025-03-10 15:30:19,647 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,648 - ERROR - Error in episode 9830: name 'args' is not defined +2025-03-10 15:30:19,650 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,651 - ERROR - Error in episode 9831: name 'args' is not defined +2025-03-10 15:30:19,653 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,654 - ERROR - Error in episode 9832: name 'args' is not defined +2025-03-10 15:30:19,657 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,657 - ERROR - Error in episode 9833: name 'args' is not defined +2025-03-10 15:30:19,661 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,661 - ERROR - Error in episode 9834: name 'args' is not defined +2025-03-10 15:30:19,664 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,665 - ERROR - Error in episode 9835: name 'args' is not defined +2025-03-10 15:30:19,668 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,668 - ERROR - Error in episode 9836: name 'args' is not defined +2025-03-10 15:30:19,671 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,672 - ERROR - Error in episode 9837: name 'args' is not defined +2025-03-10 15:30:19,675 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,675 - ERROR - Error in episode 9838: name 'args' is not defined +2025-03-10 15:30:19,678 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,679 - ERROR - Error in episode 9839: name 'args' is not defined +2025-03-10 15:30:19,682 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,683 - ERROR - Error in episode 9840: name 'args' is not defined +2025-03-10 15:30:19,686 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,686 - ERROR - Error in episode 9841: name 'args' is not defined +2025-03-10 15:30:19,688 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,689 - ERROR - Error in episode 9842: name 'args' is not defined +2025-03-10 15:30:19,692 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,692 - ERROR - Error in episode 9843: name 'args' is not defined +2025-03-10 15:30:19,694 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,695 - ERROR - Error in episode 9844: name 'args' is not defined +2025-03-10 15:30:19,698 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,699 - ERROR - Error in episode 9845: name 'args' is not defined +2025-03-10 15:30:19,702 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,703 - ERROR - Error in episode 9846: name 'args' is not defined +2025-03-10 15:30:19,706 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,706 - ERROR - Error in episode 9847: name 'args' is not defined +2025-03-10 15:30:19,709 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,709 - ERROR - Error in episode 9848: name 'args' is not defined +2025-03-10 15:30:19,712 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,712 - ERROR - Error in episode 9849: name 'args' is not defined +2025-03-10 15:30:19,716 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,717 - ERROR - Error in episode 9850: name 'args' is not defined +2025-03-10 15:30:19,720 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,720 - ERROR - Error in episode 9851: name 'args' is not defined +2025-03-10 15:30:19,723 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,724 - ERROR - Error in episode 9852: name 'args' is not defined +2025-03-10 15:30:19,727 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,727 - ERROR - Error in episode 9853: name 'args' is not defined +2025-03-10 15:30:19,730 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,730 - ERROR - Error in episode 9854: name 'args' is not defined +2025-03-10 15:30:19,733 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,733 - ERROR - Error in episode 9855: name 'args' is not defined +2025-03-10 15:30:19,736 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,737 - ERROR - Error in episode 9856: name 'args' is not defined +2025-03-10 15:30:19,740 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,740 - ERROR - Error in episode 9857: name 'args' is not defined +2025-03-10 15:30:19,744 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,744 - ERROR - Error in episode 9858: name 'args' is not defined +2025-03-10 15:30:19,747 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,747 - ERROR - Error in episode 9859: name 'args' is not defined +2025-03-10 15:30:19,751 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,751 - ERROR - Error in episode 9860: name 'args' is not defined +2025-03-10 15:30:19,753 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,754 - ERROR - Error in episode 9861: name 'args' is not defined +2025-03-10 15:30:19,756 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,756 - ERROR - Error in episode 9862: name 'args' is not defined +2025-03-10 15:30:19,759 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,759 - ERROR - Error in episode 9863: name 'args' is not defined +2025-03-10 15:30:19,762 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,762 - ERROR - Error in episode 9864: name 'args' is not defined +2025-03-10 15:30:19,766 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,766 - ERROR - Error in episode 9865: name 'args' is not defined +2025-03-10 15:30:19,769 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,769 - ERROR - Error in episode 9866: name 'args' is not defined +2025-03-10 15:30:19,772 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,773 - ERROR - Error in episode 9867: name 'args' is not defined +2025-03-10 15:30:19,777 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,777 - ERROR - Error in episode 9868: name 'args' is not defined +2025-03-10 15:30:19,779 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,779 - ERROR - Error in episode 9869: name 'args' is not defined +2025-03-10 15:30:19,782 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,782 - ERROR - Error in episode 9870: name 'args' is not defined +2025-03-10 15:30:19,785 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,786 - ERROR - Error in episode 9871: name 'args' is not defined +2025-03-10 15:30:19,789 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,789 - ERROR - Error in episode 9872: name 'args' is not defined +2025-03-10 15:30:19,792 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,792 - ERROR - Error in episode 9873: name 'args' is not defined +2025-03-10 15:30:19,795 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,795 - ERROR - Error in episode 9874: name 'args' is not defined +2025-03-10 15:30:19,798 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,798 - ERROR - Error in episode 9875: name 'args' is not defined +2025-03-10 15:30:19,800 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,800 - ERROR - Error in episode 9876: name 'args' is not defined +2025-03-10 15:30:19,803 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,803 - ERROR - Error in episode 9877: name 'args' is not defined +2025-03-10 15:30:19,806 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,807 - ERROR - Error in episode 9878: name 'args' is not defined +2025-03-10 15:30:19,810 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,811 - ERROR - Error in episode 9879: name 'args' is not defined +2025-03-10 15:30:19,813 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,814 - ERROR - Error in episode 9880: name 'args' is not defined +2025-03-10 15:30:19,816 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,816 - ERROR - Error in episode 9881: name 'args' is not defined +2025-03-10 15:30:19,819 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,819 - ERROR - Error in episode 9882: name 'args' is not defined +2025-03-10 15:30:19,822 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,822 - ERROR - Error in episode 9883: name 'args' is not defined +2025-03-10 15:30:19,825 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,825 - ERROR - Error in episode 9884: name 'args' is not defined +2025-03-10 15:30:19,827 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,828 - ERROR - Error in episode 9885: name 'args' is not defined +2025-03-10 15:30:19,831 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,831 - ERROR - Error in episode 9886: name 'args' is not defined +2025-03-10 15:30:19,835 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,835 - ERROR - Error in episode 9887: name 'args' is not defined +2025-03-10 15:30:19,838 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,838 - ERROR - Error in episode 9888: name 'args' is not defined +2025-03-10 15:30:19,841 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,841 - ERROR - Error in episode 9889: name 'args' is not defined +2025-03-10 15:30:19,844 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,844 - ERROR - Error in episode 9890: name 'args' is not defined +2025-03-10 15:30:19,846 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,847 - ERROR - Error in episode 9891: name 'args' is not defined +2025-03-10 15:30:19,850 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,851 - ERROR - Error in episode 9892: name 'args' is not defined +2025-03-10 15:30:19,853 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,853 - ERROR - Error in episode 9893: name 'args' is not defined +2025-03-10 15:30:19,856 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,857 - ERROR - Error in episode 9894: name 'args' is not defined +2025-03-10 15:30:19,859 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,859 - ERROR - Error in episode 9895: name 'args' is not defined +2025-03-10 15:30:19,862 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,862 - ERROR - Error in episode 9896: name 'args' is not defined +2025-03-10 15:30:19,865 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,865 - ERROR - Error in episode 9897: name 'args' is not defined +2025-03-10 15:30:19,868 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,868 - ERROR - Error in episode 9898: name 'args' is not defined +2025-03-10 15:30:19,870 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,871 - ERROR - Error in episode 9899: name 'args' is not defined +2025-03-10 15:30:19,873 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,873 - ERROR - Error in episode 9900: name 'args' is not defined +2025-03-10 15:30:19,876 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,876 - ERROR - Error in episode 9901: name 'args' is not defined +2025-03-10 15:30:19,879 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,880 - ERROR - Error in episode 9902: name 'args' is not defined +2025-03-10 15:30:19,882 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,882 - ERROR - Error in episode 9903: name 'args' is not defined +2025-03-10 15:30:19,885 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,885 - ERROR - Error in episode 9904: name 'args' is not defined +2025-03-10 15:30:19,888 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,889 - ERROR - Error in episode 9905: name 'args' is not defined +2025-03-10 15:30:19,891 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,891 - ERROR - Error in episode 9906: name 'args' is not defined +2025-03-10 15:30:19,894 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,895 - ERROR - Error in episode 9907: name 'args' is not defined +2025-03-10 15:30:19,897 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,897 - ERROR - Error in episode 9908: name 'args' is not defined +2025-03-10 15:30:19,900 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,901 - ERROR - Error in episode 9909: name 'args' is not defined +2025-03-10 15:30:19,903 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,903 - ERROR - Error in episode 9910: name 'args' is not defined +2025-03-10 15:30:19,906 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,906 - ERROR - Error in episode 9911: name 'args' is not defined +2025-03-10 15:30:19,908 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,910 - ERROR - Error in episode 9912: name 'args' is not defined +2025-03-10 15:30:19,912 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,913 - ERROR - Error in episode 9913: name 'args' is not defined +2025-03-10 15:30:19,915 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,916 - ERROR - Error in episode 9914: name 'args' is not defined +2025-03-10 15:30:19,919 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,919 - ERROR - Error in episode 9915: name 'args' is not defined +2025-03-10 15:30:19,922 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,922 - ERROR - Error in episode 9916: name 'args' is not defined +2025-03-10 15:30:19,925 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,925 - ERROR - Error in episode 9917: name 'args' is not defined +2025-03-10 15:30:19,929 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,929 - ERROR - Error in episode 9918: name 'args' is not defined +2025-03-10 15:30:19,932 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,932 - ERROR - Error in episode 9919: name 'args' is not defined +2025-03-10 15:30:19,935 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,935 - ERROR - Error in episode 9920: name 'args' is not defined +2025-03-10 15:30:19,939 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,939 - ERROR - Error in episode 9921: name 'args' is not defined +2025-03-10 15:30:19,942 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,942 - ERROR - Error in episode 9922: name 'args' is not defined +2025-03-10 15:30:19,945 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,945 - ERROR - Error in episode 9923: name 'args' is not defined +2025-03-10 15:30:19,948 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,948 - ERROR - Error in episode 9924: name 'args' is not defined +2025-03-10 15:30:19,950 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,951 - ERROR - Error in episode 9925: name 'args' is not defined +2025-03-10 15:30:19,954 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,955 - ERROR - Error in episode 9926: name 'args' is not defined +2025-03-10 15:30:19,957 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,957 - ERROR - Error in episode 9927: name 'args' is not defined +2025-03-10 15:30:19,960 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,961 - ERROR - Error in episode 9928: name 'args' is not defined +2025-03-10 15:30:19,963 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,964 - ERROR - Error in episode 9929: name 'args' is not defined +2025-03-10 15:30:19,966 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,967 - ERROR - Error in episode 9930: name 'args' is not defined +2025-03-10 15:30:19,970 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,970 - ERROR - Error in episode 9931: name 'args' is not defined +2025-03-10 15:30:19,973 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,973 - ERROR - Error in episode 9932: name 'args' is not defined +2025-03-10 15:30:19,976 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,976 - ERROR - Error in episode 9933: name 'args' is not defined +2025-03-10 15:30:19,979 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,979 - ERROR - Error in episode 9934: name 'args' is not defined +2025-03-10 15:30:19,982 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,982 - ERROR - Error in episode 9935: name 'args' is not defined +2025-03-10 15:30:19,985 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,985 - ERROR - Error in episode 9936: name 'args' is not defined +2025-03-10 15:30:19,987 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,988 - ERROR - Error in episode 9937: name 'args' is not defined +2025-03-10 15:30:19,991 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,991 - ERROR - Error in episode 9938: name 'args' is not defined +2025-03-10 15:30:19,995 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:19,995 - ERROR - Error in episode 9939: name 'args' is not defined +2025-03-10 15:30:19,999 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,000 - ERROR - Error in episode 9940: name 'args' is not defined +2025-03-10 15:30:20,003 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,004 - ERROR - Error in episode 9941: name 'args' is not defined +2025-03-10 15:30:20,007 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,007 - ERROR - Error in episode 9942: name 'args' is not defined +2025-03-10 15:30:20,010 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,011 - ERROR - Error in episode 9943: name 'args' is not defined +2025-03-10 15:30:20,013 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,014 - ERROR - Error in episode 9944: name 'args' is not defined +2025-03-10 15:30:20,016 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,016 - ERROR - Error in episode 9945: name 'args' is not defined +2025-03-10 15:30:20,020 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,020 - ERROR - Error in episode 9946: name 'args' is not defined +2025-03-10 15:30:20,023 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,023 - ERROR - Error in episode 9947: name 'args' is not defined +2025-03-10 15:30:20,025 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,025 - ERROR - Error in episode 9948: name 'args' is not defined +2025-03-10 15:30:20,028 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,028 - ERROR - Error in episode 9949: name 'args' is not defined +2025-03-10 15:30:20,031 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,031 - ERROR - Error in episode 9950: name 'args' is not defined +2025-03-10 15:30:20,033 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,034 - ERROR - Error in episode 9951: name 'args' is not defined +2025-03-10 15:30:20,037 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,038 - ERROR - Error in episode 9952: name 'args' is not defined +2025-03-10 15:30:20,041 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,041 - ERROR - Error in episode 9953: name 'args' is not defined +2025-03-10 15:30:20,044 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,044 - ERROR - Error in episode 9954: name 'args' is not defined +2025-03-10 15:30:20,046 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,046 - ERROR - Error in episode 9955: name 'args' is not defined +2025-03-10 15:30:20,050 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,050 - ERROR - Error in episode 9956: name 'args' is not defined +2025-03-10 15:30:20,053 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,053 - ERROR - Error in episode 9957: name 'args' is not defined +2025-03-10 15:30:20,055 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,056 - ERROR - Error in episode 9958: name 'args' is not defined +2025-03-10 15:30:20,058 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,059 - ERROR - Error in episode 9959: name 'args' is not defined +2025-03-10 15:30:20,061 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,062 - ERROR - Error in episode 9960: name 'args' is not defined +2025-03-10 15:30:20,064 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,064 - ERROR - Error in episode 9961: name 'args' is not defined +2025-03-10 15:30:20,067 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,068 - ERROR - Error in episode 9962: name 'args' is not defined +2025-03-10 15:30:20,071 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,071 - ERROR - Error in episode 9963: name 'args' is not defined +2025-03-10 15:30:20,074 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,074 - ERROR - Error in episode 9964: name 'args' is not defined +2025-03-10 15:30:20,077 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,077 - ERROR - Error in episode 9965: name 'args' is not defined +2025-03-10 15:30:20,080 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,080 - ERROR - Error in episode 9966: name 'args' is not defined +2025-03-10 15:30:20,083 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,084 - ERROR - Error in episode 9967: name 'args' is not defined +2025-03-10 15:30:20,087 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,087 - ERROR - Error in episode 9968: name 'args' is not defined +2025-03-10 15:30:20,091 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,091 - ERROR - Error in episode 9969: name 'args' is not defined +2025-03-10 15:30:20,094 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,095 - ERROR - Error in episode 9970: name 'args' is not defined +2025-03-10 15:30:20,099 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,100 - ERROR - Error in episode 9971: name 'args' is not defined +2025-03-10 15:30:20,103 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,103 - ERROR - Error in episode 9972: name 'args' is not defined +2025-03-10 15:30:20,106 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,106 - ERROR - Error in episode 9973: name 'args' is not defined +2025-03-10 15:30:20,109 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,109 - ERROR - Error in episode 9974: name 'args' is not defined +2025-03-10 15:30:20,112 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,112 - ERROR - Error in episode 9975: name 'args' is not defined +2025-03-10 15:30:20,115 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,115 - ERROR - Error in episode 9976: name 'args' is not defined +2025-03-10 15:30:20,117 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,118 - ERROR - Error in episode 9977: name 'args' is not defined +2025-03-10 15:30:20,121 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,121 - ERROR - Error in episode 9978: name 'args' is not defined +2025-03-10 15:30:20,123 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,124 - ERROR - Error in episode 9979: name 'args' is not defined +2025-03-10 15:30:20,126 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,126 - ERROR - Error in episode 9980: name 'args' is not defined +2025-03-10 15:30:20,130 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,130 - ERROR - Error in episode 9981: name 'args' is not defined +2025-03-10 15:30:20,133 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,133 - ERROR - Error in episode 9982: name 'args' is not defined +2025-03-10 15:30:20,136 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,137 - ERROR - Error in episode 9983: name 'args' is not defined +2025-03-10 15:30:20,139 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,139 - ERROR - Error in episode 9984: name 'args' is not defined +2025-03-10 15:30:20,142 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,143 - ERROR - Error in episode 9985: name 'args' is not defined +2025-03-10 15:30:20,146 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,146 - ERROR - Error in episode 9986: name 'args' is not defined +2025-03-10 15:30:20,149 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,149 - ERROR - Error in episode 9987: name 'args' is not defined +2025-03-10 15:30:20,152 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,152 - ERROR - Error in episode 9988: name 'args' is not defined +2025-03-10 15:30:20,156 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,156 - ERROR - Error in episode 9989: name 'args' is not defined +2025-03-10 15:30:20,159 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,159 - ERROR - Error in episode 9990: name 'args' is not defined +2025-03-10 15:30:20,163 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,163 - ERROR - Error in episode 9991: name 'args' is not defined +2025-03-10 15:30:20,165 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,166 - ERROR - Error in episode 9992: name 'args' is not defined +2025-03-10 15:30:20,168 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,169 - ERROR - Error in episode 9993: name 'args' is not defined +2025-03-10 15:30:20,171 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,172 - ERROR - Error in episode 9994: name 'args' is not defined +2025-03-10 15:30:20,174 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,175 - ERROR - Error in episode 9995: name 'args' is not defined +2025-03-10 15:30:20,178 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,178 - ERROR - Error in episode 9996: name 'args' is not defined +2025-03-10 15:30:20,181 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,182 - ERROR - Error in episode 9997: name 'args' is not defined +2025-03-10 15:30:20,184 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,185 - ERROR - Error in episode 9998: name 'args' is not defined +2025-03-10 15:30:20,189 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,189 - ERROR - Error in episode 9999: name 'args' is not defined +2025-03-10 15:30:20,193 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1766, in train_agent + if exchange and args.refresh_data: + ^^^^ +NameError: name 'args' is not defined + +2025-03-10 15:30:20,333 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 15:30:21,274 - INFO - Training results saved to training_results.png +2025-03-10 15:30:21,274 - INFO - Exchange connection closed +2025-03-10 15:36:16,076 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 15:36:16,098 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 15:36:16,098 - INFO - Fetching initial data for ETH/USDT +2025-03-10 15:36:16,099 - INFO - Fetching initial data for ETH/USDT +2025-03-10 15:36:19,756 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 15:36:19,774 - INFO - Initialized environment with 500 candles +2025-03-10 15:36:21,928 - INFO - Starting training for 100 episodes... +2025-03-10 15:36:21,929 - INFO - Starting training on device: cuda +2025-03-10 15:36:21,929 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 15:36:21,931 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 15:36:22,085 - INFO - Model loaded successfully with weights_only=True +2025-03-10 15:36:22,086 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $4.37, Win Rate: 66.7% +2025-03-10 15:36:23,520 - INFO - OPENED LONG at 2065.69 | Stop loss: 2055.33565 | Take profit: 2096.7142000000003 +2025-03-10 15:36:24,459 - INFO - CLOSED long at 2068.19 | PnL: 0.12% | $0.04 +2025-03-10 15:36:24,638 - INFO - OPENED SHORT at 2073.99 | Stop loss: 2084.38585 | Take profit: 2042.8412999999998 +2025-03-10 15:36:24,739 - INFO - CLOSED short at 2074.0 | PnL: -0.00% | $-0.20 +2025-03-10 15:36:24,760 - INFO - OPENED SHORT at 2072.09 | Stop loss: 2082.4763500000004 | Take profit: 2040.9698 +2025-03-10 15:36:24,782 - INFO - CLOSED short at 2069.97 | PnL: 0.10% | $0.00 +2025-03-10 15:36:24,805 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.0644 | Take profit: 2036.64565 +2025-03-10 15:36:24,868 - INFO - CLOSED short at 2066.4 | PnL: 0.06% | $-0.07 +2025-03-10 15:36:24,892 - INFO - OPENED SHORT at 2066.89 | Stop loss: 2077.25035 | Take profit: 2035.8478 +2025-03-10 15:36:24,912 - INFO - CLOSED short at 2067.88 | PnL: -0.05% | $-0.29 +2025-03-10 15:36:24,934 - INFO - OPENED SHORT at 2065.45 | Stop loss: 2075.8031499999997 | Take profit: 2034.4293999999998 +2025-03-10 15:36:25,045 - INFO - CLOSED short at 2067.19 | PnL: -0.08% | $-0.36 +2025-03-10 15:36:25,127 - INFO - OPENED SHORT at 2065.07 | Stop loss: 2075.42125 | Take profit: 2034.0551 +2025-03-10 15:36:25,150 - INFO - CLOSED short at 2066.09 | PnL: -0.05% | $-0.29 +2025-03-10 15:36:25,199 - INFO - OPENED SHORT at 2062.34 | Stop loss: 2072.6776000000004 | Take profit: 2031.36605 +2025-03-10 15:36:25,247 - INFO - CLOSED short at 2066.1 | PnL: -0.18% | $-0.55 +2025-03-10 15:36:25,268 - INFO - OPENED SHORT at 2065.06 | Stop loss: 2075.4112 | Take profit: 2034.0452500000001 +2025-03-10 15:36:25,294 - INFO - CLOSED short at 2064.11 | PnL: 0.05% | $-0.10 +2025-03-10 15:36:25,315 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8484 | Take profit: 2033.49365 +2025-03-10 15:36:25,340 - INFO - CLOSED short at 2066.33 | PnL: -0.09% | $-0.37 +2025-03-10 15:36:25,385 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0294 | Take profit: 2029.75065 +2025-03-10 15:36:25,405 - INFO - CLOSED short at 2060.2 | PnL: 0.02% | $-0.15 +2025-03-10 15:36:25,446 - INFO - OPENED SHORT at 2058.09 | Stop loss: 2068.40635 | Take profit: 2027.1798000000001 +2025-03-10 15:36:25,492 - INFO - CLOSED short at 2056.77 | PnL: 0.06% | $-0.07 +2025-03-10 15:36:25,513 - INFO - OPENED SHORT at 2053.01 | Stop loss: 2063.3009500000003 | Take profit: 2022.1760000000002 +2025-03-10 15:36:25,683 - INFO - STOP LOSS hit for short at 2063.3009500000003 | PnL: -0.50% | $-1.16 +2025-03-10 15:36:25,706 - INFO - OPENED SHORT at 2065.1 | Stop loss: 2075.4514 | Take profit: 2034.08465 +2025-03-10 15:36:25,837 - INFO - CLOSED short at 2064.08 | PnL: 0.05% | $-0.10 +2025-03-10 15:36:25,860 - INFO - OPENED SHORT at 2061.21 | Stop loss: 2071.54195 | Take profit: 2030.253 +2025-03-10 15:36:26,084 - INFO - STOP LOSS hit for short at 2071.54195 | PnL: -0.50% | $-1.14 +2025-03-10 15:36:26,110 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4461499999998 | Take profit: 2042.9004000000002 +2025-03-10 15:36:26,252 - INFO - STOP LOSS hit for short at 2084.4461499999998 | PnL: -0.50% | $-1.13 +2025-03-10 15:36:26,271 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.9683499999996 | Take profit: 2059.0937999999996 +2025-03-10 15:36:26,293 - INFO - STOP LOSS hit for short at 2100.9683499999996 | PnL: -0.50% | $-1.12 +2025-03-10 15:36:26,319 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3794 | Take profit: 2098.7006499999998 +2025-03-10 15:36:26,418 - INFO - STOP LOSS hit for short at 2141.3794 | PnL: -0.50% | $-1.10 +2025-03-10 15:36:26,442 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0324 | Take profit: 2109.14165 +2025-03-10 15:36:26,741 - INFO - TAKE PROFIT hit for short at 2109.14165 | PnL: 1.50% | $2.54 +2025-03-10 15:36:26,767 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1789 | Take profit: 2078.90215 +2025-03-10 15:36:26,865 - INFO - CLOSED short at 2113.24 | PnL: -0.13% | $-0.42 +2025-03-10 15:36:26,890 - INFO - OPENED SHORT at 2112.99 | Stop loss: 2123.58085 | Take profit: 2081.2562999999996 +2025-03-10 15:36:27,666 - INFO - TAKE PROFIT hit for short at 2081.2562999999996 | PnL: 1.50% | $2.60 +2025-03-10 15:36:27,691 - INFO - OPENED SHORT at 2081.25 | Stop loss: 2091.6821499999996 | Take profit: 2049.9924 +2025-03-10 15:36:28,119 - INFO - STOP LOSS hit for short at 2091.6821499999996 | PnL: -0.50% | $-1.15 +2025-03-10 15:36:28,141 - INFO - OPENED SHORT at 2094.7 | Stop loss: 2105.1993999999995 | Take profit: 2063.2406499999997 +2025-03-10 15:36:28,317 - INFO - STOP LOSS hit for short at 2105.1993999999995 | PnL: -0.50% | $-1.13 +2025-03-10 15:36:28,342 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.0233 | Take profit: 2071.88895 +2025-03-10 15:36:28,816 - INFO - STOP LOSS hit for short at 2114.0233 | PnL: -0.50% | $-1.12 +2025-03-10 15:36:28,841 - INFO - OPENED SHORT at 2113.61 | Stop loss: 2124.20395 | Take profit: 2081.867 +2025-03-10 15:36:29,306 - INFO - STOP LOSS hit for short at 2124.20395 | PnL: -0.50% | $-1.11 +2025-03-10 15:36:29,325 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4548499999996 | Take profit: 2095.8343 +2025-03-10 15:36:31,254 - INFO - CLOSED short at 2115.21 | PnL: 0.59% | $0.89 +2025-03-10 15:36:31,254 - INFO - OPENED LONG at 2115.21 | Stop loss: 2104.60805 | Take profit: 2146.977 +2025-03-10 15:36:31,278 - INFO - CLOSED long at 2114.1 | PnL: -0.05% | $-0.28 +2025-03-10 15:36:31,279 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.6964000000003 | Take profit: 2082.34965 +2025-03-10 15:36:31,323 - INFO - CLOSED short at 2114.32 | PnL: -0.01% | $-0.20 +2025-03-10 15:36:31,346 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.16875 | Take profit: 2082.8126 +2025-03-10 15:36:31,531 - INFO - CLOSED short at 2100.05 | PnL: 0.69% | $1.07 +2025-03-10 15:36:31,551 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 25.0% in downtrends | Avg Win=$1.19, Avg Loss=$-0.59 +2025-03-10 15:36:31,552 - INFO - Episode 0: Reward=-55.99, Balance=$93.54, Win Rate=20.7%, Trades=29, Episode PnL=$-6.18, Total PnL=$-6.46, Max Drawdown=8.2%, Pred Accuracy=97.8% +2025-03-10 15:36:31,701 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 15:36:31,703 - INFO - Checkpoint saved at episode 0 +2025-03-10 15:36:32,671 - INFO - Visualization saved for episode 0 +2025-03-10 15:36:34,343 - INFO - Visualization saved for episode 0 +2025-03-10 15:36:34,581 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.23035 | Take profit: 2031.9078 +2025-03-10 15:36:34,765 - INFO - CLOSED short at 2065.54 | PnL: -0.13% | $-0.45 +2025-03-10 15:36:34,765 - INFO - OPENED LONG at 2065.54 | Stop loss: 2055.1864 | Take profit: 2096.56195 +2025-03-10 15:36:34,785 - INFO - CLOSED long at 2066.09 | PnL: 0.03% | $-0.14 +2025-03-10 15:36:34,785 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.44635 | Take profit: 2035.0598000000002 +2025-03-10 15:36:34,971 - INFO - CLOSED short at 2060.65 | PnL: 0.26% | $0.32 +2025-03-10 15:36:34,994 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.2103500000003 | Take profit: 2027.9678 +2025-03-10 15:36:35,363 - INFO - CLOSED short at 2062.6 | PnL: -0.18% | $-0.55 +2025-03-10 15:36:35,363 - INFO - OPENED LONG at 2062.6 | Stop loss: 2052.2610999999997 | Take profit: 2093.5778499999997 +2025-03-10 15:36:35,383 - INFO - CLOSED long at 2061.89 | PnL: -0.03% | $-0.26 +2025-03-10 15:36:35,383 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.2253499999997 | Take profit: 2030.9227999999998 +2025-03-10 15:36:36,102 - INFO - STOP LOSS hit for short at 2072.2253499999997 | PnL: -0.50% | $-1.17 +2025-03-10 15:36:36,125 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.4259500000003 | Take profit: 2046.8010000000002 +2025-03-10 15:36:36,204 - INFO - CLOSED short at 2070.01 | PnL: 0.38% | $0.55 +2025-03-10 15:36:36,243 - INFO - OPENED SHORT at 2073.23 | Stop loss: 2083.62205 | Take profit: 2042.0927 +2025-03-10 15:36:38,224 - INFO - CLOSED short at 2057.89 | PnL: 0.74% | $1.24 +2025-03-10 15:36:38,226 - INFO - OPENED LONG at 2057.89 | Stop loss: 2047.5746499999998 | Take profit: 2088.7971999999995 +2025-03-10 15:36:38,251 - INFO - CLOSED long at 2062.83 | PnL: 0.24% | $0.28 +2025-03-10 15:36:38,251 - INFO - OPENED SHORT at 2062.83 | Stop loss: 2073.17005 | Take profit: 2031.8487 +2025-03-10 15:36:38,664 - INFO - STOP LOSS hit for short at 2073.17005 | PnL: -0.50% | $-1.19 +2025-03-10 15:36:38,689 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4461499999998 | Take profit: 2042.9004000000002 +2025-03-10 15:36:38,808 - INFO - CLOSED short at 2077.61 | PnL: -0.17% | $-0.53 +2025-03-10 15:36:38,808 - INFO - OPENED LONG at 2077.61 | Stop loss: 2067.19605 | Take profit: 2108.813 +2025-03-10 15:36:38,830 - INFO - CLOSED long at 2085.56 | PnL: 0.38% | $0.55 +2025-03-10 15:36:38,830 - INFO - OPENED SHORT at 2085.56 | Stop loss: 2096.0137 | Take profit: 2054.23775 +2025-03-10 15:36:38,872 - INFO - STOP LOSS hit for short at 2096.0137 | PnL: -0.50% | $-1.17 +2025-03-10 15:36:38,893 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3794 | Take profit: 2098.7006499999998 +2025-03-10 15:36:38,996 - INFO - STOP LOSS hit for short at 2141.3794 | PnL: -0.50% | $-1.16 +2025-03-10 15:36:39,020 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0324 | Take profit: 2109.14165 +2025-03-10 15:36:39,340 - INFO - TAKE PROFIT hit for short at 2109.14165 | PnL: 1.50% | $2.67 +2025-03-10 15:36:39,361 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1789 | Take profit: 2078.90215 +2025-03-10 15:36:40,487 - INFO - CLOSED short at 2085.83 | PnL: 1.17% | $2.10 +2025-03-10 15:36:40,506 - INFO - OPENED SHORT at 2085.85 | Stop loss: 2096.3051499999997 | Take profit: 2054.5234 +2025-03-10 15:36:40,831 - INFO - CLOSED short at 2094.7 | PnL: -0.42% | $-1.05 +2025-03-10 15:36:40,831 - INFO - OPENED LONG at 2094.7 | Stop loss: 2084.2005999999997 | Take profit: 2126.1593499999994 +2025-03-10 15:36:40,855 - INFO - CLOSED long at 2097.8 | PnL: 0.15% | $0.09 +2025-03-10 15:36:40,855 - INFO - OPENED SHORT at 2097.8 | Stop loss: 2108.3149000000003 | Take profit: 2066.29415 +2025-03-10 15:36:41,491 - INFO - STOP LOSS hit for short at 2108.3149000000003 | PnL: -0.50% | $-1.19 +2025-03-10 15:36:41,513 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.45025 | Take profit: 2079.1681 +2025-03-10 15:36:42,103 - INFO - CLOSED short at 2121.77 | PnL: -0.52% | $-1.20 +2025-03-10 15:36:42,127 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8318999999997 | Take profit: 2089.3431499999997 +2025-03-10 15:36:42,211 - INFO - STOP LOSS hit for short at 2131.8318999999997 | PnL: -0.50% | $-1.16 +2025-03-10 15:36:42,236 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.9672 | Take profit: 2104.17725 +2025-03-10 15:36:42,400 - INFO - CLOSED short at 2129.51 | PnL: 0.32% | $0.41 +2025-03-10 15:36:42,427 - INFO - OPENED SHORT at 2135.55 | Stop loss: 2146.25365 | Take profit: 2103.4779000000003 +2025-03-10 15:36:42,711 - INFO - CLOSED short at 2121.19 | PnL: 0.67% | $1.10 +2025-03-10 15:36:42,735 - INFO - OPENED SHORT at 2124.14 | Stop loss: 2134.7865999999995 | Take profit: 2092.2390499999997 +2025-03-10 15:36:44,390 - INFO - TAKE PROFIT hit for short at 2092.2390499999997 | PnL: 1.50% | $2.72 +2025-03-10 15:36:44,415 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5761500000003 | Take profit: 2068.5104 +2025-03-10 15:36:44,436 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 23.1% in downtrends | Avg Win=$1.09, Avg Loss=$-0.86 +2025-03-10 15:36:44,438 - INFO - Episode 1: Reward=-0.87, Balance=$100.79, Win Rate=45.8%, Trades=24, Episode PnL=$0.28, Total PnL=$-5.66, Max Drawdown=4.5%, Pred Accuracy=97.9% +2025-03-10 15:36:44,530 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.23035 | Take profit: 2031.9078 +2025-03-10 15:36:45,611 - INFO - CLOSED short at 2054.89 | PnL: 0.39% | $0.57 +2025-03-10 15:36:45,612 - INFO - OPENED LONG at 2054.89 | Stop loss: 2044.58965 | Take profit: 2085.7522 +2025-03-10 15:36:45,637 - INFO - CLOSED long at 2054.83 | PnL: -0.00% | $-0.20 +2025-03-10 15:36:45,637 - INFO - OPENED SHORT at 2054.83 | Stop loss: 2065.13005 | Take profit: 2023.9687 +2025-03-10 15:36:45,849 - INFO - STOP LOSS hit for short at 2065.13005 | PnL: -0.50% | $-1.19 +2025-03-10 15:36:45,872 - INFO - OPENED SHORT at 2066.01 | Stop loss: 2076.36595 | Take profit: 2034.9810000000002 +2025-03-10 15:36:46,140 - INFO - STOP LOSS hit for short at 2076.36595 | PnL: -0.50% | $-1.18 +2025-03-10 15:36:46,165 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.41095 | Take profit: 2043.8460000000002 +2025-03-10 15:36:47,812 - INFO - CLOSED short at 2065.07 | PnL: 0.48% | $0.73 +2025-03-10 15:36:47,813 - INFO - OPENED LONG at 2065.07 | Stop loss: 2054.71875 | Take profit: 2096.0849 +2025-03-10 15:36:47,834 - INFO - CLOSED long at 2066.09 | PnL: 0.05% | $-0.10 +2025-03-10 15:36:47,834 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.44635 | Take profit: 2035.0598000000002 +2025-03-10 15:36:48,835 - INFO - CLOSED short at 2076.08 | PnL: -0.48% | $-1.14 +2025-03-10 15:36:48,861 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2088.0239500000002 | Take profit: 2046.4070000000002 +2025-03-10 15:36:48,913 - INFO - STOP LOSS hit for short at 2088.0239500000002 | PnL: -0.50% | $-1.16 +2025-03-10 15:36:48,936 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.561 | Take profit: 2071.43585 +2025-03-10 15:36:48,959 - INFO - STOP LOSS hit for short at 2113.561 | PnL: -0.50% | $-1.14 +2025-03-10 15:36:48,983 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2636 | Take profit: 2107.40805 +2025-03-10 15:36:49,690 - INFO - CLOSED short at 2113.24 | PnL: 1.23% | $2.12 +2025-03-10 15:36:49,690 - INFO - OPENED LONG at 2113.24 | Stop loss: 2102.6479 | Take profit: 2144.9774499999994 +2025-03-10 15:36:49,720 - INFO - CLOSED long at 2112.99 | PnL: -0.01% | $-0.22 +2025-03-10 15:36:49,721 - INFO - OPENED SHORT at 2112.99 | Stop loss: 2123.58085 | Take profit: 2081.2562999999996 +2025-03-10 15:36:50,469 - INFO - CLOSED short at 2094.72 | PnL: 0.86% | $1.47 +2025-03-10 15:36:50,493 - INFO - OPENED SHORT at 2094.08 | Stop loss: 2104.5762999999997 | Take profit: 2062.62995 +2025-03-10 15:36:51,376 - INFO - CLOSED short at 2100.89 | PnL: -0.33% | $-0.83 +2025-03-10 15:36:51,402 - INFO - OPENED SHORT at 2099.73 | Stop loss: 2110.25455 | Take profit: 2068.1952 +2025-03-10 15:36:51,870 - INFO - STOP LOSS hit for short at 2110.25455 | PnL: -0.50% | $-1.16 +2025-03-10 15:36:51,891 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.45025 | Take profit: 2079.1681 +2025-03-10 15:36:52,438 - INFO - STOP LOSS hit for short at 2121.45025 | PnL: -0.50% | $-1.15 +2025-03-10 15:36:52,460 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8318999999997 | Take profit: 2089.3431499999997 +2025-03-10 15:36:52,538 - INFO - STOP LOSS hit for short at 2131.8318999999997 | PnL: -0.50% | $-1.13 +2025-03-10 15:36:52,564 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.9672 | Take profit: 2104.17725 +2025-03-10 15:36:52,687 - INFO - CLOSED short at 2124.38 | PnL: 0.56% | $0.85 +2025-03-10 15:36:52,687 - INFO - OPENED LONG at 2124.38 | Stop loss: 2113.7322 | Take profit: 2156.2845500000003 +2025-03-10 15:36:52,713 - INFO - CLOSED long at 2123.23 | PnL: -0.05% | $-0.29 +2025-03-10 15:36:52,713 - INFO - OPENED SHORT at 2123.23 | Stop loss: 2133.87205 | Take profit: 2091.3426999999997 +2025-03-10 15:36:52,791 - INFO - STOP LOSS hit for short at 2133.87205 | PnL: -0.50% | $-1.13 +2025-03-10 15:36:52,815 - INFO - OPENED SHORT at 2131.23 | Stop loss: 2141.91205 | Take profit: 2099.2227000000003 +2025-03-10 15:36:54,590 - INFO - CLOSED short at 2115.11 | PnL: 0.76% | $1.22 +2025-03-10 15:36:54,590 - INFO - OPENED LONG at 2115.11 | Stop loss: 2104.50855 | Take profit: 2146.8755 +2025-03-10 15:36:54,614 - INFO - CLOSED long at 2114.32 | PnL: -0.04% | $-0.26 +2025-03-10 15:36:54,615 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.9175 | Take profit: 2082.56635 +2025-03-10 15:36:54,826 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 38.5% in downtrends | Avg Win=$1.16, Avg Loss=$-0.82 +2025-03-10 15:36:54,827 - INFO - Episode 2: Reward=-0.66, Balance=$94.69, Win Rate=28.6%, Trades=21, Episode PnL=$-4.25, Total PnL=$-10.98, Max Drawdown=6.3%, Pred Accuracy=97.9% +2025-03-10 15:36:54,904 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.23035 | Take profit: 2031.9078 +2025-03-10 15:36:55,385 - INFO - CLOSED short at 2060.31 | PnL: 0.13% | $0.05 +2025-03-10 15:36:55,405 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.1349 | Take profit: 2030.8341500000001 +2025-03-10 15:36:56,438 - INFO - CLOSED short at 2066.79 | PnL: -0.24% | $-0.68 +2025-03-10 15:36:56,461 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.69255 | Take profit: 2036.2812000000001 +2025-03-10 15:36:56,480 - INFO - CLOSED short at 2067.01 | PnL: 0.02% | $-0.17 +2025-03-10 15:36:56,522 - INFO - OPENED SHORT at 2069.79 | Stop loss: 2080.16485 | Take profit: 2038.7043 +2025-03-10 15:36:56,914 - INFO - CLOSED short at 2067.33 | PnL: 0.12% | $0.04 +2025-03-10 15:36:56,914 - INFO - OPENED LONG at 2067.33 | Stop loss: 2056.96745 | Take profit: 2098.3788 +2025-03-10 15:36:56,937 - INFO - CLOSED long at 2066.38 | PnL: -0.05% | $-0.29 +2025-03-10 15:36:56,937 - INFO - OPENED SHORT at 2066.38 | Stop loss: 2076.7378 | Take profit: 2035.34545 +2025-03-10 15:36:57,602 - INFO - CLOSED short at 2071.61 | PnL: -0.25% | $-0.69 +2025-03-10 15:36:57,621 - INFO - OPENED SHORT at 2074.37 | Stop loss: 2084.76775 | Take profit: 2043.2156 +2025-03-10 15:36:58,526 - INFO - CLOSED short at 2058.65 | PnL: 0.76% | $1.28 +2025-03-10 15:36:58,526 - INFO - OPENED LONG at 2058.65 | Stop loss: 2048.33085 | Take profit: 2089.5686 +2025-03-10 15:36:58,552 - INFO - CLOSED long at 2056.77 | PnL: -0.09% | $-0.38 +2025-03-10 15:36:58,553 - INFO - OPENED SHORT at 2056.77 | Stop loss: 2067.0797500000003 | Take profit: 2025.8796 +2025-03-10 15:36:58,855 - INFO - STOP LOSS hit for short at 2067.0797500000003 | PnL: -0.50% | $-1.18 +2025-03-10 15:36:58,875 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.85335 | Take profit: 2036.4387999999997 +2025-03-10 15:36:58,935 - INFO - CLOSED short at 2061.21 | PnL: 0.30% | $0.39 +2025-03-10 15:36:58,936 - INFO - OPENED LONG at 2061.21 | Stop loss: 2050.87805 | Take profit: 2092.167 +2025-03-10 15:36:58,957 - INFO - CLOSED long at 2059.9 | PnL: -0.06% | $-0.32 +2025-03-10 15:36:58,957 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.2254000000003 | Take profit: 2028.9626500000002 +2025-03-10 15:36:59,069 - INFO - STOP LOSS hit for short at 2070.2254000000003 | PnL: -0.50% | $-1.16 +2025-03-10 15:36:59,091 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.6171 | Take profit: 2039.14755 +2025-03-10 15:36:59,280 - INFO - CLOSED short at 2074.9 | PnL: -0.23% | $-0.62 +2025-03-10 15:36:59,306 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.4863 | Take profit: 2044.89995 +2025-03-10 15:36:59,388 - INFO - STOP LOSS hit for short at 2086.4863 | PnL: -0.50% | $-1.14 +2025-03-10 15:36:59,410 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.561 | Take profit: 2071.43585 +2025-03-10 15:36:59,435 - INFO - STOP LOSS hit for short at 2113.561 | PnL: -0.50% | $-1.13 +2025-03-10 15:36:59,458 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2636 | Take profit: 2107.40805 +2025-03-10 15:37:00,086 - INFO - CLOSED short at 2116.48 | PnL: 1.08% | $1.82 +2025-03-10 15:37:00,109 - INFO - OPENED SHORT at 2114.8 | Stop loss: 2125.3999 | Take profit: 2083.03915 +2025-03-10 15:37:00,613 - INFO - CLOSED short at 2095.29 | PnL: 0.92% | $1.56 +2025-03-10 15:37:00,613 - INFO - OPENED LONG at 2095.29 | Stop loss: 2084.7876499999998 | Take profit: 2126.7581999999998 +2025-03-10 15:37:00,634 - INFO - CLOSED long at 2093.46 | PnL: -0.09% | $-0.36 +2025-03-10 15:37:00,634 - INFO - OPENED SHORT at 2093.46 | Stop loss: 2103.9532 | Take profit: 2062.01925 +2025-03-10 15:37:01,195 - INFO - CLOSED short at 2087.47 | PnL: 0.29% | $0.36 +2025-03-10 15:37:01,195 - INFO - OPENED LONG at 2087.47 | Stop loss: 2077.00675 | Take profit: 2118.8208999999997 +2025-03-10 15:37:01,216 - INFO - CLOSED long at 2087.78 | PnL: 0.01% | $-0.16 +2025-03-10 15:37:01,216 - INFO - OPENED SHORT at 2087.78 | Stop loss: 2098.2448 | Take profit: 2056.42445 +2025-03-10 15:37:01,431 - INFO - STOP LOSS hit for short at 2098.2448 | PnL: -0.50% | $-1.15 +2025-03-10 15:37:01,455 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1740999999997 | Take profit: 2070.0765499999998 +2025-03-10 15:37:01,958 - INFO - CLOSED short at 2103.41 | PnL: -0.08% | $-0.35 +2025-03-10 15:37:01,980 - INFO - OPENED SHORT at 2104.73 | Stop loss: 2115.2795499999997 | Take profit: 2073.1202 +2025-03-10 15:37:02,434 - INFO - STOP LOSS hit for short at 2115.2795499999997 | PnL: -0.50% | $-1.14 +2025-03-10 15:37:02,459 - INFO - OPENED SHORT at 2117.39 | Stop loss: 2128.00285 | Take profit: 2085.5903 +2025-03-10 15:37:02,826 - INFO - STOP LOSS hit for short at 2128.00285 | PnL: -0.50% | $-1.12 +2025-03-10 15:37:02,850 - INFO - OPENED SHORT at 2135.86 | Stop loss: 2146.5652 | Take profit: 2103.78325 +2025-03-10 15:37:04,861 - INFO - CLOSED short at 2124.9 | PnL: 0.51% | $0.76 +2025-03-10 15:37:04,861 - INFO - OPENED LONG at 2124.9 | Stop loss: 2114.2496 | Take profit: 2156.81235 +2025-03-10 15:37:04,883 - INFO - CLOSED long at 2128.33 | PnL: 0.16% | $0.11 +2025-03-10 15:37:04,884 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2138.9975499999996 | Take profit: 2096.3662 +2025-03-10 15:37:05,341 - INFO - TAKE PROFIT hit for short at 2096.3662 | PnL: 1.50% | $2.61 +2025-03-10 15:37:05,365 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5761500000003 | Take profit: 2068.5104 +2025-03-10 15:37:05,386 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$0.90, Avg Loss=$-0.71 +2025-03-10 15:37:05,387 - INFO - Episode 3: Reward=-3.26, Balance=$96.94, Win Rate=37.0%, Trades=27, Episode PnL=$-1.67, Total PnL=$-14.04, Max Drawdown=6.6%, Pred Accuracy=97.9% +2025-03-10 15:37:05,477 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.23035 | Take profit: 2031.9078 +2025-03-10 15:37:07,231 - INFO - STOP LOSS hit for short at 2073.23035 | PnL: -0.50% | $-1.19 +2025-03-10 15:37:07,258 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.4259500000003 | Take profit: 2046.8010000000002 +2025-03-10 15:37:07,433 - INFO - CLOSED short at 2068.15 | PnL: 0.47% | $0.73 +2025-03-10 15:37:07,433 - INFO - OPENED LONG at 2068.15 | Stop loss: 2057.78335 | Take profit: 2099.2111000000004 +2025-03-10 15:37:07,454 - INFO - CLOSED long at 2068.39 | PnL: 0.01% | $-0.17 +2025-03-10 15:37:07,455 - INFO - OPENED SHORT at 2068.39 | Stop loss: 2078.75785 | Take profit: 2037.3253 +2025-03-10 15:37:09,061 - INFO - CLOSED short at 2063.01 | PnL: 0.26% | $0.31 +2025-03-10 15:37:09,084 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0294 | Take profit: 2029.75065 +2025-03-10 15:37:09,432 - INFO - CLOSED short at 2063.9 | PnL: -0.16% | $-0.50 +2025-03-10 15:37:09,432 - INFO - OPENED LONG at 2063.9 | Stop loss: 2053.5546 | Take profit: 2094.89735 +2025-03-10 15:37:09,456 - INFO - CLOSED long at 2065.1 | PnL: 0.06% | $-0.08 +2025-03-10 15:37:09,456 - INFO - OPENED SHORT at 2065.1 | Stop loss: 2075.4514 | Take profit: 2034.08465 +2025-03-10 15:37:09,972 - INFO - STOP LOSS hit for short at 2075.4514 | PnL: -0.50% | $-1.18 +2025-03-10 15:37:09,995 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2088.0239500000002 | Take profit: 2046.4070000000002 +2025-03-10 15:37:10,039 - INFO - STOP LOSS hit for short at 2088.0239500000002 | PnL: -0.50% | $-1.16 +2025-03-10 15:37:10,062 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.561 | Take profit: 2071.43585 +2025-03-10 15:37:10,087 - INFO - STOP LOSS hit for short at 2113.561 | PnL: -0.50% | $-1.15 +2025-03-10 15:37:10,111 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2636 | Take profit: 2107.40805 +2025-03-10 15:37:10,842 - INFO - TAKE PROFIT hit for short at 2107.40805 | PnL: 1.50% | $2.65 +2025-03-10 15:37:10,863 - INFO - OPENED SHORT at 2108.06 | Stop loss: 2118.6262 | Take profit: 2076.40025 +2025-03-10 15:37:12,135 - INFO - CLOSED short at 2097.8 | PnL: 0.49% | $0.75 +2025-03-10 15:37:12,136 - INFO - OPENED LONG at 2097.8 | Stop loss: 2087.2851 | Take profit: 2129.30585 +2025-03-10 15:37:12,154 - INFO - CLOSED long at 2099.99 | PnL: 0.10% | $0.01 +2025-03-10 15:37:12,177 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1740999999997 | Take profit: 2070.0765499999998 +2025-03-10 15:37:12,734 - INFO - STOP LOSS hit for short at 2112.1740999999997 | PnL: -0.50% | $-1.18 +2025-03-10 15:37:12,760 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.45025 | Take profit: 2079.1681 +2025-03-10 15:37:13,023 - INFO - CLOSED short at 2111.19 | PnL: -0.02% | $-0.22 +2025-03-10 15:37:13,066 - INFO - OPENED SHORT at 2118.72 | Stop loss: 2129.3394999999996 | Take profit: 2086.90035 +2025-03-10 15:37:13,498 - INFO - STOP LOSS hit for short at 2129.3394999999996 | PnL: -0.50% | $-1.16 +2025-03-10 15:37:13,526 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.9672 | Take profit: 2104.17725 +2025-03-10 15:37:14,537 - INFO - CLOSED short at 2117.92 | PnL: 0.86% | $1.45 +2025-03-10 15:37:14,537 - INFO - OPENED LONG at 2117.92 | Stop loss: 2107.3045 | Take profit: 2149.7276500000003 +2025-03-10 15:37:14,560 - INFO - CLOSED long at 2118.35 | PnL: 0.02% | $-0.15 +2025-03-10 15:37:14,560 - INFO - OPENED SHORT at 2118.35 | Stop loss: 2128.96765 | Take profit: 2086.5359 +2025-03-10 15:37:14,714 - INFO - CLOSED short at 2122.87 | PnL: -0.21% | $-0.61 +2025-03-10 15:37:14,715 - INFO - OPENED LONG at 2122.87 | Stop loss: 2112.22975 | Take profit: 2154.7519 +2025-03-10 15:37:14,738 - INFO - CLOSED long at 2124.87 | PnL: 0.09% | $-0.01 +2025-03-10 15:37:14,738 - INFO - OPENED SHORT at 2124.87 | Stop loss: 2135.5202499999996 | Take profit: 2092.9581 +2025-03-10 15:37:14,904 - INFO - CLOSED short at 2123.41 | PnL: 0.07% | $-0.06 +2025-03-10 15:37:14,904 - INFO - OPENED LONG at 2123.41 | Stop loss: 2112.76705 | Take profit: 2155.3 +2025-03-10 15:37:14,928 - INFO - CLOSED long at 2126.23 | PnL: 0.13% | $0.06 +2025-03-10 15:37:14,929 - INFO - OPENED SHORT at 2126.23 | Stop loss: 2136.88705 | Take profit: 2094.2977 +2025-03-10 15:37:15,189 - INFO - CLOSED short at 2122.24 | PnL: 0.19% | $0.17 +2025-03-10 15:37:15,189 - INFO - OPENED LONG at 2122.24 | Stop loss: 2111.6029 | Take profit: 2154.1124499999996 +2025-03-10 15:37:15,217 - INFO - CLOSED long at 2120.48 | PnL: -0.08% | $-0.35 +2025-03-10 15:37:15,217 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1083 | Take profit: 2088.63395 +2025-03-10 15:37:15,822 - INFO - CLOSED short at 2115.07 | PnL: 0.26% | $0.30 +2025-03-10 15:37:15,822 - INFO - OPENED LONG at 2115.07 | Stop loss: 2104.46875 | Take profit: 2146.8349000000003 +2025-03-10 15:37:15,848 - INFO - CLOSED long at 2098.24 | PnL: -0.80% | $-1.72 +2025-03-10 15:37:15,848 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.7571 | Take profit: 2066.72755 +2025-03-10 15:37:15,943 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 40.0% in downtrends | Avg Win=$0.71, Avg Loss=$-0.68 +2025-03-10 15:37:15,943 - INFO - Episode 4: Reward=-6.78, Balance=$95.53, Win Rate=36.0%, Trades=25, Episode PnL=$-2.04, Total PnL=$-18.51, Max Drawdown=4.4%, Pred Accuracy=98.0% +2025-03-10 15:37:16,851 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.23035 | Take profit: 2031.9078 +2025-03-10 15:37:17,267 - INFO - CLOSED short at 2061.6 | PnL: 0.06% | $-0.07 +2025-03-10 15:37:17,291 - INFO - OPENED SHORT at 2060.9 | Stop loss: 2071.2304 | Take profit: 2029.94765 +2025-03-10 15:37:17,639 - INFO - CLOSED short at 2064.79 | PnL: -0.19% | $-0.57 +2025-03-10 15:37:17,639 - INFO - OPENED LONG at 2064.79 | Stop loss: 2054.44015 | Take profit: 2095.8007 +2025-03-10 15:37:17,665 - INFO - CLOSED long at 2065.89 | PnL: 0.05% | $-0.09 +2025-03-10 15:37:17,666 - INFO - OPENED SHORT at 2065.89 | Stop loss: 2076.24535 | Take profit: 2034.8627999999999 +2025-03-10 15:37:17,943 - INFO - CLOSED short at 2059.96 | PnL: 0.29% | $0.37 +2025-03-10 15:37:17,943 - INFO - OPENED LONG at 2059.96 | Stop loss: 2049.6343 | Take profit: 2090.89825 +2025-03-10 15:37:17,973 - INFO - CLOSED long at 2059.46 | PnL: -0.02% | $-0.24 +2025-03-10 15:37:17,973 - INFO - OPENED SHORT at 2059.46 | Stop loss: 2069.7832 | Take profit: 2028.52925 +2025-03-10 15:37:17,997 - INFO - CLOSED short at 2057.4 | PnL: 0.10% | $0.00 +2025-03-10 15:37:17,998 - INFO - OPENED LONG at 2057.4 | Stop loss: 2047.0871000000002 | Take profit: 2088.2998500000003 +2025-03-10 15:37:18,023 - INFO - CLOSED long at 2058.28 | PnL: 0.04% | $-0.11 +2025-03-10 15:37:18,023 - INFO - OPENED SHORT at 2058.28 | Stop loss: 2068.5973 | Take profit: 2027.3669500000003 +2025-03-10 15:37:18,263 - INFO - CLOSED short at 2061.6 | PnL: -0.16% | $-0.51 +2025-03-10 15:37:18,264 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.2661 | Take profit: 2092.56285 +2025-03-10 15:37:18,289 - INFO - CLOSED long at 2061.3 | PnL: -0.01% | $-0.22 +2025-03-10 15:37:18,289 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6324000000004 | Take profit: 2030.3416500000003 +2025-03-10 15:37:18,427 - INFO - CLOSED short at 2066.33 | PnL: -0.24% | $-0.67 +2025-03-10 15:37:18,428 - INFO - OPENED LONG at 2066.33 | Stop loss: 2055.9724499999998 | Take profit: 2097.3637999999996 +2025-03-10 15:37:18,447 - INFO - CLOSED long at 2066.34 | PnL: 0.00% | $-0.19 +2025-03-10 15:37:18,448 - INFO - OPENED SHORT at 2066.34 | Stop loss: 2076.6976000000004 | Take profit: 2035.3060500000001 +2025-03-10 15:37:18,626 - INFO - STOP LOSS hit for short at 2076.6976000000004 | PnL: -0.50% | $-1.16 +2025-03-10 15:37:18,646 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.41095 | Take profit: 2043.8460000000002 +2025-03-10 15:37:18,666 - INFO - CLOSED short at 2072.6 | PnL: 0.12% | $0.03 +2025-03-10 15:37:18,688 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.4211 | Take profit: 2039.93555 +2025-03-10 15:37:18,815 - INFO - CLOSED short at 2068.39 | PnL: 0.13% | $0.05 +2025-03-10 15:37:18,815 - INFO - OPENED LONG at 2068.39 | Stop loss: 2058.02215 | Take profit: 2099.4547 +2025-03-10 15:37:18,834 - INFO - CLOSED long at 2069.69 | PnL: 0.06% | $-0.07 +2025-03-10 15:37:18,834 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.0643499999996 | Take profit: 2038.6058 +2025-03-10 15:37:19,485 - INFO - CLOSED short at 2070.9 | PnL: -0.06% | $-0.30 +2025-03-10 15:37:19,486 - INFO - OPENED LONG at 2070.9 | Stop loss: 2060.5196 | Take profit: 2102.00235 +2025-03-10 15:37:19,550 - INFO - CLOSED long at 2070.7 | PnL: -0.01% | $-0.21 +2025-03-10 15:37:19,551 - INFO - OPENED SHORT at 2070.7 | Stop loss: 2081.0793999999996 | Take profit: 2039.6006499999999 +2025-03-10 15:37:19,637 - INFO - CLOSED short at 2070.61 | PnL: 0.00% | $-0.18 +2025-03-10 15:37:19,638 - INFO - OPENED LONG at 2070.61 | Stop loss: 2060.2310500000003 | Take profit: 2101.708 +2025-03-10 15:37:19,670 - INFO - CLOSED long at 2071.99 | PnL: 0.07% | $-0.06 +2025-03-10 15:37:19,671 - INFO - OPENED SHORT at 2071.99 | Stop loss: 2082.37585 | Take profit: 2040.8712999999998 +2025-03-10 15:37:20,634 - INFO - CLOSED short at 2066.1 | PnL: 0.28% | $0.35 +2025-03-10 15:37:20,635 - INFO - OPENED LONG at 2066.1 | Stop loss: 2055.7436 | Take profit: 2097.13035 +2025-03-10 15:37:20,658 - INFO - CLOSED long at 2065.06 | PnL: -0.05% | $-0.29 +2025-03-10 15:37:20,658 - INFO - OPENED SHORT at 2065.06 | Stop loss: 2075.4112 | Take profit: 2034.0452500000001 +2025-03-10 15:37:20,918 - INFO - CLOSED short at 2053.01 | PnL: 0.58% | $0.92 +2025-03-10 15:37:20,918 - INFO - OPENED LONG at 2053.01 | Stop loss: 2042.7190500000002 | Take profit: 2083.8440000000005 +2025-03-10 15:37:20,939 - INFO - CLOSED long at 2049.21 | PnL: -0.19% | $-0.54 +2025-03-10 15:37:20,939 - INFO - OPENED SHORT at 2049.21 | Stop loss: 2059.4819500000003 | Take profit: 2018.433 +2025-03-10 15:37:21,081 - INFO - STOP LOSS hit for short at 2059.4819500000003 | PnL: -0.50% | $-1.14 +2025-03-10 15:37:21,101 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.2454000000002 | Take profit: 2032.9026500000002 +2025-03-10 15:37:21,356 - INFO - CLOSED short at 2062.54 | PnL: 0.07% | $-0.06 +2025-03-10 15:37:21,357 - INFO - OPENED LONG at 2062.54 | Stop loss: 2052.2014 | Take profit: 2093.5169499999997 +2025-03-10 15:37:21,384 - INFO - CLOSED long at 2065.72 | PnL: 0.15% | $0.10 +2025-03-10 15:37:21,384 - INFO - OPENED SHORT at 2065.72 | Stop loss: 2076.0744999999997 | Take profit: 2034.6953499999997 +2025-03-10 15:37:21,428 - INFO - CLOSED short at 2070.24 | PnL: -0.22% | $-0.60 +2025-03-10 15:37:21,428 - INFO - OPENED LONG at 2070.24 | Stop loss: 2059.8628999999996 | Take profit: 2101.33245 +2025-03-10 15:37:21,455 - INFO - CLOSED long at 2069.34 | PnL: -0.04% | $-0.27 +2025-03-10 15:37:21,456 - INFO - OPENED SHORT at 2069.34 | Stop loss: 2079.7126000000003 | Take profit: 2038.26105 +2025-03-10 15:37:21,639 - INFO - CLOSED short at 2076.08 | PnL: -0.33% | $-0.79 +2025-03-10 15:37:21,640 - INFO - OPENED LONG at 2076.08 | Stop loss: 2065.6737 | Take profit: 2107.26005 +2025-03-10 15:37:21,662 - INFO - CLOSED long at 2077.61 | PnL: 0.07% | $-0.05 +2025-03-10 15:37:21,662 - INFO - OPENED SHORT at 2077.61 | Stop loss: 2088.0239500000002 | Take profit: 2046.4070000000002 +2025-03-10 15:37:21,705 - INFO - STOP LOSS hit for short at 2088.0239500000002 | PnL: -0.50% | $-1.11 +2025-03-10 15:37:21,725 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.561 | Take profit: 2071.43585 +2025-03-10 15:37:21,748 - INFO - STOP LOSS hit for short at 2113.561 | PnL: -0.50% | $-1.10 +2025-03-10 15:37:21,770 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2636 | Take profit: 2107.40805 +2025-03-10 15:37:21,887 - INFO - CLOSED short at 2142.68 | PnL: -0.15% | $-0.44 +2025-03-10 15:37:21,887 - INFO - OPENED LONG at 2142.68 | Stop loss: 2131.9406999999997 | Take profit: 2174.85905 +2025-03-10 15:37:21,907 - INFO - CLOSED long at 2140.01 | PnL: -0.12% | $-0.40 +2025-03-10 15:37:21,907 - INFO - OPENED SHORT at 2140.01 | Stop loss: 2150.7359500000002 | Take profit: 2107.871 +2025-03-10 15:37:22,010 - INFO - CLOSED short at 2121.09 | PnL: 0.88% | $1.40 +2025-03-10 15:37:22,010 - INFO - OPENED LONG at 2121.09 | Stop loss: 2110.45865 | Take profit: 2152.9452 +2025-03-10 15:37:22,032 - INFO - CLOSED long at 2120.15 | PnL: -0.04% | $-0.26 +2025-03-10 15:37:22,032 - INFO - OPENED SHORT at 2120.15 | Stop loss: 2130.7766500000002 | Take profit: 2088.3089 +2025-03-10 15:37:22,174 - INFO - CLOSED short at 2119.07 | PnL: 0.05% | $-0.09 +2025-03-10 15:37:22,175 - INFO - OPENED LONG at 2119.07 | Stop loss: 2108.44875 | Take profit: 2150.8949 +2025-03-10 15:37:22,223 - INFO - CLOSED long at 2107.43 | PnL: -0.55% | $-1.17 +2025-03-10 15:37:22,224 - INFO - OPENED SHORT at 2107.43 | Stop loss: 2117.99305 | Take profit: 2075.7796999999996 +2025-03-10 15:37:22,291 - INFO - CLOSED short at 2112.09 | PnL: -0.22% | $-0.57 +2025-03-10 15:37:22,291 - INFO - OPENED LONG at 2112.09 | Stop loss: 2101.50365 | Take profit: 2143.8102000000003 +2025-03-10 15:37:22,317 - INFO - CLOSED long at 2112.95 | PnL: 0.04% | $-0.11 +2025-03-10 15:37:22,317 - INFO - OPENED SHORT at 2112.95 | Stop loss: 2123.5406499999995 | Take profit: 2081.2169 +2025-03-10 15:37:22,440 - INFO - CLOSED short at 2114.8 | PnL: -0.09% | $-0.33 +2025-03-10 15:37:22,440 - INFO - OPENED LONG at 2114.8 | Stop loss: 2104.2001 | Take profit: 2146.5608500000003 +2025-03-10 15:37:22,462 - INFO - CLOSED long at 2110.9 | PnL: -0.18% | $-0.50 +2025-03-10 15:37:22,462 - INFO - OPENED SHORT at 2110.9 | Stop loss: 2121.4804000000004 | Take profit: 2079.19765 +2025-03-10 15:37:22,587 - INFO - CLOSED short at 2090.0 | PnL: 0.99% | $1.56 +2025-03-10 15:37:22,588 - INFO - OPENED LONG at 2090.0 | Stop loss: 2079.5241 | Take profit: 2121.38885 +2025-03-10 15:37:22,608 - INFO - CLOSED long at 2099.53 | PnL: 0.46% | $0.63 +2025-03-10 15:37:22,608 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.05355 | Take profit: 2067.9982000000005 +2025-03-10 15:37:22,761 - INFO - CLOSED short at 2104.83 | PnL: -0.25% | $-0.63 +2025-03-10 15:37:22,761 - INFO - OPENED LONG at 2104.83 | Stop loss: 2094.27995 | Take profit: 2136.4413 +2025-03-10 15:37:22,782 - INFO - CLOSED long at 2106.39 | PnL: 0.07% | $-0.05 +2025-03-10 15:37:22,782 - INFO - OPENED SHORT at 2106.39 | Stop loss: 2116.94785 | Take profit: 2074.7553 +2025-03-10 15:37:22,809 - INFO - CLOSED short at 2100.74 | PnL: 0.27% | $0.30 +2025-03-10 15:37:22,809 - INFO - OPENED LONG at 2100.74 | Stop loss: 2090.2104 | Take profit: 2132.2899499999994 +2025-03-10 15:37:22,839 - INFO - CLOSED long at 2103.86 | PnL: 0.15% | $0.09 +2025-03-10 15:37:22,840 - INFO - OPENED SHORT at 2103.86 | Stop loss: 2114.4052 | Take profit: 2072.2632500000004 +2025-03-10 15:37:23,171 - INFO - CLOSED short at 2083.28 | PnL: 0.98% | $1.57 +2025-03-10 15:37:23,171 - INFO - OPENED LONG at 2083.28 | Stop loss: 2072.8377000000005 | Take profit: 2114.5680500000003 +2025-03-10 15:37:23,193 - INFO - CLOSED long at 2088.44 | PnL: 0.25% | $0.27 +2025-03-10 15:37:23,193 - INFO - OPENED SHORT at 2088.44 | Stop loss: 2098.9081 | Take profit: 2057.07455 +2025-03-10 15:37:23,341 - INFO - CLOSED short at 2083.41 | PnL: 0.24% | $0.26 +2025-03-10 15:37:23,341 - INFO - OPENED LONG at 2083.41 | Stop loss: 2072.9670499999997 | Take profit: 2114.7 +2025-03-10 15:37:23,364 - INFO - CLOSED long at 2085.09 | PnL: 0.08% | $-0.04 +2025-03-10 15:37:23,364 - INFO - OPENED SHORT at 2085.09 | Stop loss: 2095.54135 | Take profit: 2053.7748 +2025-03-10 15:37:23,629 - INFO - CLOSED short at 2087.78 | PnL: -0.13% | $-0.42 +2025-03-10 15:37:23,629 - INFO - OPENED LONG at 2087.78 | Stop loss: 2077.3152 | Take profit: 2119.1355500000004 +2025-03-10 15:37:23,649 - INFO - CLOSED long at 2086.81 | PnL: -0.05% | $-0.27 +2025-03-10 15:37:23,650 - INFO - OPENED SHORT at 2086.81 | Stop loss: 2097.26995 | Take profit: 2055.469 +2025-03-10 15:37:23,813 - INFO - STOP LOSS hit for short at 2097.26995 | PnL: -0.50% | $-1.09 +2025-03-10 15:37:23,841 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.51585 | Take profit: 2068.4512999999997 +2025-03-10 15:37:24,266 - INFO - CLOSED short at 2102.0 | PnL: -0.10% | $-0.35 +2025-03-10 15:37:24,267 - INFO - OPENED LONG at 2102.0 | Stop loss: 2091.4641 | Take profit: 2133.56885 +2025-03-10 15:37:24,291 - INFO - CLOSED long at 2103.41 | PnL: 0.07% | $-0.06 +2025-03-10 15:37:24,291 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.95295 | Take profit: 2071.8199999999997 +2025-03-10 15:37:24,484 - INFO - STOP LOSS hit for short at 2113.95295 | PnL: -0.50% | $-1.07 +2025-03-10 15:37:24,504 - INFO - OPENED SHORT at 2113.61 | Stop loss: 2124.20395 | Take profit: 2081.867 +2025-03-10 15:37:24,626 - INFO - CLOSED short at 2108.99 | PnL: 0.22% | $0.21 +2025-03-10 15:37:24,627 - INFO - OPENED LONG at 2108.99 | Stop loss: 2098.4191499999997 | Take profit: 2140.6636999999996 +2025-03-10 15:37:24,668 - INFO - CLOSED long at 2112.61 | PnL: 0.17% | $0.13 +2025-03-10 15:37:24,668 - INFO - OPENED SHORT at 2112.61 | Stop loss: 2123.19895 | Take profit: 2080.882 +2025-03-10 15:37:24,709 - INFO - CLOSED short at 2117.39 | PnL: -0.23% | $-0.58 +2025-03-10 15:37:24,709 - INFO - OPENED LONG at 2117.39 | Stop loss: 2106.77715 | Take profit: 2149.1897 +2025-03-10 15:37:24,736 - INFO - CLOSED long at 2115.3 | PnL: -0.10% | $-0.35 +2025-03-10 15:37:24,737 - INFO - OPENED SHORT at 2115.3 | Stop loss: 2125.9024 | Take profit: 2083.53165 +2025-03-10 15:37:25,021 - INFO - CLOSED short at 2127.79 | PnL: -0.59% | $-1.21 +2025-03-10 15:37:25,021 - INFO - OPENED LONG at 2127.79 | Stop loss: 2117.12515 | Take profit: 2159.7457 +2025-03-10 15:37:25,044 - INFO - CLOSED long at 2129.3 | PnL: 0.07% | $-0.05 +2025-03-10 15:37:25,044 - INFO - OPENED SHORT at 2129.3 | Stop loss: 2139.9724000000006 | Take profit: 2097.3216500000003 +2025-03-10 15:37:25,106 - INFO - CLOSED short at 2135.51 | PnL: -0.29% | $-0.68 +2025-03-10 15:37:25,107 - INFO - OPENED LONG at 2135.51 | Stop loss: 2124.8065500000002 | Take profit: 2167.5815000000002 +2025-03-10 15:37:25,131 - INFO - CLOSED long at 2136.09 | PnL: 0.03% | $-0.13 +2025-03-10 15:37:25,131 - INFO - OPENED SHORT at 2136.09 | Stop loss: 2146.7963500000005 | Take profit: 2104.0098000000003 +2025-03-10 15:37:25,972 - INFO - CLOSED short at 2123.62 | PnL: 0.58% | $0.83 +2025-03-10 15:37:25,973 - INFO - OPENED LONG at 2123.62 | Stop loss: 2112.9759999999997 | Take profit: 2155.5131499999998 +2025-03-10 15:37:25,992 - INFO - CLOSED long at 2122.53 | PnL: -0.05% | $-0.26 +2025-03-10 15:37:25,994 - INFO - OPENED SHORT at 2122.53 | Stop loss: 2133.1685500000003 | Take profit: 2090.6532 +2025-03-10 15:37:26,013 - INFO - CLOSED short at 2122.01 | PnL: 0.02% | $-0.13 +2025-03-10 15:37:26,013 - INFO - OPENED LONG at 2122.01 | Stop loss: 2111.3740500000004 | Take profit: 2153.879 +2025-03-10 15:37:26,035 - INFO - CLOSED long at 2120.62 | PnL: -0.07% | $-0.29 +2025-03-10 15:37:26,036 - INFO - OPENED SHORT at 2120.62 | Stop loss: 2131.2490000000003 | Take profit: 2088.77185 +2025-03-10 15:37:26,144 - INFO - CLOSED short at 2118.26 | PnL: 0.11% | $0.02 +2025-03-10 15:37:26,144 - INFO - OPENED LONG at 2118.26 | Stop loss: 2107.6428 | Take profit: 2150.0727500000003 +2025-03-10 15:37:26,168 - INFO - CLOSED long at 2121.82 | PnL: 0.17% | $0.12 +2025-03-10 15:37:26,168 - INFO - OPENED SHORT at 2121.82 | Stop loss: 2132.4550000000004 | Take profit: 2089.9538500000003 +2025-03-10 15:37:26,267 - INFO - CLOSED short at 2125.04 | PnL: -0.15% | $-0.43 +2025-03-10 15:37:26,267 - INFO - OPENED LONG at 2125.04 | Stop loss: 2114.3889 | Take profit: 2156.9544499999997 +2025-03-10 15:37:26,288 - INFO - CLOSED long at 2123.61 | PnL: -0.07% | $-0.29 +2025-03-10 15:37:26,289 - INFO - OPENED SHORT at 2123.61 | Stop loss: 2134.2539500000003 | Take profit: 2091.717 +2025-03-10 15:37:26,532 - INFO - CLOSED short at 2121.8 | PnL: 0.09% | $-0.03 +2025-03-10 15:37:26,533 - INFO - OPENED LONG at 2121.8 | Stop loss: 2111.1651 | Take profit: 2153.6658500000003 +2025-03-10 15:37:26,551 - INFO - CLOSED long at 2121.42 | PnL: -0.02% | $-0.20 +2025-03-10 15:37:26,552 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.053 | Take profit: 2089.55985 +2025-03-10 15:37:26,573 - INFO - CLOSED short at 2116.52 | PnL: 0.23% | $0.22 +2025-03-10 15:37:26,574 - INFO - OPENED LONG at 2116.52 | Stop loss: 2105.9115 | Take profit: 2148.30665 +2025-03-10 15:37:26,594 - INFO - CLOSED long at 2119.02 | PnL: 0.12% | $0.03 +2025-03-10 15:37:26,595 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.641 | Take profit: 2087.19585 +2025-03-10 15:37:26,619 - INFO - CLOSED short at 2120.96 | PnL: -0.09% | $-0.33 +2025-03-10 15:37:26,619 - INFO - OPENED LONG at 2120.96 | Stop loss: 2110.3293 | Take profit: 2152.81325 +2025-03-10 15:37:26,641 - INFO - CLOSED long at 2124.9 | PnL: 0.19% | $0.15 +2025-03-10 15:37:26,642 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.5504 | Take profit: 2092.98765 +2025-03-10 15:37:26,665 - INFO - CLOSED short at 2128.33 | PnL: -0.16% | $-0.45 +2025-03-10 15:37:26,666 - INFO - OPENED LONG at 2128.33 | Stop loss: 2117.66245 | Take profit: 2160.2938 +2025-03-10 15:37:26,687 - INFO - CLOSED long at 2124.77 | PnL: -0.17% | $-0.45 +2025-03-10 15:37:26,688 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.41975 | Take profit: 2092.8596000000002 +2025-03-10 15:37:26,864 - INFO - CLOSED short at 2114.1 | PnL: 0.50% | $0.68 +2025-03-10 15:37:26,864 - INFO - OPENED LONG at 2114.1 | Stop loss: 2103.5036 | Take profit: 2145.8503499999997 +2025-03-10 15:37:26,886 - INFO - CLOSED long at 2115.11 | PnL: 0.05% | $-0.09 +2025-03-10 15:37:26,886 - INFO - OPENED SHORT at 2115.11 | Stop loss: 2125.7114500000002 | Take profit: 2083.3445 +2025-03-10 15:37:27,111 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 34.1% in downtrends | Avg Win=$0.43, Avg Loss=$-0.41 +2025-03-10 15:37:27,112 - INFO - Episode 5: Reward=32.55, Balance=$85.86, Win Rate=28.6%, Trades=84, Episode PnL=$-8.35, Total PnL=$-32.65, Max Drawdown=10.6%, Pred Accuracy=98.1% +2025-03-10 15:37:27,196 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.23035 | Take profit: 2031.9078 +2025-03-10 15:37:27,687 - INFO - CLOSED short at 2064.7 | PnL: -0.09% | $-0.37 +2025-03-10 15:37:27,687 - INFO - OPENED LONG at 2064.7 | Stop loss: 2054.3505999999998 | Take profit: 2095.7093499999996 +2025-03-10 15:37:27,707 - INFO - CLOSED long at 2062.61 | PnL: -0.10% | $-0.40 +2025-03-10 15:37:27,707 - INFO - OPENED SHORT at 2062.61 | Stop loss: 2072.9489500000004 | Take profit: 2031.632 +2025-03-10 15:37:27,807 - INFO - CLOSED short at 2064.1 | PnL: -0.07% | $-0.34 +2025-03-10 15:37:27,808 - INFO - OPENED LONG at 2064.1 | Stop loss: 2053.7536 | Take profit: 2095.10035 +2025-03-10 15:37:27,829 - INFO - CLOSED long at 2065.36 | PnL: 0.06% | $-0.08 +2025-03-10 15:37:27,829 - INFO - OPENED SHORT at 2065.36 | Stop loss: 2075.7127 | Take profit: 2034.34075 +2025-03-10 15:37:27,894 - INFO - CLOSED short at 2064.79 | PnL: 0.03% | $-0.14 +2025-03-10 15:37:27,894 - INFO - OPENED LONG at 2064.79 | Stop loss: 2054.44015 | Take profit: 2095.8007 +2025-03-10 15:37:27,919 - INFO - CLOSED long at 2065.89 | PnL: 0.05% | $-0.09 +2025-03-10 15:37:27,919 - INFO - OPENED SHORT at 2065.89 | Stop loss: 2076.24535 | Take profit: 2034.8627999999999 +2025-03-10 15:37:27,939 - INFO - CLOSED short at 2063.53 | PnL: 0.11% | $0.03 +2025-03-10 15:37:27,940 - INFO - OPENED LONG at 2063.53 | Stop loss: 2053.18645 | Take profit: 2094.5218000000004 +2025-03-10 15:37:27,963 - INFO - CLOSED long at 2063.0 | PnL: -0.03% | $-0.24 +2025-03-10 15:37:27,964 - INFO - OPENED SHORT at 2063.0 | Stop loss: 2073.3409 | Take profit: 2032.01615 +2025-03-10 15:37:28,123 - INFO - CLOSED short at 2059.02 | PnL: 0.19% | $0.18 +2025-03-10 15:37:28,124 - INFO - OPENED LONG at 2059.02 | Stop loss: 2048.699 | Take profit: 2089.9441500000003 +2025-03-10 15:37:28,148 - INFO - CLOSED long at 2058.89 | PnL: -0.01% | $-0.21 +2025-03-10 15:37:28,149 - INFO - OPENED SHORT at 2058.89 | Stop loss: 2069.2103500000003 | Take profit: 2027.9678 +2025-03-10 15:37:28,314 - INFO - CLOSED short at 2054.83 | PnL: 0.20% | $0.19 +2025-03-10 15:37:28,314 - INFO - OPENED LONG at 2054.83 | Stop loss: 2044.5299499999999 | Take profit: 2085.6912999999995 +2025-03-10 15:37:28,340 - INFO - CLOSED long at 2056.71 | PnL: 0.09% | $-0.02 +2025-03-10 15:37:28,341 - INFO - OPENED SHORT at 2056.71 | Stop loss: 2067.01945 | Take profit: 2025.8205 +2025-03-10 15:37:28,460 - INFO - CLOSED short at 2061.6 | PnL: -0.24% | $-0.66 +2025-03-10 15:37:28,460 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.2661 | Take profit: 2092.56285 +2025-03-10 15:37:28,481 - INFO - CLOSED long at 2061.3 | PnL: -0.01% | $-0.22 +2025-03-10 15:37:28,481 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6324000000004 | Take profit: 2030.3416500000003 +2025-03-10 15:37:28,816 - INFO - STOP LOSS hit for short at 2071.6324000000004 | PnL: -0.50% | $-1.16 +2025-03-10 15:37:28,838 - INFO - OPENED LONG at 2074.3 | Stop loss: 2063.9026000000003 | Take profit: 2105.4533500000002 +2025-03-10 15:37:28,860 - INFO - CLOSED long at 2078.01 | PnL: 0.18% | $0.15 +2025-03-10 15:37:28,860 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.4259500000003 | Take profit: 2046.8010000000002 +2025-03-10 15:37:28,888 - INFO - CLOSED short at 2075.01 | PnL: 0.14% | $0.08 +2025-03-10 15:37:28,889 - INFO - OPENED LONG at 2075.01 | Stop loss: 2064.60905 | Take profit: 2106.174 +2025-03-10 15:37:28,943 - INFO - CLOSED long at 2071.04 | PnL: -0.19% | $-0.56 +2025-03-10 15:37:28,943 - INFO - OPENED SHORT at 2071.04 | Stop loss: 2081.4211 | Take profit: 2039.93555 +2025-03-10 15:37:28,968 - INFO - CLOSED short at 2070.01 | PnL: 0.05% | $-0.10 +2025-03-10 15:37:28,969 - INFO - OPENED LONG at 2070.01 | Stop loss: 2059.63405 | Take profit: 2101.099 +2025-03-10 15:37:28,994 - INFO - CLOSED long at 2071.6 | PnL: 0.08% | $-0.04 +2025-03-10 15:37:28,994 - INFO - OPENED SHORT at 2071.6 | Stop loss: 2081.9839 | Take profit: 2040.48715 +2025-03-10 15:37:29,016 - INFO - CLOSED short at 2073.23 | PnL: -0.08% | $-0.34 +2025-03-10 15:37:29,040 - INFO - OPENED SHORT at 2070.0 | Stop loss: 2080.3759 | Take profit: 2038.91115 +2025-03-10 15:37:29,108 - INFO - CLOSED short at 2069.69 | PnL: 0.01% | $-0.16 +2025-03-10 15:37:29,109 - INFO - OPENED LONG at 2069.69 | Stop loss: 2059.31565 | Take profit: 2100.7742000000003 +2025-03-10 15:37:29,137 - INFO - CLOSED long at 2069.03 | PnL: -0.03% | $-0.25 +2025-03-10 15:37:29,137 - INFO - OPENED SHORT at 2069.03 | Stop loss: 2079.4010500000004 | Take profit: 2037.9557000000002 +2025-03-10 15:37:29,204 - INFO - CLOSED short at 2072.99 | PnL: -0.19% | $-0.55 +2025-03-10 15:37:29,205 - INFO - OPENED LONG at 2072.99 | Stop loss: 2062.5991499999996 | Take profit: 2104.1236999999996 +2025-03-10 15:37:29,232 - INFO - CLOSED long at 2071.49 | PnL: -0.07% | $-0.32 +2025-03-10 15:37:29,232 - INFO - OPENED SHORT at 2071.49 | Stop loss: 2081.87335 | Take profit: 2040.3787999999997 +2025-03-10 15:37:29,445 - INFO - CLOSED short at 2065.3 | PnL: 0.30% | $0.37 +2025-03-10 15:37:29,445 - INFO - OPENED LONG at 2065.3 | Stop loss: 2054.9476000000004 | Take profit: 2096.3183500000005 +2025-03-10 15:37:29,468 - INFO - CLOSED long at 2064.4 | PnL: -0.04% | $-0.27 +2025-03-10 15:37:29,468 - INFO - OPENED SHORT at 2064.4 | Stop loss: 2074.7479000000003 | Take profit: 2033.39515 +2025-03-10 15:37:29,532 - INFO - CLOSED short at 2067.53 | PnL: -0.15% | $-0.47 +2025-03-10 15:37:29,532 - INFO - OPENED LONG at 2067.53 | Stop loss: 2057.16645 | Take profit: 2098.5818 +2025-03-10 15:37:29,553 - INFO - CLOSED long at 2065.29 | PnL: -0.11% | $-0.39 +2025-03-10 15:37:29,554 - INFO - OPENED SHORT at 2065.29 | Stop loss: 2075.64235 | Take profit: 2034.2717999999998 +2025-03-10 15:37:29,599 - INFO - CLOSED short at 2066.8 | PnL: -0.07% | $-0.32 +2025-03-10 15:37:29,599 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.4401000000003 | Take profit: 2097.84085 +2025-03-10 15:37:29,622 - INFO - CLOSED long at 2066.5 | PnL: -0.01% | $-0.21 +2025-03-10 15:37:29,622 - INFO - OPENED SHORT at 2066.5 | Stop loss: 2076.8584 | Take profit: 2035.4636500000001 +2025-03-10 15:37:29,717 - INFO - CLOSED short at 2071.35 | PnL: -0.23% | $-0.62 +2025-03-10 15:37:29,718 - INFO - OPENED LONG at 2071.35 | Stop loss: 2060.96735 | Take profit: 2102.4591 +2025-03-10 15:37:29,743 - INFO - CLOSED long at 2070.9 | PnL: -0.02% | $-0.22 +2025-03-10 15:37:29,744 - INFO - OPENED SHORT at 2070.9 | Stop loss: 2081.2804 | Take profit: 2039.7976500000002 +2025-03-10 15:37:30,984 - INFO - CLOSED short at 2056.85 | PnL: 0.68% | $1.05 +2025-03-10 15:37:30,984 - INFO - OPENED LONG at 2056.85 | Stop loss: 2046.53985 | Take profit: 2087.7416 +2025-03-10 15:37:31,005 - INFO - CLOSED long at 2057.11 | PnL: 0.01% | $-0.16 +2025-03-10 15:37:31,006 - INFO - OPENED SHORT at 2057.11 | Stop loss: 2067.4214500000003 | Take profit: 2026.2145 +2025-03-10 15:37:31,180 - INFO - STOP LOSS hit for short at 2067.4214500000003 | PnL: -0.50% | $-1.11 +2025-03-10 15:37:31,203 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.85335 | Take profit: 2036.4387999999997 +2025-03-10 15:37:31,510 - INFO - CLOSED short at 2074.05 | PnL: -0.32% | $-0.76 +2025-03-10 15:37:31,532 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.38085 | Take profit: 2041.8562999999997 +2025-03-10 15:37:31,581 - INFO - CLOSED short at 2071.8 | PnL: 0.06% | $-0.08 +2025-03-10 15:37:31,581 - INFO - OPENED LONG at 2071.8 | Stop loss: 2061.4151 | Take profit: 2102.91585 +2025-03-10 15:37:31,602 - INFO - CLOSED long at 2074.9 | PnL: 0.15% | $0.09 +2025-03-10 15:37:31,603 - INFO - OPENED SHORT at 2074.9 | Stop loss: 2085.3004 | Take profit: 2043.73765 +2025-03-10 15:37:31,668 - INFO - STOP LOSS hit for short at 2085.3004 | PnL: -0.50% | $-1.08 +2025-03-10 15:37:31,690 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.9683499999996 | Take profit: 2059.0937999999996 +2025-03-10 15:37:31,710 - INFO - STOP LOSS hit for short at 2100.9683499999996 | PnL: -0.50% | $-1.07 +2025-03-10 15:37:31,732 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3794 | Take profit: 2098.7006499999998 +2025-03-10 15:37:31,847 - INFO - STOP LOSS hit for short at 2141.3794 | PnL: -0.50% | $-1.06 +2025-03-10 15:37:31,873 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0324 | Take profit: 2109.14165 +2025-03-10 15:37:32,211 - INFO - TAKE PROFIT hit for short at 2109.14165 | PnL: 1.50% | $2.44 +2025-03-10 15:37:32,232 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1789 | Take profit: 2078.90215 +2025-03-10 15:37:32,881 - INFO - CLOSED short at 2098.39 | PnL: 0.58% | $0.86 +2025-03-10 15:37:32,882 - INFO - OPENED LONG at 2098.39 | Stop loss: 2087.8721499999997 | Take profit: 2129.9047 +2025-03-10 15:37:32,902 - INFO - CLOSED long at 2095.29 | PnL: -0.15% | $-0.45 +2025-03-10 15:37:32,902 - INFO - OPENED SHORT at 2095.29 | Stop loss: 2105.79235 | Take profit: 2063.8217999999997 +2025-03-10 15:37:33,389 - INFO - CLOSED short at 2085.85 | PnL: 0.45% | $0.63 +2025-03-10 15:37:33,389 - INFO - OPENED LONG at 2085.85 | Stop loss: 2075.39485 | Take profit: 2117.1766 +2025-03-10 15:37:33,410 - INFO - CLOSED long at 2088.66 | PnL: 0.13% | $0.06 +2025-03-10 15:37:33,411 - INFO - OPENED SHORT at 2088.66 | Stop loss: 2099.1292 | Take profit: 2057.2912499999998 +2025-03-10 15:37:33,634 - INFO - CLOSED short at 2091.05 | PnL: -0.11% | $-0.39 +2025-03-10 15:37:33,634 - INFO - OPENED LONG at 2091.05 | Stop loss: 2080.56885 | Take profit: 2122.4546000000005 +2025-03-10 15:37:33,674 - INFO - CLOSED long at 2091.95 | PnL: 0.04% | $-0.10 +2025-03-10 15:37:33,674 - INFO - OPENED SHORT at 2091.95 | Stop loss: 2102.43565 | Take profit: 2060.5319 +2025-03-10 15:37:33,714 - INFO - CLOSED short at 2097.8 | PnL: -0.28% | $-0.68 +2025-03-10 15:37:33,735 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.51585 | Take profit: 2068.4512999999997 +2025-03-10 15:37:34,435 - INFO - STOP LOSS hit for short at 2110.51585 | PnL: -0.50% | $-1.07 +2025-03-10 15:37:34,455 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.45025 | Take profit: 2079.1681 +2025-03-10 15:37:35,110 - INFO - STOP LOSS hit for short at 2121.45025 | PnL: -0.50% | $-1.06 +2025-03-10 15:37:35,133 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8318999999997 | Take profit: 2089.3431499999997 +2025-03-10 15:37:35,228 - INFO - STOP LOSS hit for short at 2131.8318999999997 | PnL: -0.50% | $-1.05 +2025-03-10 15:37:35,250 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.9672 | Take profit: 2104.17725 +2025-03-10 15:37:35,315 - INFO - CLOSED short at 2132.83 | PnL: 0.16% | $0.10 +2025-03-10 15:37:35,341 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4548499999996 | Take profit: 2095.8343 +2025-03-10 15:37:35,920 - INFO - CLOSED short at 2114.41 | PnL: 0.63% | $0.91 +2025-03-10 15:37:35,947 - INFO - OPENED SHORT at 2115.45 | Stop loss: 2126.0531499999997 | Take profit: 2083.6794 +2025-03-10 15:37:36,528 - INFO - STOP LOSS hit for short at 2126.0531499999997 | PnL: -0.50% | $-1.05 +2025-03-10 15:37:36,570 - INFO - OPENED SHORT at 2123.61 | Stop loss: 2134.2539500000003 | Take profit: 2091.717 +2025-03-10 15:37:37,342 - INFO - TAKE PROFIT hit for short at 2091.717 | PnL: 1.50% | $2.42 +2025-03-10 15:37:37,366 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5761500000003 | Take profit: 2068.5104 +2025-03-10 15:37:37,389 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 32.3% in downtrends | Avg Win=$0.64, Avg Loss=$-0.47 +2025-03-10 15:37:37,389 - INFO - Episode 6: Reward=55.48, Balance=$89.67, Win Rate=26.3%, Trades=57, Episode PnL=$-6.41, Total PnL=$-42.98, Max Drawdown=12.8%, Pred Accuracy=98.1% +2025-03-10 15:37:37,487 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.23035 | Take profit: 2031.9078 +2025-03-10 15:37:37,775 - INFO - CLOSED short at 2062.89 | PnL: 0.00% | $-0.20 +2025-03-10 15:37:37,775 - INFO - OPENED LONG at 2062.89 | Stop loss: 2052.54965 | Take profit: 2093.8722000000002 +2025-03-10 15:37:37,802 - INFO - CLOSED long at 2064.5 | PnL: 0.08% | $-0.04 +2025-03-10 15:37:37,803 - INFO - OPENED SHORT at 2064.5 | Stop loss: 2074.8484 | Take profit: 2033.49365 +2025-03-10 15:37:38,119 - INFO - CLOSED short at 2064.1 | PnL: 0.02% | $-0.16 +2025-03-10 15:37:38,144 - INFO - OPENED SHORT at 2065.36 | Stop loss: 2075.7127 | Take profit: 2034.34075 +2025-03-10 15:37:38,307 - INFO - CLOSED short at 2062.6 | PnL: 0.13% | $0.07 +2025-03-10 15:37:38,307 - INFO - OPENED LONG at 2062.6 | Stop loss: 2052.2610999999997 | Take profit: 2093.5778499999997 +2025-03-10 15:37:38,332 - INFO - CLOSED long at 2061.89 | PnL: -0.03% | $-0.26 +2025-03-10 15:37:38,332 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.2253499999997 | Take profit: 2030.9227999999998 +2025-03-10 15:37:39,124 - INFO - STOP LOSS hit for short at 2072.2253499999997 | PnL: -0.50% | $-1.18 +2025-03-10 15:37:39,151 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.4259500000003 | Take profit: 2046.8010000000002 +2025-03-10 15:37:39,384 - INFO - CLOSED short at 2069.03 | PnL: 0.43% | $0.64 +2025-03-10 15:37:39,384 - INFO - OPENED LONG at 2069.03 | Stop loss: 2058.65895 | Take profit: 2100.1043000000004 +2025-03-10 15:37:39,404 - INFO - CLOSED long at 2067.44 | PnL: -0.08% | $-0.35 +2025-03-10 15:37:39,405 - INFO - OPENED SHORT at 2067.44 | Stop loss: 2077.8031 | Take profit: 2036.38955 +2025-03-10 15:37:39,569 - INFO - CLOSED short at 2065.66 | PnL: 0.09% | $-0.03 +2025-03-10 15:37:39,592 - INFO - OPENED SHORT at 2063.95 | Stop loss: 2074.2956499999996 | Take profit: 2032.9518999999998 +2025-03-10 15:37:39,692 - INFO - CLOSED short at 2064.31 | PnL: -0.02% | $-0.23 +2025-03-10 15:37:39,693 - INFO - OPENED LONG at 2064.31 | Stop loss: 2053.9625499999997 | Take profit: 2095.3134999999997 +2025-03-10 15:37:39,714 - INFO - CLOSED long at 2065.5 | PnL: 0.06% | $-0.08 +2025-03-10 15:37:39,714 - INFO - OPENED SHORT at 2065.5 | Stop loss: 2075.8534 | Take profit: 2034.4786499999998 +2025-03-10 15:37:40,303 - INFO - STOP LOSS hit for short at 2075.8534 | PnL: -0.50% | $-1.17 +2025-03-10 15:37:40,330 - INFO - OPENED SHORT at 2075.61 | Stop loss: 2086.01395 | Take profit: 2044.4370000000001 +2025-03-10 15:37:40,698 - INFO - CLOSED short at 2065.7 | PnL: 0.48% | $0.72 +2025-03-10 15:37:40,721 - INFO - OPENED SHORT at 2065.8 | Stop loss: 2076.1549 | Take profit: 2034.7741500000002 +2025-03-10 15:37:41,745 - INFO - CLOSED short at 2070.41 | PnL: -0.22% | $-0.62 +2025-03-10 15:37:41,745 - INFO - OPENED LONG at 2070.41 | Stop loss: 2060.03205 | Take profit: 2101.5049999999997 +2025-03-10 15:37:41,766 - INFO - CLOSED long at 2073.49 | PnL: 0.15% | $0.09 +2025-03-10 15:37:41,766 - INFO - OPENED SHORT at 2073.49 | Stop loss: 2083.8833499999996 | Take profit: 2042.3487999999998 +2025-03-10 15:37:41,935 - INFO - STOP LOSS hit for short at 2083.8833499999996 | PnL: -0.50% | $-1.15 +2025-03-10 15:37:41,958 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.9683499999996 | Take profit: 2059.0937999999996 +2025-03-10 15:37:41,980 - INFO - STOP LOSS hit for short at 2100.9683499999996 | PnL: -0.50% | $-1.14 +2025-03-10 15:37:42,001 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3794 | Take profit: 2098.7006499999998 +2025-03-10 15:37:42,112 - INFO - STOP LOSS hit for short at 2141.3794 | PnL: -0.50% | $-1.13 +2025-03-10 15:37:42,135 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0324 | Take profit: 2109.14165 +2025-03-10 15:37:42,494 - INFO - TAKE PROFIT hit for short at 2109.14165 | PnL: 1.50% | $2.60 +2025-03-10 15:37:42,520 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1789 | Take profit: 2078.90215 +2025-03-10 15:37:42,712 - INFO - CLOSED short at 2116.48 | PnL: -0.28% | $-0.72 +2025-03-10 15:37:42,736 - INFO - OPENED SHORT at 2114.8 | Stop loss: 2125.3999 | Take profit: 2083.03915 +2025-03-10 15:37:43,473 - INFO - TAKE PROFIT hit for short at 2083.03915 | PnL: 1.50% | $2.65 +2025-03-10 15:37:43,493 - INFO - OPENED SHORT at 2081.49 | Stop loss: 2091.9233499999996 | Take profit: 2050.2288 +2025-03-10 15:37:43,805 - INFO - CLOSED short at 2087.47 | PnL: -0.29% | $-0.75 +2025-03-10 15:37:43,805 - INFO - OPENED LONG at 2087.47 | Stop loss: 2077.00675 | Take profit: 2118.8208999999997 +2025-03-10 15:37:43,825 - INFO - CLOSED long at 2087.78 | PnL: 0.01% | $-0.16 +2025-03-10 15:37:43,826 - INFO - OPENED SHORT at 2087.78 | Stop loss: 2098.2448 | Take profit: 2056.42445 +2025-03-10 15:37:44,028 - INFO - STOP LOSS hit for short at 2098.2448 | PnL: -0.50% | $-1.16 +2025-03-10 15:37:44,053 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1740999999997 | Take profit: 2070.0765499999998 +2025-03-10 15:37:44,607 - INFO - STOP LOSS hit for short at 2112.1740999999997 | PnL: -0.50% | $-1.14 +2025-03-10 15:37:44,630 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.45025 | Take profit: 2079.1681 +2025-03-10 15:37:45,184 - INFO - STOP LOSS hit for short at 2121.45025 | PnL: -0.50% | $-1.13 +2025-03-10 15:37:45,206 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8318999999997 | Take profit: 2089.3431499999997 +2025-03-10 15:37:45,283 - INFO - STOP LOSS hit for short at 2131.8318999999997 | PnL: -0.50% | $-1.12 +2025-03-10 15:37:45,309 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.9672 | Take profit: 2104.17725 +2025-03-10 15:37:45,654 - INFO - CLOSED short at 2118.8 | PnL: 0.82% | $1.32 +2025-03-10 15:37:45,678 - INFO - OPENED SHORT at 2116.53 | Stop loss: 2127.1385500000006 | Take profit: 2084.7432000000003 +2025-03-10 15:37:46,140 - INFO - CLOSED short at 2114.71 | PnL: 0.09% | $-0.03 +2025-03-10 15:37:46,162 - INFO - OPENED SHORT at 2117.92 | Stop loss: 2128.5355 | Take profit: 2086.1123500000003 +2025-03-10 15:37:46,530 - INFO - CLOSED short at 2123.02 | PnL: -0.24% | $-0.63 +2025-03-10 15:37:46,553 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7313 | Take profit: 2093.16495 +2025-03-10 15:37:47,072 - INFO - CLOSED short at 2115.21 | PnL: 0.46% | $0.67 +2025-03-10 15:37:47,072 - INFO - OPENED LONG at 2115.21 | Stop loss: 2104.60805 | Take profit: 2146.977 +2025-03-10 15:37:47,097 - INFO - CLOSED long at 2114.1 | PnL: -0.05% | $-0.28 +2025-03-10 15:37:47,098 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.6964000000003 | Take profit: 2082.34965 +2025-03-10 15:37:47,143 - INFO - CLOSED short at 2114.32 | PnL: -0.01% | $-0.20 +2025-03-10 15:37:47,143 - INFO - OPENED LONG at 2114.32 | Stop loss: 2103.7225 | Take profit: 2146.0736500000003 +2025-03-10 15:37:47,169 - INFO - CLOSED long at 2114.57 | PnL: 0.01% | $-0.16 +2025-03-10 15:37:47,169 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.16875 | Take profit: 2082.8126 +2025-03-10 15:37:47,362 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 26.3% in downtrends | Avg Win=$1.10, Avg Loss=$-0.59 +2025-03-10 15:37:47,363 - INFO - Episode 7: Reward=76.58, Balance=$93.53, Win Rate=23.5%, Trades=34, Episode PnL=$-5.22, Total PnL=$-49.45, Max Drawdown=7.1%, Pred Accuracy=98.2% +2025-03-10 15:37:47,459 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.23035 | Take profit: 2031.9078 +2025-03-10 15:37:48,133 - INFO - CLOSED short at 2064.1 | PnL: -0.06% | $-0.31 +2025-03-10 15:37:48,156 - INFO - OPENED SHORT at 2065.36 | Stop loss: 2075.7127 | Take profit: 2034.34075 +2025-03-10 15:37:48,942 - INFO - CLOSED short at 2066.34 | PnL: -0.05% | $-0.29 +2025-03-10 15:37:48,943 - INFO - OPENED LONG at 2066.34 | Stop loss: 2055.9824000000003 | Take profit: 2097.37395 +2025-03-10 15:37:48,963 - INFO - CLOSED long at 2066.79 | PnL: 0.02% | $-0.15 +2025-03-10 15:37:48,964 - INFO - OPENED SHORT at 2066.79 | Stop loss: 2077.14985 | Take profit: 2035.7493 +2025-03-10 15:37:49,126 - INFO - STOP LOSS hit for short at 2077.14985 | PnL: -0.50% | $-1.18 +2025-03-10 15:37:49,148 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.41095 | Take profit: 2043.8460000000002 +2025-03-10 15:37:49,318 - INFO - CLOSED short at 2068.39 | PnL: 0.32% | $0.42 +2025-03-10 15:37:49,341 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.0643499999996 | Take profit: 2038.6058 +2025-03-10 15:37:51,258 - INFO - CLOSED short at 2058.3 | PnL: 0.55% | $0.88 +2025-03-10 15:37:51,258 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9826 | Take profit: 2089.21335 +2025-03-10 15:37:51,281 - INFO - CLOSED long at 2056.85 | PnL: -0.07% | $-0.33 +2025-03-10 15:37:51,281 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.16015 | Take profit: 2025.9584 +2025-03-10 15:37:51,469 - INFO - STOP LOSS hit for short at 2067.16015 | PnL: -0.50% | $-1.18 +2025-03-10 15:37:51,488 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.85335 | Take profit: 2036.4387999999997 +2025-03-10 15:37:51,776 - INFO - CLOSED short at 2073.49 | PnL: -0.29% | $-0.75 +2025-03-10 15:37:51,776 - INFO - OPENED LONG at 2073.49 | Stop loss: 2063.09665 | Take profit: 2104.6312 +2025-03-10 15:37:51,798 - INFO - CLOSED long at 2074.05 | PnL: 0.03% | $-0.14 +2025-03-10 15:37:51,798 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4461499999998 | Take profit: 2042.9004000000002 +2025-03-10 15:37:51,947 - INFO - STOP LOSS hit for short at 2084.4461499999998 | PnL: -0.50% | $-1.15 +2025-03-10 15:37:51,994 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.561 | Take profit: 2071.43585 +2025-03-10 15:37:52,016 - INFO - STOP LOSS hit for short at 2113.561 | PnL: -0.50% | $-1.14 +2025-03-10 15:37:52,043 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2636 | Take profit: 2107.40805 +2025-03-10 15:37:52,354 - INFO - CLOSED short at 2117.24 | PnL: 1.04% | $1.76 +2025-03-10 15:37:52,355 - INFO - OPENED LONG at 2117.24 | Stop loss: 2106.6278999999995 | Take profit: 2149.03745 +2025-03-10 15:37:52,376 - INFO - CLOSED long at 2119.93 | PnL: 0.13% | $0.05 +2025-03-10 15:37:52,376 - INFO - OPENED SHORT at 2119.93 | Stop loss: 2130.55555 | Take profit: 2088.0922 +2025-03-10 15:37:53,449 - INFO - TAKE PROFIT hit for short at 2088.0922 | PnL: 1.50% | $2.67 +2025-03-10 15:37:53,478 - INFO - OPENED SHORT at 2088.44 | Stop loss: 2098.9081 | Take profit: 2057.07455 +2025-03-10 15:37:54,199 - INFO - STOP LOSS hit for short at 2098.9081 | PnL: -0.50% | $-1.18 +2025-03-10 15:37:54,222 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1740999999997 | Take profit: 2070.0765499999998 +2025-03-10 15:37:54,588 - INFO - CLOSED short at 2104.4 | PnL: -0.13% | $-0.45 +2025-03-10 15:37:54,589 - INFO - OPENED LONG at 2104.4 | Stop loss: 2093.8521 | Take profit: 2136.0048500000003 +2025-03-10 15:37:54,612 - INFO - CLOSED long at 2105.21 | PnL: 0.04% | $-0.12 +2025-03-10 15:37:54,612 - INFO - OPENED SHORT at 2105.21 | Stop loss: 2115.76195 | Take profit: 2073.5930000000003 +2025-03-10 15:37:54,718 - INFO - CLOSED short at 2103.41 | PnL: 0.09% | $-0.03 +2025-03-10 15:37:54,747 - INFO - OPENED SHORT at 2104.73 | Stop loss: 2115.2795499999997 | Take profit: 2073.1202 +2025-03-10 15:37:55,167 - INFO - STOP LOSS hit for short at 2115.2795499999997 | PnL: -0.50% | $-1.16 +2025-03-10 15:37:55,191 - INFO - OPENED SHORT at 2117.39 | Stop loss: 2128.00285 | Take profit: 2085.5903 +2025-03-10 15:37:55,520 - INFO - STOP LOSS hit for short at 2128.00285 | PnL: -0.50% | $-1.14 +2025-03-10 15:37:55,546 - INFO - OPENED SHORT at 2135.86 | Stop loss: 2146.5652 | Take profit: 2103.78325 +2025-03-10 15:37:55,837 - INFO - CLOSED short at 2123.37 | PnL: 0.58% | $0.91 +2025-03-10 15:37:55,837 - INFO - OPENED LONG at 2123.37 | Stop loss: 2112.72725 | Take profit: 2155.2594 +2025-03-10 15:37:55,857 - INFO - CLOSED long at 2121.73 | PnL: -0.08% | $-0.34 +2025-03-10 15:37:55,857 - INFO - OPENED SHORT at 2121.73 | Stop loss: 2132.3645500000002 | Take profit: 2089.8652 +2025-03-10 15:37:56,376 - INFO - CLOSED short at 2110.34 | PnL: 0.54% | $0.83 +2025-03-10 15:37:56,376 - INFO - OPENED LONG at 2110.34 | Stop loss: 2099.7624 | Take profit: 2142.03395 +2025-03-10 15:37:56,397 - INFO - CLOSED long at 2113.34 | PnL: 0.14% | $0.08 +2025-03-10 15:37:56,397 - INFO - OPENED SHORT at 2113.34 | Stop loss: 2123.9326 | Take profit: 2081.60105 +2025-03-10 15:37:56,590 - INFO - STOP LOSS hit for short at 2123.9326 | PnL: -0.50% | $-1.15 +2025-03-10 15:37:56,611 - INFO - OPENED SHORT at 2121.43 | Stop loss: 2132.0630499999997 | Take profit: 2089.5697 +2025-03-10 15:37:57,569 - INFO - CLOSED short at 2100.05 | PnL: 1.01% | $1.71 +2025-03-10 15:37:57,569 - INFO - OPENED LONG at 2100.05 | Stop loss: 2089.52385 | Take profit: 2131.5896000000002 +2025-03-10 15:37:57,592 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 35.3% in downtrends | Avg Win=$1.04, Avg Loss=$-0.68 +2025-03-10 15:37:57,593 - INFO - Episode 8: Reward=90.33, Balance=$97.13, Win Rate=33.3%, Trades=27, Episode PnL=$-1.92, Total PnL=$-52.32, Max Drawdown=5.3%, Pred Accuracy=98.4% +2025-03-10 15:37:57,684 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.23035 | Take profit: 2031.9078 +2025-03-10 15:37:57,828 - INFO - CLOSED short at 2064.96 | PnL: -0.10% | $-0.40 +2025-03-10 15:37:57,829 - INFO - OPENED LONG at 2064.96 | Stop loss: 2054.6093 | Take profit: 2095.97325 +2025-03-10 15:37:57,852 - INFO - CLOSED long at 2066.24 | PnL: 0.06% | $-0.07 +2025-03-10 15:37:57,853 - INFO - OPENED SHORT at 2066.24 | Stop loss: 2076.5970999999995 | Take profit: 2035.2075499999996 +2025-03-10 15:37:57,923 - INFO - CLOSED short at 2066.09 | PnL: 0.01% | $-0.18 +2025-03-10 15:37:57,924 - INFO - OPENED LONG at 2066.09 | Stop loss: 2055.73365 | Take profit: 2097.1202 +2025-03-10 15:37:57,950 - INFO - CLOSED long at 2064.45 | PnL: -0.08% | $-0.35 +2025-03-10 15:37:57,951 - INFO - OPENED SHORT at 2064.45 | Stop loss: 2074.7981499999996 | Take profit: 2033.4443999999996 +2025-03-10 15:37:58,149 - INFO - CLOSED short at 2058.89 | PnL: 0.27% | $0.33 +2025-03-10 15:37:58,149 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.56965 | Take profit: 2089.8122 +2025-03-10 15:37:58,173 - INFO - CLOSED long at 2059.3 | PnL: 0.02% | $-0.16 +2025-03-10 15:37:58,173 - INFO - OPENED SHORT at 2059.3 | Stop loss: 2069.6224 | Take profit: 2028.3716500000003 +2025-03-10 15:37:58,519 - INFO - CLOSED short at 2062.6 | PnL: -0.16% | $-0.51 +2025-03-10 15:37:58,540 - INFO - OPENED SHORT at 2061.89 | Stop loss: 2072.2253499999997 | Take profit: 2030.9227999999998 +2025-03-10 15:37:58,705 - INFO - CLOSED short at 2059.96 | PnL: 0.09% | $-0.01 +2025-03-10 15:37:58,726 - INFO - OPENED SHORT at 2059.46 | Stop loss: 2069.7832 | Take profit: 2028.52925 +2025-03-10 15:37:58,786 - INFO - CLOSED short at 2056.28 | PnL: 0.15% | $0.11 +2025-03-10 15:37:58,809 - INFO - OPENED SHORT at 2055.6 | Stop loss: 2065.9039 | Take profit: 2024.72715 +2025-03-10 15:37:59,060 - INFO - STOP LOSS hit for short at 2065.9039 | PnL: -0.50% | $-1.17 +2025-03-10 15:37:59,080 - INFO - OPENED LONG at 2066.01 | Stop loss: 2055.65405 | Take profit: 2097.039 +2025-03-10 15:37:59,103 - INFO - CLOSED long at 2063.9 | PnL: -0.10% | $-0.39 +2025-03-10 15:37:59,103 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.2454000000002 | Take profit: 2032.9026500000002 +2025-03-10 15:37:59,336 - INFO - STOP LOSS hit for short at 2074.2454000000002 | PnL: -0.50% | $-1.15 +2025-03-10 15:37:59,358 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.4259500000003 | Take profit: 2046.8010000000002 +2025-03-10 15:38:00,235 - INFO - CLOSED short at 2070.7 | PnL: 0.35% | $0.48 +2025-03-10 15:38:00,235 - INFO - OPENED LONG at 2070.7 | Stop loss: 2060.3206 | Take profit: 2101.79935 +2025-03-10 15:38:00,259 - INFO - CLOSED long at 2070.8 | PnL: 0.00% | $-0.18 +2025-03-10 15:38:00,281 - INFO - OPENED SHORT at 2070.35 | Stop loss: 2080.72765 | Take profit: 2039.2558999999999 +2025-03-10 15:38:01,203 - INFO - CLOSED short at 2064.5 | PnL: 0.28% | $0.35 +2025-03-10 15:38:01,228 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6875499999996 | Take profit: 2035.2962 +2025-03-10 15:38:01,517 - INFO - CLOSED short at 2058.3 | PnL: 0.39% | $0.55 +2025-03-10 15:38:01,518 - INFO - OPENED LONG at 2058.3 | Stop loss: 2047.9826 | Take profit: 2089.21335 +2025-03-10 15:38:01,549 - INFO - CLOSED long at 2056.85 | PnL: -0.07% | $-0.33 +2025-03-10 15:38:01,550 - INFO - OPENED SHORT at 2056.85 | Stop loss: 2067.16015 | Take profit: 2025.9584 +2025-03-10 15:38:01,804 - INFO - STOP LOSS hit for short at 2067.16015 | PnL: -0.50% | $-1.15 +2025-03-10 15:38:01,843 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.85335 | Take profit: 2036.4387999999997 +2025-03-10 15:38:01,872 - INFO - CLOSED short at 2066.59 | PnL: 0.04% | $-0.11 +2025-03-10 15:38:01,900 - INFO - OPENED SHORT at 2064.08 | Stop loss: 2074.4263 | Take profit: 2033.0799499999998 +2025-03-10 15:38:02,155 - INFO - CLOSED short at 2070.41 | PnL: -0.31% | $-0.77 +2025-03-10 15:38:02,180 - INFO - OPENED SHORT at 2073.49 | Stop loss: 2083.8833499999996 | Take profit: 2042.3487999999998 +2025-03-10 15:38:02,350 - INFO - STOP LOSS hit for short at 2083.8833499999996 | PnL: -0.50% | $-1.13 +2025-03-10 15:38:02,379 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.9683499999996 | Take profit: 2059.0937999999996 +2025-03-10 15:38:02,401 - INFO - STOP LOSS hit for short at 2100.9683499999996 | PnL: -0.50% | $-1.11 +2025-03-10 15:38:02,424 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3794 | Take profit: 2098.7006499999998 +2025-03-10 15:38:02,528 - INFO - STOP LOSS hit for short at 2141.3794 | PnL: -0.50% | $-1.10 +2025-03-10 15:38:02,551 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0324 | Take profit: 2109.14165 +2025-03-10 15:38:02,872 - INFO - TAKE PROFIT hit for short at 2109.14165 | PnL: 1.50% | $2.54 +2025-03-10 15:38:02,895 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1789 | Take profit: 2078.90215 +2025-03-10 15:38:03,226 - INFO - CLOSED short at 2090.0 | PnL: 0.98% | $1.63 +2025-03-10 15:38:03,247 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.05355 | Take profit: 2067.9982000000005 +2025-03-10 15:38:03,885 - INFO - CLOSED short at 2085.09 | PnL: 0.69% | $1.11 +2025-03-10 15:38:03,908 - INFO - OPENED SHORT at 2083.59 | Stop loss: 2094.0338500000003 | Take profit: 2052.2973 +2025-03-10 15:38:04,341 - INFO - STOP LOSS hit for short at 2094.0338500000003 | PnL: -0.50% | $-1.15 +2025-03-10 15:38:04,370 - INFO - OPENED SHORT at 2097.8 | Stop loss: 2108.3149000000003 | Take profit: 2066.29415 +2025-03-10 15:38:04,390 - INFO - CLOSED short at 2099.99 | PnL: -0.10% | $-0.39 +2025-03-10 15:38:04,412 - INFO - OPENED SHORT at 2101.64 | Stop loss: 2112.1740999999997 | Take profit: 2070.0765499999998 +2025-03-10 15:38:04,953 - INFO - STOP LOSS hit for short at 2112.1740999999997 | PnL: -0.50% | $-1.13 +2025-03-10 15:38:04,982 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.45025 | Take profit: 2079.1681 +2025-03-10 15:38:05,519 - INFO - STOP LOSS hit for short at 2121.45025 | PnL: -0.50% | $-1.12 +2025-03-10 15:38:05,540 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8318999999997 | Take profit: 2089.3431499999997 +2025-03-10 15:38:05,624 - INFO - STOP LOSS hit for short at 2131.8318999999997 | PnL: -0.50% | $-1.11 +2025-03-10 15:38:05,646 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.9672 | Take profit: 2104.17725 +2025-03-10 15:38:06,928 - INFO - CLOSED short at 2123.02 | PnL: 0.62% | $0.94 +2025-03-10 15:38:06,929 - INFO - OPENED LONG at 2123.02 | Stop loss: 2112.379 | Take profit: 2154.90415 +2025-03-10 15:38:06,951 - INFO - CLOSED long at 2125.08 | PnL: 0.10% | $-0.01 +2025-03-10 15:38:06,951 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7313 | Take profit: 2093.16495 +2025-03-10 15:38:07,443 - INFO - CLOSED short at 2116.06 | PnL: 0.42% | $0.60 +2025-03-10 15:38:07,469 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.8119500000003 | Take profit: 2083.443 +2025-03-10 15:38:07,744 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 29.4% in downtrends | Avg Win=$0.86, Avg Loss=$-0.63 +2025-03-10 15:38:07,745 - INFO - Episode 9: Reward=85.50, Balance=$93.45, Win Rate=29.4%, Trades=34, Episode PnL=$-5.24, Total PnL=$-58.87, Max Drawdown=8.5%, Pred Accuracy=98.5% +2025-03-10 15:38:08,530 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.23035 | Take profit: 2031.9078 +2025-03-10 15:38:09,266 - INFO - CLOSED short at 2063.39 | PnL: -0.02% | $-0.25 +2025-03-10 15:38:09,266 - INFO - OPENED LONG at 2063.39 | Stop loss: 2053.04715 | Take profit: 2094.3797 +2025-03-10 15:38:09,291 - INFO - CLOSED long at 2064.79 | PnL: 0.07% | $-0.06 +2025-03-10 15:38:09,291 - INFO - OPENED SHORT at 2064.79 | Stop loss: 2075.13985 | Take profit: 2033.7793 +2025-03-10 15:38:10,123 - INFO - CLOSED short at 2066.79 | PnL: -0.10% | $-0.39 +2025-03-10 15:38:10,125 - INFO - OPENED LONG at 2066.79 | Stop loss: 2056.43015 | Take profit: 2097.8307 +2025-03-10 15:38:10,149 - INFO - CLOSED long at 2067.33 | PnL: 0.03% | $-0.14 +2025-03-10 15:38:10,149 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.69255 | Take profit: 2036.2812000000001 +2025-03-10 15:38:10,284 - INFO - STOP LOSS hit for short at 2077.69255 | PnL: -0.50% | $-1.18 +2025-03-10 15:38:10,305 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.41095 | Take profit: 2043.8460000000002 +2025-03-10 15:38:11,044 - INFO - CLOSED short at 2066.5 | PnL: 0.41% | $0.60 +2025-03-10 15:38:11,075 - INFO - OPENED SHORT at 2068.59 | Stop loss: 2078.9588500000004 | Take profit: 2037.5223 +2025-03-10 15:38:11,679 - INFO - CLOSED short at 2075.61 | PnL: -0.34% | $-0.86 +2025-03-10 15:38:11,680 - INFO - OPENED LONG at 2075.61 | Stop loss: 2065.2060500000002 | Take profit: 2106.7830000000004 +2025-03-10 15:38:11,702 - INFO - CLOSED long at 2074.0 | PnL: -0.08% | $-0.34 +2025-03-10 15:38:11,702 - INFO - OPENED SHORT at 2074.0 | Stop loss: 2084.3959 | Take profit: 2042.85115 +2025-03-10 15:38:12,472 - INFO - CLOSED short at 2056.77 | PnL: 0.83% | $1.41 +2025-03-10 15:38:12,472 - INFO - OPENED LONG at 2056.77 | Stop loss: 2046.46025 | Take profit: 2087.6603999999998 +2025-03-10 15:38:12,496 - INFO - CLOSED long at 2053.01 | PnL: -0.18% | $-0.55 +2025-03-10 15:38:12,496 - INFO - OPENED SHORT at 2053.01 | Stop loss: 2063.3009500000003 | Take profit: 2022.1760000000002 +2025-03-10 15:38:12,665 - INFO - CLOSED short at 2062.83 | PnL: -0.48% | $-1.12 +2025-03-10 15:38:12,685 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.2454000000002 | Take profit: 2032.9026500000002 +2025-03-10 15:38:13,213 - INFO - STOP LOSS hit for short at 2074.2454000000002 | PnL: -0.50% | $-1.15 +2025-03-10 15:38:13,236 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.4863 | Take profit: 2044.89995 +2025-03-10 15:38:13,306 - INFO - STOP LOSS hit for short at 2086.4863 | PnL: -0.50% | $-1.14 +2025-03-10 15:38:13,329 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.561 | Take profit: 2071.43585 +2025-03-10 15:38:13,355 - INFO - STOP LOSS hit for short at 2113.561 | PnL: -0.50% | $-1.13 +2025-03-10 15:38:13,387 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2636 | Take profit: 2107.40805 +2025-03-10 15:38:13,714 - INFO - CLOSED short at 2117.24 | PnL: 1.04% | $1.74 +2025-03-10 15:38:13,715 - INFO - OPENED LONG at 2117.24 | Stop loss: 2106.6278999999995 | Take profit: 2149.03745 +2025-03-10 15:38:13,737 - INFO - CLOSED long at 2119.93 | PnL: 0.13% | $0.05 +2025-03-10 15:38:13,738 - INFO - OPENED SHORT at 2119.93 | Stop loss: 2130.55555 | Take profit: 2088.0922 +2025-03-10 15:38:14,146 - INFO - CLOSED short at 2108.71 | PnL: 0.53% | $0.81 +2025-03-10 15:38:14,169 - INFO - OPENED SHORT at 2106.49 | Stop loss: 2117.04835 | Take profit: 2074.8538 +2025-03-10 15:38:14,477 - INFO - CLOSED short at 2100.74 | PnL: 0.27% | $0.33 +2025-03-10 15:38:14,500 - INFO - OPENED SHORT at 2103.86 | Stop loss: 2114.4052 | Take profit: 2072.2632500000004 +2025-03-10 15:38:15,418 - INFO - CLOSED short at 2097.8 | PnL: 0.29% | $0.36 +2025-03-10 15:38:15,419 - INFO - OPENED LONG at 2097.8 | Stop loss: 2087.2851 | Take profit: 2129.30585 +2025-03-10 15:38:15,441 - INFO - CLOSED long at 2099.99 | PnL: 0.10% | $0.01 +2025-03-10 15:38:15,441 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.51585 | Take profit: 2068.4512999999997 +2025-03-10 15:38:15,830 - INFO - CLOSED short at 2100.0 | PnL: -0.00% | $-0.19 +2025-03-10 15:38:15,856 - INFO - OPENED SHORT at 2102.7 | Stop loss: 2113.2393999999995 | Take profit: 2071.12065 +2025-03-10 15:38:16,069 - INFO - STOP LOSS hit for short at 2113.2393999999995 | PnL: -0.50% | $-1.15 +2025-03-10 15:38:16,092 - INFO - OPENED SHORT at 2113.0 | Stop loss: 2123.5909 | Take profit: 2081.26615 +2025-03-10 15:38:16,643 - INFO - STOP LOSS hit for short at 2123.5909 | PnL: -0.50% | $-1.14 +2025-03-10 15:38:16,669 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4548499999996 | Take profit: 2095.8343 +2025-03-10 15:38:17,217 - INFO - CLOSED short at 2119.48 | PnL: 0.39% | $0.54 +2025-03-10 15:38:17,244 - INFO - OPENED SHORT at 2121.53 | Stop loss: 2132.16355 | Take profit: 2089.6682 +2025-03-10 15:38:17,481 - INFO - CLOSED short at 2110.66 | PnL: 0.51% | $0.77 +2025-03-10 15:38:17,482 - INFO - OPENED LONG at 2110.66 | Stop loss: 2100.0807999999997 | Take profit: 2142.35875 +2025-03-10 15:38:17,505 - INFO - CLOSED long at 2110.3 | PnL: -0.02% | $-0.22 +2025-03-10 15:38:17,506 - INFO - OPENED SHORT at 2110.3 | Stop loss: 2120.8774000000003 | Take profit: 2078.60665 +2025-03-10 15:38:17,781 - INFO - STOP LOSS hit for short at 2120.8774000000003 | PnL: -0.50% | $-1.14 +2025-03-10 15:38:17,803 - INFO - OPENED SHORT at 2122.53 | Stop loss: 2133.1685500000003 | Take profit: 2090.6532 +2025-03-10 15:38:18,284 - INFO - CLOSED short at 2122.01 | PnL: 0.02% | $-0.14 +2025-03-10 15:38:18,310 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.8067499999997 | Take profit: 2090.2986 +2025-03-10 15:38:18,755 - INFO - CLOSED short at 2114.32 | PnL: 0.37% | $0.50 +2025-03-10 15:38:18,775 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.16875 | Take profit: 2082.8126 +2025-03-10 15:38:18,961 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 28.6% in downtrends | Avg Win=$0.65, Avg Loss=$-0.68 +2025-03-10 15:38:18,962 - INFO - Episode 10: Reward=90.88, Balance=$94.84, Win Rate=37.9%, Trades=29, Episode PnL=$-3.89, Total PnL=$-64.03, Max Drawdown=6.3%, Pred Accuracy=98.7% +2025-03-10 15:38:19,104 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 15:38:19,105 - INFO - Checkpoint saved at episode 10 +2025-03-10 15:38:20,187 - INFO - Visualization saved for episode 10 +2025-03-10 15:38:21,706 - INFO - Visualization saved for episode 10 +2025-03-10 15:38:21,956 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.23035 | Take profit: 2031.9078 +2025-03-10 15:38:22,118 - INFO - CLOSED short at 2067.1 | PnL: -0.20% | $-0.60 +2025-03-10 15:38:22,119 - INFO - OPENED LONG at 2067.1 | Stop loss: 2056.7386 | Take profit: 2098.14535 +2025-03-10 15:38:22,139 - INFO - CLOSED long at 2065.54 | PnL: -0.08% | $-0.34 +2025-03-10 15:38:22,167 - INFO - OPENED SHORT at 2066.09 | Stop loss: 2076.44635 | Take profit: 2035.0598000000002 +2025-03-10 15:38:22,400 - INFO - CLOSED short at 2060.31 | PnL: 0.28% | $0.35 +2025-03-10 15:38:22,401 - INFO - OPENED LONG at 2060.31 | Stop loss: 2049.9825499999997 | Take profit: 2091.2535 +2025-03-10 15:38:22,421 - INFO - CLOSED long at 2061.8 | PnL: 0.07% | $-0.05 +2025-03-10 15:38:22,421 - INFO - OPENED SHORT at 2061.8 | Stop loss: 2072.1349 | Take profit: 2030.8341500000001 +2025-03-10 15:38:22,626 - INFO - CLOSED short at 2064.79 | PnL: -0.15% | $-0.48 +2025-03-10 15:38:22,627 - INFO - OPENED LONG at 2064.79 | Stop loss: 2054.44015 | Take profit: 2095.8007 +2025-03-10 15:38:22,648 - INFO - CLOSED long at 2065.89 | PnL: 0.05% | $-0.09 +2025-03-10 15:38:22,648 - INFO - OPENED SHORT at 2065.89 | Stop loss: 2076.24535 | Take profit: 2034.8627999999999 +2025-03-10 15:38:23,133 - INFO - CLOSED short at 2061.66 | PnL: 0.20% | $0.20 +2025-03-10 15:38:23,157 - INFO - OPENED SHORT at 2061.5 | Stop loss: 2071.8334 | Take profit: 2030.53865 +2025-03-10 15:38:23,321 - INFO - CLOSED short at 2064.49 | PnL: -0.15% | $-0.48 +2025-03-10 15:38:23,341 - INFO - OPENED SHORT at 2066.33 | Stop loss: 2076.6875499999996 | Take profit: 2035.2962 +2025-03-10 15:38:23,423 - INFO - CLOSED short at 2067.01 | PnL: -0.03% | $-0.26 +2025-03-10 15:38:23,444 - INFO - OPENED SHORT at 2065.69 | Stop loss: 2076.0443499999997 | Take profit: 2034.6658 +2025-03-10 15:38:23,530 - INFO - STOP LOSS hit for short at 2076.0443499999997 | PnL: -0.50% | $-1.17 +2025-03-10 15:38:23,550 - INFO - OPENED SHORT at 2075.01 | Stop loss: 2085.41095 | Take profit: 2043.8460000000002 +2025-03-10 15:38:25,533 - INFO - CLOSED short at 2057.11 | PnL: 0.86% | $1.46 +2025-03-10 15:38:25,533 - INFO - OPENED LONG at 2057.11 | Stop loss: 2046.7985500000002 | Take profit: 2088.0055 +2025-03-10 15:38:25,554 - INFO - CLOSED long at 2057.89 | PnL: 0.04% | $-0.12 +2025-03-10 15:38:25,554 - INFO - OPENED SHORT at 2057.89 | Stop loss: 2068.2053499999997 | Take profit: 2026.9827999999998 +2025-03-10 15:38:25,692 - INFO - STOP LOSS hit for short at 2068.2053499999997 | PnL: -0.50% | $-1.17 +2025-03-10 15:38:25,711 - INFO - OPENED SHORT at 2067.49 | Stop loss: 2077.85335 | Take profit: 2036.4387999999997 +2025-03-10 15:38:25,769 - INFO - CLOSED short at 2061.21 | PnL: 0.30% | $0.39 +2025-03-10 15:38:25,769 - INFO - OPENED LONG at 2061.21 | Stop loss: 2050.87805 | Take profit: 2092.167 +2025-03-10 15:38:25,789 - INFO - CLOSED long at 2059.9 | PnL: -0.06% | $-0.32 +2025-03-10 15:38:25,789 - INFO - OPENED SHORT at 2059.9 | Stop loss: 2070.2254000000003 | Take profit: 2028.9626500000002 +2025-03-10 15:38:25,890 - INFO - STOP LOSS hit for short at 2070.2254000000003 | PnL: -0.50% | $-1.16 +2025-03-10 15:38:25,910 - INFO - OPENED SHORT at 2070.24 | Stop loss: 2080.6171 | Take profit: 2039.14755 +2025-03-10 15:38:26,149 - INFO - STOP LOSS hit for short at 2080.6171 | PnL: -0.50% | $-1.14 +2025-03-10 15:38:26,173 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.9683499999996 | Take profit: 2059.0937999999996 +2025-03-10 15:38:26,194 - INFO - STOP LOSS hit for short at 2100.9683499999996 | PnL: -0.50% | $-1.13 +2025-03-10 15:38:26,219 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3794 | Take profit: 2098.7006499999998 +2025-03-10 15:38:26,322 - INFO - STOP LOSS hit for short at 2141.3794 | PnL: -0.50% | $-1.12 +2025-03-10 15:38:26,344 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0324 | Take profit: 2109.14165 +2025-03-10 15:38:26,658 - INFO - TAKE PROFIT hit for short at 2109.14165 | PnL: 1.50% | $2.57 +2025-03-10 15:38:26,678 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1789 | Take profit: 2078.90215 +2025-03-10 15:38:27,468 - INFO - CLOSED short at 2088.35 | PnL: 1.05% | $1.80 +2025-03-10 15:38:27,468 - INFO - OPENED LONG at 2088.35 | Stop loss: 2077.88235 | Take profit: 2119.7141 +2025-03-10 15:38:27,489 - INFO - CLOSED long at 2083.28 | PnL: -0.24% | $-0.66 +2025-03-10 15:38:27,489 - INFO - OPENED SHORT at 2083.28 | Stop loss: 2093.7223000000004 | Take profit: 2051.99195 +2025-03-10 15:38:28,070 - INFO - STOP LOSS hit for short at 2093.7223000000004 | PnL: -0.50% | $-1.15 +2025-03-10 15:38:28,092 - INFO - OPENED SHORT at 2097.8 | Stop loss: 2108.3149000000003 | Take profit: 2066.29415 +2025-03-10 15:38:28,524 - INFO - CLOSED short at 2100.0 | PnL: -0.10% | $-0.39 +2025-03-10 15:38:28,525 - INFO - OPENED LONG at 2100.0 | Stop loss: 2089.4741 | Take profit: 2131.53885 +2025-03-10 15:38:28,547 - INFO - CLOSED long at 2102.7 | PnL: 0.13% | $0.05 +2025-03-10 15:38:28,548 - INFO - OPENED SHORT at 2102.7 | Stop loss: 2113.2393999999995 | Take profit: 2071.12065 +2025-03-10 15:38:28,747 - INFO - STOP LOSS hit for short at 2113.2393999999995 | PnL: -0.50% | $-1.13 +2025-03-10 15:38:28,772 - INFO - OPENED SHORT at 2113.0 | Stop loss: 2123.5909 | Take profit: 2081.26615 +2025-03-10 15:38:29,150 - INFO - CLOSED short at 2117.6 | PnL: -0.22% | $-0.59 +2025-03-10 15:38:29,150 - INFO - OPENED LONG at 2117.6 | Stop loss: 2106.9861 | Take profit: 2149.40285 +2025-03-10 15:38:29,176 - INFO - CLOSED long at 2115.21 | PnL: -0.11% | $-0.39 +2025-03-10 15:38:29,176 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.8119500000003 | Take profit: 2083.443 +2025-03-10 15:38:29,361 - INFO - STOP LOSS hit for short at 2125.8119500000003 | PnL: -0.50% | $-1.10 +2025-03-10 15:38:29,382 - INFO - OPENED SHORT at 2129.3 | Stop loss: 2139.9724000000006 | Take profit: 2097.3216500000003 +2025-03-10 15:38:30,744 - INFO - CLOSED short at 2125.08 | PnL: 0.20% | $0.18 +2025-03-10 15:38:30,768 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.4247499999997 | Take profit: 2093.8446 +2025-03-10 15:38:31,454 - INFO - TAKE PROFIT hit for short at 2093.8446 | PnL: 1.50% | $2.55 +2025-03-10 15:38:31,479 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5761500000003 | Take profit: 2068.5104 +2025-03-10 15:38:31,496 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 31.6% in downtrends | Avg Win=$1.06, Avg Loss=$-0.68 +2025-03-10 15:38:31,497 - INFO - Episode 11: Reward=82.84, Balance=$94.53, Win Rate=29.0%, Trades=31, Episode PnL=$-3.89, Total PnL=$-69.50, Max Drawdown=8.2%, Pred Accuracy=99.1% +2025-03-10 15:38:31,583 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.23035 | Take profit: 2031.9078 +2025-03-10 15:38:32,635 - INFO - CLOSED short at 2054.83 | PnL: 0.39% | $0.57 +2025-03-10 15:38:32,654 - INFO - OPENED LONG at 2056.71 | Stop loss: 2046.40055 | Take profit: 2087.5995000000003 +2025-03-10 15:38:32,681 - INFO - CLOSED long at 2058.15 | PnL: 0.07% | $-0.06 +2025-03-10 15:38:32,681 - INFO - OPENED SHORT at 2058.15 | Stop loss: 2068.46665 | Take profit: 2027.2389 +2025-03-10 15:38:33,032 - INFO - STOP LOSS hit for short at 2068.46665 | PnL: -0.50% | $-1.19 +2025-03-10 15:38:33,059 - INFO - OPENED SHORT at 2072.0 | Stop loss: 2082.3859 | Take profit: 2040.8811500000002 +2025-03-10 15:38:33,253 - INFO - CLOSED short at 2068.15 | PnL: 0.19% | $0.17 +2025-03-10 15:38:33,275 - INFO - OPENED SHORT at 2068.39 | Stop loss: 2078.75785 | Take profit: 2037.3253 +2025-03-10 15:38:33,413 - INFO - CLOSED short at 2069.87 | PnL: -0.07% | $-0.34 +2025-03-10 15:38:33,413 - INFO - OPENED LONG at 2069.87 | Stop loss: 2059.49475 | Take profit: 2100.9568999999997 +2025-03-10 15:38:33,433 - INFO - CLOSED long at 2067.33 | PnL: -0.12% | $-0.44 +2025-03-10 15:38:33,433 - INFO - OPENED SHORT at 2067.33 | Stop loss: 2077.69255 | Take profit: 2036.2812000000001 +2025-03-10 15:38:33,761 - INFO - CLOSED short at 2071.59 | PnL: -0.21% | $-0.60 +2025-03-10 15:38:33,762 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.20615 | Take profit: 2102.7027000000003 +2025-03-10 15:38:33,783 - INFO - CLOSED long at 2070.2 | PnL: -0.07% | $-0.32 +2025-03-10 15:38:33,783 - INFO - OPENED SHORT at 2070.2 | Stop loss: 2080.5768999999996 | Take profit: 2039.1081499999998 +2025-03-10 15:38:34,226 - INFO - CLOSED short at 2075.61 | PnL: -0.26% | $-0.70 +2025-03-10 15:38:34,227 - INFO - OPENED LONG at 2075.61 | Stop loss: 2065.2060500000002 | Take profit: 2106.7830000000004 +2025-03-10 15:38:34,252 - INFO - CLOSED long at 2074.0 | PnL: -0.08% | $-0.34 +2025-03-10 15:38:34,252 - INFO - OPENED SHORT at 2074.0 | Stop loss: 2084.3959 | Take profit: 2042.85115 +2025-03-10 15:38:35,514 - INFO - CLOSED short at 2061.84 | PnL: 0.59% | $0.93 +2025-03-10 15:38:35,514 - INFO - OPENED LONG at 2061.84 | Stop loss: 2051.5049 | Take profit: 2092.8064500000005 +2025-03-10 15:38:35,538 - INFO - CLOSED long at 2062.54 | PnL: 0.03% | $-0.13 +2025-03-10 15:38:35,538 - INFO - OPENED SHORT at 2062.54 | Stop loss: 2072.8786 | Take profit: 2031.56305 +2025-03-10 15:38:35,692 - INFO - STOP LOSS hit for short at 2072.8786 | PnL: -0.50% | $-1.16 +2025-03-10 15:38:35,717 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4461499999998 | Take profit: 2042.9004000000002 +2025-03-10 15:38:35,861 - INFO - STOP LOSS hit for short at 2084.4461499999998 | PnL: -0.50% | $-1.14 +2025-03-10 15:38:35,884 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.9683499999996 | Take profit: 2059.0937999999996 +2025-03-10 15:38:35,912 - INFO - STOP LOSS hit for short at 2100.9683499999996 | PnL: -0.50% | $-1.13 +2025-03-10 15:38:35,937 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3794 | Take profit: 2098.7006499999998 +2025-03-10 15:38:36,051 - INFO - STOP LOSS hit for short at 2141.3794 | PnL: -0.50% | $-1.12 +2025-03-10 15:38:36,077 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0324 | Take profit: 2109.14165 +2025-03-10 15:38:36,438 - INFO - CLOSED short at 2107.43 | PnL: 1.58% | $2.72 +2025-03-10 15:38:36,438 - INFO - OPENED LONG at 2107.43 | Stop loss: 2096.86695 | Take profit: 2139.0802999999996 +2025-03-10 15:38:36,461 - INFO - CLOSED long at 2110.6 | PnL: 0.15% | $0.10 +2025-03-10 15:38:36,461 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1789 | Take profit: 2078.90215 +2025-03-10 15:38:37,432 - INFO - CLOSED short at 2083.41 | PnL: 1.29% | $2.25 +2025-03-10 15:38:37,457 - INFO - OPENED SHORT at 2085.09 | Stop loss: 2095.54135 | Take profit: 2053.7748 +2025-03-10 15:38:37,496 - INFO - CLOSED short at 2086.57 | PnL: -0.07% | $-0.33 +2025-03-10 15:38:37,496 - INFO - OPENED LONG at 2086.57 | Stop loss: 2076.11125 | Take profit: 2117.9074000000005 +2025-03-10 15:38:37,516 - INFO - CLOSED long at 2085.8 | PnL: -0.04% | $-0.26 +2025-03-10 15:38:37,516 - INFO - OPENED SHORT at 2085.8 | Stop loss: 2096.2549000000004 | Take profit: 2054.4741500000005 +2025-03-10 15:38:37,886 - INFO - STOP LOSS hit for short at 2096.2549000000004 | PnL: -0.50% | $-1.16 +2025-03-10 15:38:37,909 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.51585 | Take profit: 2068.4512999999997 +2025-03-10 15:38:38,452 - INFO - STOP LOSS hit for short at 2110.51585 | PnL: -0.50% | $-1.14 +2025-03-10 15:38:38,472 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.45025 | Take profit: 2079.1681 +2025-03-10 15:38:38,779 - INFO - CLOSED short at 2117.39 | PnL: -0.31% | $-0.77 +2025-03-10 15:38:38,779 - INFO - OPENED LONG at 2117.39 | Stop loss: 2106.77715 | Take profit: 2149.1897 +2025-03-10 15:38:38,799 - INFO - CLOSED long at 2115.3 | PnL: -0.10% | $-0.37 +2025-03-10 15:38:38,799 - INFO - OPENED SHORT at 2115.3 | Stop loss: 2125.9024 | Take profit: 2083.53165 +2025-03-10 15:38:39,078 - INFO - STOP LOSS hit for short at 2125.9024 | PnL: -0.50% | $-1.12 +2025-03-10 15:38:39,099 - INFO - OPENED SHORT at 2129.3 | Stop loss: 2139.9724000000006 | Take profit: 2097.3216500000003 +2025-03-10 15:38:39,866 - INFO - CLOSED short at 2113.04 | PnL: 0.76% | $1.22 +2025-03-10 15:38:39,867 - INFO - OPENED LONG at 2113.04 | Stop loss: 2102.4489 | Take profit: 2144.7744500000003 +2025-03-10 15:38:39,888 - INFO - CLOSED long at 2108.73 | PnL: -0.20% | $-0.57 +2025-03-10 15:38:39,888 - INFO - OPENED SHORT at 2108.73 | Stop loss: 2119.2995499999997 | Take profit: 2077.0602 +2025-03-10 15:38:40,027 - INFO - STOP LOSS hit for short at 2119.2995499999997 | PnL: -0.50% | $-1.11 +2025-03-10 15:38:40,050 - INFO - OPENED SHORT at 2123.62 | Stop loss: 2134.264 | Take profit: 2091.72685 +2025-03-10 15:38:40,939 - INFO - CLOSED short at 2114.57 | PnL: 0.43% | $0.60 +2025-03-10 15:38:40,965 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.15875 | Take profit: 2080.8426 +2025-03-10 15:38:41,045 - INFO - CLOSED short at 2098.24 | PnL: 0.68% | $1.06 +2025-03-10 15:38:41,065 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.7973 | Take profit: 2066.76695 +2025-03-10 15:38:41,125 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 17.6% in downtrends | Avg Win=$1.07, Avg Loss=$-0.70 +2025-03-10 15:38:41,126 - INFO - Episode 12: Reward=180.40, Balance=$94.12, Win Rate=29.0%, Trades=31, Episode PnL=$-3.49, Total PnL=$-75.38, Max Drawdown=8.1%, Pred Accuracy=99.5% +2025-03-10 15:38:41,214 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.23035 | Take profit: 2031.9078 +2025-03-10 15:38:42,839 - INFO - STOP LOSS hit for short at 2073.23035 | PnL: -0.50% | $-1.19 +2025-03-10 15:38:42,859 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.4259500000003 | Take profit: 2046.8010000000002 +2025-03-10 15:38:43,195 - INFO - CLOSED short at 2067.33 | PnL: 0.51% | $0.81 +2025-03-10 15:38:43,218 - INFO - OPENED SHORT at 2066.38 | Stop loss: 2076.7378 | Take profit: 2035.34545 +2025-03-10 15:38:43,476 - INFO - CLOSED short at 2066.8 | PnL: -0.02% | $-0.24 +2025-03-10 15:38:43,476 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.4401000000003 | Take profit: 2097.84085 +2025-03-10 15:38:43,499 - INFO - CLOSED long at 2066.5 | PnL: -0.01% | $-0.22 +2025-03-10 15:38:43,499 - INFO - OPENED SHORT at 2066.5 | Stop loss: 2076.8584 | Take profit: 2035.4636500000001 +2025-03-10 15:38:43,558 - INFO - CLOSED short at 2070.2 | PnL: -0.18% | $-0.55 +2025-03-10 15:38:43,558 - INFO - OPENED LONG at 2070.2 | Stop loss: 2059.8230999999996 | Take profit: 2101.29185 +2025-03-10 15:38:43,581 - INFO - CLOSED long at 2071.35 | PnL: 0.06% | $-0.09 +2025-03-10 15:38:43,581 - INFO - OPENED SHORT at 2071.35 | Stop loss: 2081.73265 | Take profit: 2040.2409 +2025-03-10 15:38:44,680 - INFO - CLOSED short at 2056.77 | PnL: 0.70% | $1.18 +2025-03-10 15:38:44,681 - INFO - OPENED LONG at 2056.77 | Stop loss: 2046.46025 | Take profit: 2087.6603999999998 +2025-03-10 15:38:44,697 - INFO - CLOSED long at 2053.01 | PnL: -0.18% | $-0.56 +2025-03-10 15:38:44,698 - INFO - OPENED SHORT at 2053.01 | Stop loss: 2063.3009500000003 | Take profit: 2022.1760000000002 +2025-03-10 15:38:44,878 - INFO - STOP LOSS hit for short at 2063.3009500000003 | PnL: -0.50% | $-1.18 +2025-03-10 15:38:44,902 - INFO - OPENED SHORT at 2065.1 | Stop loss: 2075.4514 | Take profit: 2034.08465 +2025-03-10 15:38:45,297 - INFO - CLOSED short at 2074.05 | PnL: -0.43% | $-1.03 +2025-03-10 15:38:45,323 - INFO - OPENED SHORT at 2072.99 | Stop loss: 2083.38085 | Take profit: 2041.8562999999997 +2025-03-10 15:38:45,452 - INFO - STOP LOSS hit for short at 2083.38085 | PnL: -0.50% | $-1.15 +2025-03-10 15:38:45,478 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.9683499999996 | Take profit: 2059.0937999999996 +2025-03-10 15:38:45,499 - INFO - STOP LOSS hit for short at 2100.9683499999996 | PnL: -0.50% | $-1.14 +2025-03-10 15:38:45,524 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3794 | Take profit: 2098.7006499999998 +2025-03-10 15:38:45,628 - INFO - STOP LOSS hit for short at 2141.3794 | PnL: -0.50% | $-1.12 +2025-03-10 15:38:45,655 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0324 | Take profit: 2109.14165 +2025-03-10 15:38:45,969 - INFO - TAKE PROFIT hit for short at 2109.14165 | PnL: 1.50% | $2.59 +2025-03-10 15:38:45,990 - INFO - OPENED SHORT at 2110.6 | Stop loss: 2121.1789 | Take profit: 2078.90215 +2025-03-10 15:38:47,555 - INFO - CLOSED short at 2099.73 | PnL: 0.52% | $0.79 +2025-03-10 15:38:47,578 - INFO - OPENED LONG at 2106.15 | Stop loss: 2095.59335 | Take profit: 2137.7810999999997 +2025-03-10 15:38:47,603 - INFO - CLOSED long at 2103.48 | PnL: -0.13% | $-0.43 +2025-03-10 15:38:47,604 - INFO - OPENED SHORT at 2103.48 | Stop loss: 2114.0233 | Take profit: 2071.88895 +2025-03-10 15:38:48,166 - INFO - STOP LOSS hit for short at 2114.0233 | PnL: -0.50% | $-1.15 +2025-03-10 15:38:48,188 - INFO - OPENED SHORT at 2113.61 | Stop loss: 2124.20395 | Take profit: 2081.867 +2025-03-10 15:38:48,402 - INFO - CLOSED short at 2117.39 | PnL: -0.18% | $-0.53 +2025-03-10 15:38:48,402 - INFO - OPENED LONG at 2117.39 | Stop loss: 2106.77715 | Take profit: 2149.1897 +2025-03-10 15:38:48,429 - INFO - CLOSED long at 2115.3 | PnL: -0.10% | $-0.37 +2025-03-10 15:38:48,430 - INFO - OPENED SHORT at 2115.3 | Stop loss: 2125.9024 | Take profit: 2083.53165 +2025-03-10 15:38:48,742 - INFO - STOP LOSS hit for short at 2125.9024 | PnL: -0.50% | $-1.12 +2025-03-10 15:38:48,773 - INFO - OPENED SHORT at 2129.3 | Stop loss: 2139.9724000000006 | Take profit: 2097.3216500000003 +2025-03-10 15:38:50,461 - INFO - CLOSED short at 2116.81 | PnL: 0.59% | $0.90 +2025-03-10 15:38:50,481 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.3798 | Take profit: 2083.0194500000002 +2025-03-10 15:38:50,597 - INFO - CLOSED short at 2115.11 | PnL: -0.02% | $-0.22 +2025-03-10 15:38:50,597 - INFO - OPENED LONG at 2115.11 | Stop loss: 2104.50855 | Take profit: 2146.8755 +2025-03-10 15:38:50,618 - INFO - CLOSED long at 2114.32 | PnL: -0.04% | $-0.26 +2025-03-10 15:38:50,618 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.9175 | Take profit: 2082.56635 +2025-03-10 15:38:50,792 - INFO - CLOSED short at 2100.05 | PnL: 0.67% | $1.06 +2025-03-10 15:38:50,792 - INFO - OPENED LONG at 2100.05 | Stop loss: 2089.52385 | Take profit: 2131.5896000000002 +2025-03-10 15:38:50,810 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 21.4% in downtrends | Avg Win=$1.22, Avg Loss=$-0.70 +2025-03-10 15:38:50,810 - INFO - Episode 13: Reward=83.38, Balance=$94.79, Win Rate=25.0%, Trades=24, Episode PnL=$-3.28, Total PnL=$-80.58, Max Drawdown=6.7%, Pred Accuracy=99.5% +2025-03-10 15:38:50,901 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.23035 | Take profit: 2031.9078 +2025-03-10 15:38:52,379 - INFO - STOP LOSS hit for short at 2073.23035 | PnL: -0.50% | $-1.19 +2025-03-10 15:38:52,402 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.4259500000003 | Take profit: 2046.8010000000002 +2025-03-10 15:38:52,461 - INFO - CLOSED short at 2071.04 | PnL: 0.34% | $0.46 +2025-03-10 15:38:52,482 - INFO - OPENED SHORT at 2070.01 | Stop loss: 2080.3859500000003 | Take profit: 2038.9210000000003 +2025-03-10 15:38:52,503 - INFO - CLOSED short at 2071.6 | PnL: -0.08% | $-0.35 +2025-03-10 15:38:52,503 - INFO - OPENED LONG at 2071.6 | Stop loss: 2061.2160999999996 | Take profit: 2102.71285 +2025-03-10 15:38:52,524 - INFO - CLOSED long at 2073.23 | PnL: 0.08% | $-0.04 +2025-03-10 15:38:52,525 - INFO - OPENED SHORT at 2073.23 | Stop loss: 2083.62205 | Take profit: 2042.0927 +2025-03-10 15:38:53,012 - INFO - CLOSED short at 2066.8 | PnL: 0.31% | $0.41 +2025-03-10 15:38:53,013 - INFO - OPENED LONG at 2066.8 | Stop loss: 2056.4401000000003 | Take profit: 2097.84085 +2025-03-10 15:38:53,032 - INFO - CLOSED long at 2066.5 | PnL: -0.01% | $-0.22 +2025-03-10 15:38:53,033 - INFO - OPENED SHORT at 2066.5 | Stop loss: 2076.8584 | Take profit: 2035.4636500000001 +2025-03-10 15:38:53,131 - INFO - CLOSED short at 2070.9 | PnL: -0.21% | $-0.61 +2025-03-10 15:38:53,155 - INFO - OPENED SHORT at 2069.69 | Stop loss: 2080.0643499999996 | Take profit: 2038.6058 +2025-03-10 15:38:53,373 - INFO - CLOSED short at 2074.37 | PnL: -0.23% | $-0.63 +2025-03-10 15:38:53,395 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.47125 | Take profit: 2043.9051000000002 +2025-03-10 15:38:53,452 - INFO - CLOSED short at 2073.99 | PnL: 0.05% | $-0.09 +2025-03-10 15:38:53,452 - INFO - OPENED LONG at 2073.99 | Stop loss: 2063.59415 | Take profit: 2105.1386999999995 +2025-03-10 15:38:53,473 - INFO - CLOSED long at 2075.32 | PnL: 0.06% | $-0.07 +2025-03-10 15:38:53,473 - INFO - OPENED SHORT at 2075.32 | Stop loss: 2085.7225000000003 | Take profit: 2044.15135 +2025-03-10 15:38:53,590 - INFO - CLOSED short at 2069.97 | PnL: 0.26% | $0.30 +2025-03-10 15:38:53,612 - INFO - OPENED SHORT at 2067.7 | Stop loss: 2078.0644 | Take profit: 2036.64565 +2025-03-10 15:38:53,768 - INFO - CLOSED short at 2069.0 | PnL: -0.06% | $-0.32 +2025-03-10 15:38:53,768 - INFO - OPENED LONG at 2069.0 | Stop loss: 2058.6291 | Take profit: 2100.07385 +2025-03-10 15:38:53,788 - INFO - CLOSED long at 2070.19 | PnL: 0.06% | $-0.08 +2025-03-10 15:38:53,788 - INFO - OPENED SHORT at 2070.19 | Stop loss: 2080.56685 | Take profit: 2039.0983 +2025-03-10 15:38:53,847 - INFO - CLOSED short at 2065.5 | PnL: 0.23% | $0.24 +2025-03-10 15:38:53,848 - INFO - OPENED LONG at 2065.5 | Stop loss: 2055.1466 | Take profit: 2096.52135 +2025-03-10 15:38:53,867 - INFO - CLOSED long at 2065.7 | PnL: 0.01% | $-0.17 +2025-03-10 15:38:53,867 - INFO - OPENED SHORT at 2065.7 | Stop loss: 2076.0543999999995 | Take profit: 2034.67565 +2025-03-10 15:38:54,230 - INFO - CLOSED short at 2058.65 | PnL: 0.34% | $0.47 +2025-03-10 15:38:54,230 - INFO - OPENED LONG at 2058.65 | Stop loss: 2048.33085 | Take profit: 2089.5686 +2025-03-10 15:38:54,255 - INFO - CLOSED long at 2056.77 | PnL: -0.09% | $-0.37 +2025-03-10 15:38:54,255 - INFO - OPENED SHORT at 2056.77 | Stop loss: 2067.0797500000003 | Take profit: 2025.8796 +2025-03-10 15:38:54,522 - INFO - CLOSED short at 2062.43 | PnL: -0.28% | $-0.72 +2025-03-10 15:38:54,544 - INFO - OPENED SHORT at 2062.55 | Stop loss: 2072.8886500000003 | Take profit: 2031.5729000000001 +2025-03-10 15:38:54,937 - INFO - STOP LOSS hit for short at 2072.8886500000003 | PnL: -0.50% | $-1.15 +2025-03-10 15:38:54,964 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4461499999998 | Take profit: 2042.9004000000002 +2025-03-10 15:38:55,117 - INFO - STOP LOSS hit for short at 2084.4461499999998 | PnL: -0.50% | $-1.14 +2025-03-10 15:38:55,140 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.9683499999996 | Take profit: 2059.0937999999996 +2025-03-10 15:38:55,165 - INFO - STOP LOSS hit for short at 2100.9683499999996 | PnL: -0.50% | $-1.13 +2025-03-10 15:38:55,187 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3794 | Take profit: 2098.7006499999998 +2025-03-10 15:38:55,299 - INFO - STOP LOSS hit for short at 2141.3794 | PnL: -0.50% | $-1.11 +2025-03-10 15:38:55,320 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0324 | Take profit: 2109.14165 +2025-03-10 15:38:55,399 - INFO - CLOSED short at 2126.99 | PnL: 0.67% | $1.04 +2025-03-10 15:38:55,399 - INFO - OPENED LONG at 2126.99 | Stop loss: 2116.32915 | Take profit: 2158.9336999999996 +2025-03-10 15:38:55,424 - INFO - CLOSED long at 2127.3 | PnL: 0.01% | $-0.16 +2025-03-10 15:38:55,424 - INFO - OPENED SHORT at 2127.3 | Stop loss: 2137.9624 | Take profit: 2095.35165 +2025-03-10 15:38:56,000 - INFO - TAKE PROFIT hit for short at 2095.35165 | PnL: 1.50% | $2.59 +2025-03-10 15:38:56,022 - INFO - OPENED SHORT at 2099.53 | Stop loss: 2110.05355 | Take profit: 2067.9982000000005 +2025-03-10 15:38:56,046 - INFO - CLOSED short at 2098.1 | PnL: 0.07% | $-0.06 +2025-03-10 15:38:56,046 - INFO - OPENED LONG at 2098.1 | Stop loss: 2087.5836 | Take profit: 2129.61035 +2025-03-10 15:38:56,069 - INFO - CLOSED long at 2102.19 | PnL: 0.19% | $0.18 +2025-03-10 15:38:56,069 - INFO - OPENED SHORT at 2102.19 | Stop loss: 2112.72685 | Take profit: 2070.6183 +2025-03-10 15:38:56,914 - INFO - CLOSED short at 2089.96 | PnL: 0.58% | $0.91 +2025-03-10 15:38:56,939 - INFO - OPENED SHORT at 2087.0 | Stop loss: 2097.4609 | Take profit: 2055.6561500000003 +2025-03-10 15:38:57,182 - INFO - STOP LOSS hit for short at 2097.4609 | PnL: -0.50% | $-1.15 +2025-03-10 15:38:57,202 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.51585 | Take profit: 2068.4512999999997 +2025-03-10 15:38:57,763 - INFO - STOP LOSS hit for short at 2110.51585 | PnL: -0.50% | $-1.14 +2025-03-10 15:38:57,791 - INFO - OPENED SHORT at 2110.87 | Stop loss: 2121.45025 | Take profit: 2079.1681 +2025-03-10 15:38:58,327 - INFO - STOP LOSS hit for short at 2121.45025 | PnL: -0.50% | $-1.12 +2025-03-10 15:38:58,352 - INFO - OPENED SHORT at 2121.2 | Stop loss: 2131.8318999999997 | Take profit: 2089.3431499999997 +2025-03-10 15:38:58,436 - INFO - STOP LOSS hit for short at 2131.8318999999997 | PnL: -0.50% | $-1.11 +2025-03-10 15:38:58,455 - INFO - OPENED SHORT at 2136.26 | Stop loss: 2146.9672 | Take profit: 2104.17725 +2025-03-10 15:38:58,776 - INFO - CLOSED short at 2120.0 | PnL: 0.76% | $1.21 +2025-03-10 15:38:58,776 - INFO - OPENED LONG at 2120.0 | Stop loss: 2109.3741 | Take profit: 2151.8388499999996 +2025-03-10 15:38:58,798 - INFO - CLOSED long at 2117.98 | PnL: -0.10% | $-0.36 +2025-03-10 15:38:58,798 - INFO - OPENED SHORT at 2117.98 | Stop loss: 2128.5958 | Take profit: 2086.17145 +2025-03-10 15:38:59,655 - INFO - CLOSED short at 2125.04 | PnL: -0.33% | $-0.80 +2025-03-10 15:38:59,656 - INFO - OPENED LONG at 2125.04 | Stop loss: 2114.3889 | Take profit: 2156.9544499999997 +2025-03-10 15:38:59,675 - INFO - CLOSED long at 2123.61 | PnL: -0.07% | $-0.31 +2025-03-10 15:38:59,675 - INFO - OPENED SHORT at 2123.61 | Stop loss: 2134.2539500000003 | Take profit: 2091.717 +2025-03-10 15:38:59,965 - INFO - CLOSED short at 2116.52 | PnL: 0.33% | $0.43 +2025-03-10 15:38:59,987 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.641 | Take profit: 2087.19585 +2025-03-10 15:39:00,496 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 30.0% in downtrends | Avg Win=$0.75, Avg Loss=$-0.60 +2025-03-10 15:39:00,497 - INFO - Episode 14: Reward=174.51, Balance=$92.62, Win Rate=29.7%, Trades=37, Episode PnL=$-5.77, Total PnL=$-87.96, Max Drawdown=7.5%, Pred Accuracy=99.7% +2025-03-10 15:39:01,240 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.23035 | Take profit: 2031.9078 +2025-03-10 15:39:01,347 - INFO - CLOSED short at 2063.59 | PnL: -0.03% | $-0.26 +2025-03-10 15:39:01,348 - INFO - OPENED LONG at 2063.59 | Stop loss: 2053.24615 | Take profit: 2094.5827000000004 +2025-03-10 15:39:01,369 - INFO - CLOSED long at 2064.96 | PnL: 0.07% | $-0.07 +2025-03-10 15:39:01,370 - INFO - OPENED SHORT at 2064.96 | Stop loss: 2075.3107 | Take profit: 2033.94675 +2025-03-10 15:39:01,989 - INFO - CLOSED short at 2063.53 | PnL: 0.07% | $-0.06 +2025-03-10 15:39:02,014 - INFO - OPENED SHORT at 2063.0 | Stop loss: 2073.3409 | Take profit: 2032.01615 +2025-03-10 15:39:02,442 - INFO - CLOSED short at 2061.66 | PnL: 0.06% | $-0.07 +2025-03-10 15:39:02,462 - INFO - OPENED SHORT at 2061.5 | Stop loss: 2071.8334 | Take profit: 2030.53865 +2025-03-10 15:39:02,731 - INFO - CLOSED short at 2065.69 | PnL: -0.20% | $-0.60 +2025-03-10 15:39:02,757 - INFO - OPENED SHORT at 2069.79 | Stop loss: 2080.16485 | Take profit: 2038.7043 +2025-03-10 15:39:03,613 - INFO - CLOSED short at 2070.8 | PnL: -0.05% | $-0.29 +2025-03-10 15:39:03,638 - INFO - OPENED SHORT at 2070.35 | Stop loss: 2080.72765 | Take profit: 2039.2558999999999 +2025-03-10 15:39:03,841 - INFO - CLOSED short at 2074.35 | PnL: -0.19% | $-0.57 +2025-03-10 15:39:03,859 - INFO - OPENED SHORT at 2073.27 | Stop loss: 2083.66225 | Take profit: 2042.1321 +2025-03-10 15:39:05,076 - INFO - CLOSED short at 2059.9 | PnL: 0.64% | $1.06 +2025-03-10 15:39:05,097 - INFO - OPENED SHORT at 2060.7 | Stop loss: 2071.0294 | Take profit: 2029.75065 +2025-03-10 15:39:05,283 - INFO - STOP LOSS hit for short at 2071.0294 | PnL: -0.50% | $-1.18 +2025-03-10 15:39:05,304 - INFO - OPENED SHORT at 2074.05 | Stop loss: 2084.4461499999998 | Take profit: 2042.9004000000002 +2025-03-10 15:39:05,450 - INFO - STOP LOSS hit for short at 2084.4461499999998 | PnL: -0.50% | $-1.16 +2025-03-10 15:39:05,471 - INFO - OPENED SHORT at 2090.49 | Stop loss: 2100.9683499999996 | Take profit: 2059.0937999999996 +2025-03-10 15:39:05,495 - INFO - STOP LOSS hit for short at 2100.9683499999996 | PnL: -0.50% | $-1.15 +2025-03-10 15:39:05,517 - INFO - OPENED SHORT at 2130.7 | Stop loss: 2141.3794 | Take profit: 2098.7006499999998 +2025-03-10 15:39:05,620 - INFO - STOP LOSS hit for short at 2141.3794 | PnL: -0.50% | $-1.14 +2025-03-10 15:39:05,644 - INFO - OPENED SHORT at 2141.3 | Stop loss: 2152.0324 | Take profit: 2109.14165 +2025-03-10 15:39:05,775 - INFO - CLOSED short at 2121.09 | PnL: 0.94% | $1.58 +2025-03-10 15:39:05,776 - INFO - OPENED LONG at 2121.09 | Stop loss: 2110.45865 | Take profit: 2152.9452 +2025-03-10 15:39:05,795 - INFO - CLOSED long at 2120.15 | PnL: -0.04% | $-0.27 +2025-03-10 15:39:05,796 - INFO - OPENED SHORT at 2120.15 | Stop loss: 2130.7766500000002 | Take profit: 2088.3089 +2025-03-10 15:39:06,838 - INFO - CLOSED short at 2083.28 | PnL: 1.74% | $3.10 +2025-03-10 15:39:06,860 - INFO - OPENED SHORT at 2088.44 | Stop loss: 2098.9081 | Take profit: 2057.07455 +2025-03-10 15:39:07,324 - INFO - CLOSED short at 2087.78 | PnL: 0.03% | $-0.13 +2025-03-10 15:39:07,325 - INFO - OPENED LONG at 2087.78 | Stop loss: 2077.3152 | Take profit: 2119.1355500000004 +2025-03-10 15:39:07,349 - INFO - CLOSED long at 2086.81 | PnL: -0.05% | $-0.29 +2025-03-10 15:39:07,350 - INFO - OPENED SHORT at 2086.81 | Stop loss: 2097.26995 | Take profit: 2055.469 +2025-03-10 15:39:07,516 - INFO - STOP LOSS hit for short at 2097.26995 | PnL: -0.50% | $-1.17 +2025-03-10 15:39:07,539 - INFO - OPENED SHORT at 2099.99 | Stop loss: 2110.51585 | Take profit: 2068.4512999999997 +2025-03-10 15:39:07,781 - INFO - CLOSED short at 2101.5 | PnL: -0.07% | $-0.33 +2025-03-10 15:39:07,781 - INFO - OPENED LONG at 2101.5 | Stop loss: 2090.9665999999997 | Take profit: 2133.06135 +2025-03-10 15:39:07,803 - INFO - CLOSED long at 2105.83 | PnL: 0.21% | $0.20 +2025-03-10 15:39:07,803 - INFO - OPENED SHORT at 2105.83 | Stop loss: 2116.3850500000003 | Take profit: 2074.2037 +2025-03-10 15:39:08,225 - INFO - CLOSED short at 2115.26 | PnL: -0.45% | $-1.05 +2025-03-10 15:39:08,225 - INFO - OPENED LONG at 2115.26 | Stop loss: 2104.6578000000004 | Take profit: 2147.02775 +2025-03-10 15:39:08,250 - INFO - CLOSED long at 2113.61 | PnL: -0.08% | $-0.34 +2025-03-10 15:39:08,251 - INFO - OPENED SHORT at 2113.61 | Stop loss: 2124.20395 | Take profit: 2081.867 +2025-03-10 15:39:08,757 - INFO - STOP LOSS hit for short at 2124.20395 | PnL: -0.50% | $-1.14 +2025-03-10 15:39:08,779 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4548499999996 | Take profit: 2095.8343 +2025-03-10 15:39:08,986 - INFO - CLOSED short at 2127.47 | PnL: 0.02% | $-0.16 +2025-03-10 15:39:09,027 - INFO - OPENED SHORT at 2135.55 | Stop loss: 2146.25365 | Take profit: 2103.4779000000003 +2025-03-10 15:39:11,097 - INFO - TAKE PROFIT hit for short at 2103.4779000000003 | PnL: 1.50% | $2.62 +2025-03-10 15:39:11,122 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.7973 | Take profit: 2066.76695 +2025-03-10 15:39:11,185 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 16.7% in downtrends | Avg Win=$1.71, Avg Loss=$-0.57 +2025-03-10 15:39:11,186 - INFO - Episode 15: Reward=173.97, Balance=$97.13, Win Rate=20.0%, Trades=25, Episode PnL=$-2.11, Total PnL=$-90.83, Max Drawdown=5.5%, Pred Accuracy=99.8% +2025-03-10 15:39:11,274 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.23035 | Take profit: 2031.9078 +2025-03-10 15:39:12,204 - INFO - CLOSED short at 2058.89 | PnL: 0.19% | $0.19 +2025-03-10 15:39:12,204 - INFO - OPENED LONG at 2058.89 | Stop loss: 2048.56965 | Take profit: 2089.8122 +2025-03-10 15:39:12,225 - INFO - CLOSED long at 2059.96 | PnL: 0.05% | $-0.10 +2025-03-10 15:39:12,225 - INFO - OPENED SHORT at 2059.96 | Stop loss: 2070.2857 | Take profit: 2029.02175 +2025-03-10 15:39:12,489 - INFO - CLOSED short at 2061.6 | PnL: -0.08% | $-0.36 +2025-03-10 15:39:12,489 - INFO - OPENED LONG at 2061.6 | Stop loss: 2051.2661 | Take profit: 2092.56285 +2025-03-10 15:39:12,509 - INFO - CLOSED long at 2061.3 | PnL: -0.01% | $-0.23 +2025-03-10 15:39:12,509 - INFO - OPENED SHORT at 2061.3 | Stop loss: 2071.6324000000004 | Take profit: 2030.3416500000003 +2025-03-10 15:39:12,786 - INFO - STOP LOSS hit for short at 2071.6324000000004 | PnL: -0.50% | $-1.18 +2025-03-10 15:39:12,813 - INFO - OPENED SHORT at 2074.3 | Stop loss: 2084.6974 | Take profit: 2043.1466500000001 +2025-03-10 15:39:13,053 - INFO - CLOSED short at 2069.03 | PnL: 0.25% | $0.30 +2025-03-10 15:39:13,076 - INFO - OPENED SHORT at 2067.44 | Stop loss: 2077.8031 | Take profit: 2036.38955 +2025-03-10 15:39:13,518 - INFO - CLOSED short at 2071.59 | PnL: -0.20% | $-0.59 +2025-03-10 15:39:13,518 - INFO - OPENED LONG at 2071.59 | Stop loss: 2061.20615 | Take profit: 2102.7027000000003 +2025-03-10 15:39:13,539 - INFO - CLOSED long at 2070.2 | PnL: -0.07% | $-0.32 +2025-03-10 15:39:13,539 - INFO - OPENED SHORT at 2070.2 | Stop loss: 2080.5768999999996 | Take profit: 2039.1081499999998 +2025-03-10 15:39:13,715 - INFO - CLOSED short at 2068.19 | PnL: 0.10% | $-0.01 +2025-03-10 15:39:13,743 - INFO - OPENED SHORT at 2068.67 | Stop loss: 2079.03925 | Take profit: 2037.6011 +2025-03-10 15:39:14,772 - INFO - CLOSED short at 2049.21 | PnL: 0.94% | $1.62 +2025-03-10 15:39:14,796 - INFO - OPENED SHORT at 2049.5 | Stop loss: 2059.7734 | Take profit: 2018.71865 +2025-03-10 15:39:14,946 - INFO - STOP LOSS hit for short at 2059.7734 | PnL: -0.50% | $-1.18 +2025-03-10 15:39:14,977 - INFO - OPENED SHORT at 2063.9 | Stop loss: 2074.2454000000002 | Take profit: 2032.9026500000002 +2025-03-10 15:39:15,598 - INFO - STOP LOSS hit for short at 2074.2454000000002 | PnL: -0.50% | $-1.17 +2025-03-10 15:39:15,627 - INFO - OPENED SHORT at 2076.08 | Stop loss: 2086.4863 | Take profit: 2044.89995 +2025-03-10 15:39:15,650 - INFO - CLOSED short at 2077.61 | PnL: -0.07% | $-0.33 +2025-03-10 15:39:15,650 - INFO - OPENED LONG at 2077.61 | Stop loss: 2067.19605 | Take profit: 2108.813 +2025-03-10 15:39:15,672 - INFO - CLOSED long at 2085.56 | PnL: 0.38% | $0.54 +2025-03-10 15:39:15,673 - INFO - OPENED SHORT at 2085.56 | Stop loss: 2096.0137 | Take profit: 2054.23775 +2025-03-10 15:39:15,696 - INFO - CLOSED short at 2090.49 | PnL: -0.24% | $-0.65 +2025-03-10 15:39:15,697 - INFO - OPENED LONG at 2090.49 | Stop loss: 2080.01165 | Take profit: 2121.8862 +2025-03-10 15:39:15,724 - INFO - CLOSED long at 2103.02 | PnL: 0.60% | $0.95 +2025-03-10 15:39:15,724 - INFO - OPENED SHORT at 2103.02 | Stop loss: 2113.561 | Take profit: 2071.43585 +2025-03-10 15:39:15,746 - INFO - STOP LOSS hit for short at 2113.561 | PnL: -0.50% | $-1.16 +2025-03-10 15:39:15,770 - INFO - OPENED SHORT at 2139.54 | Stop loss: 2150.2636 | Take profit: 2107.40805 +2025-03-10 15:39:16,255 - INFO - CLOSED short at 2109.05 | PnL: 1.43% | $2.52 +2025-03-10 15:39:16,284 - INFO - OPENED SHORT at 2112.09 | Stop loss: 2122.67635 | Take profit: 2080.3698 +2025-03-10 15:39:19,049 - INFO - STOP LOSS hit for short at 2122.67635 | PnL: -0.50% | $-1.17 +2025-03-10 15:39:19,073 - INFO - OPENED SHORT at 2127.79 | Stop loss: 2138.4548499999996 | Take profit: 2095.8343 +2025-03-10 15:39:19,292 - INFO - CLOSED short at 2127.47 | PnL: 0.02% | $-0.16 +2025-03-10 15:39:19,316 - INFO - OPENED SHORT at 2129.51 | Stop loss: 2140.1834500000004 | Take profit: 2097.5285000000003 +2025-03-10 15:39:21,339 - INFO - TAKE PROFIT hit for short at 2097.5285000000003 | PnL: 1.50% | $2.70 +2025-03-10 15:39:21,365 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5761500000003 | Take profit: 2068.5104 +2025-03-10 15:39:21,384 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 18.2% in downtrends | Avg Win=$1.26, Avg Loss=$-0.61 +2025-03-10 15:39:21,384 - INFO - Episode 16: Reward=182.94, Balance=$100.23, Win Rate=33.3%, Trades=21, Episode PnL=$-0.62, Total PnL=$-90.60, Max Drawdown=3.7%, Pred Accuracy=99.8% +2025-03-10 15:39:21,485 - INFO - OPENED SHORT at 2062.89 | Stop loss: 2073.23035 | Take profit: 2031.9078 +2025-03-10 15:39:23,345 - INFO - STOP LOSS hit for short at 2073.23035 | PnL: -0.50% | $-1.19 +2025-03-10 15:39:23,371 - INFO - OPENED SHORT at 2078.01 | Stop loss: 2088.4259500000003 | Take profit: 2046.8010000000002 +2025-03-10 15:39:23,951 - INFO - CLOSED short at 2064.4 | PnL: 0.65% | $1.08 +2025-03-10 15:39:23,951 - INFO - OPENED LONG at 2064.4 | Stop loss: 2054.0521 | Take profit: 2095.4048500000004 +2025-03-10 15:39:23,976 - INFO - CLOSED long at 2064.31 | PnL: -0.00% | $-0.21 +2025-03-10 15:39:23,976 - INFO - OPENED SHORT at 2064.31 | Stop loss: 2074.6574499999997 | Take profit: 2033.3065 +2025-03-10 15:39:24,521 - INFO - CLOSED short at 2071.61 | PnL: -0.35% | $-0.89 +2025-03-10 15:39:24,521 - INFO - OPENED LONG at 2071.61 | Stop loss: 2061.22605 | Take profit: 2102.723 +2025-03-10 15:39:24,552 - INFO - CLOSED long at 2074.37 | PnL: 0.13% | $0.06 +2025-03-10 15:39:24,552 - INFO - OPENED SHORT at 2074.37 | Stop loss: 2084.76775 | Take profit: 2043.2156 +2025-03-10 15:39:43,622 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 15:39:43,641 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 15:39:43,642 - INFO - Fetching initial data for ETH/USDT +2025-03-10 15:39:43,642 - INFO - Fetching initial data for ETH/USDT +2025-03-10 15:39:46,986 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 15:39:47,004 - INFO - Initialized environment with 500 candles +2025-03-10 15:39:49,215 - INFO - Starting continuous training mode. Press Ctrl+C to stop. +2025-03-10 15:39:49,215 - INFO - Starting training batch 1 +2025-03-10 15:39:49,215 - INFO - Refreshing data for new training batch +2025-03-10 15:39:49,215 - ERROR - Error: 'TradingEnvironment' object has no attribute 'fetch_new_data' +2025-03-10 15:39:49,221 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2441, in main + await env.fetch_new_data(exchange, "ETH/USDT", "1m", 500) + ^^^^^^^^^^^^^^^^^^ +AttributeError: 'TradingEnvironment' object has no attribute 'fetch_new_data' + +2025-03-10 15:39:49,222 - INFO - Exchange connection closed +2025-03-10 15:58:37,559 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 15:58:37,578 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 15:58:37,578 - INFO - Fetching initial data for ETH/USDT +2025-03-10 15:58:37,580 - INFO - Fetching initial data for ETH/USDT +2025-03-10 15:58:41,294 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 15:58:41,313 - INFO - Initialized environment with 500 candles +2025-03-10 15:58:43,495 - INFO - Starting continuous training mode. Press Ctrl+C to stop. +2025-03-10 15:58:43,495 - INFO - Starting training batch 1 +2025-03-10 15:58:43,496 - INFO - Refreshing data for new training batch +2025-03-10 15:58:43,496 - ERROR - Error: 'TradingEnvironment' object has no attribute 'fetch_new_data' +2025-03-10 15:58:43,502 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2446, in main + await env.fetch_new_data(exchange, "ETH/USDT", "1m", 500) + ^^^^^^^^^^^^^^^^^^ +AttributeError: 'TradingEnvironment' object has no attribute 'fetch_new_data' + +2025-03-10 15:58:43,502 - INFO - Exchange connection closed +2025-03-10 15:59:21,963 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 15:59:21,981 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 15:59:21,981 - INFO - Fetching initial data for ETH/USDT +2025-03-10 15:59:21,981 - INFO - Fetching initial data for ETH/USDT +2025-03-10 15:59:25,319 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 15:59:25,337 - INFO - Initialized environment with 500 candles +2025-03-10 15:59:27,516 - INFO - Starting continuous training mode. Press Ctrl+C to stop. +2025-03-10 15:59:27,516 - INFO - Starting training batch 1 +2025-03-10 15:59:27,516 - INFO - Refreshing data for new training batch +2025-03-10 15:59:27,517 - ERROR - Error: 'mexc' object has no attribute 'fetch_initial_data' +2025-03-10 15:59:27,518 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2446, in main + await fetch_new_data(exchange, "ETH/USDT", "1m", 500) + File "main.py", line 2351, in fetch_new_data + return await self.fetch_initial_data(exchange, symbol, timeframe, limit) + ^^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'mexc' object has no attribute 'fetch_initial_data' + +2025-03-10 15:59:27,518 - INFO - Exchange connection closed +2025-03-10 16:02:01,607 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 16:02:01,627 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 16:02:01,628 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:02:01,628 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:02:05,083 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 16:02:05,105 - INFO - Initialized environment with 500 candles +2025-03-10 16:02:07,444 - INFO - Starting continuous training mode. Press Ctrl+C to stop. +2025-03-10 16:02:07,444 - INFO - Starting training batch 1 +2025-03-10 16:02:07,445 - INFO - Refreshing data for new training batch +2025-03-10 16:02:07,445 - ERROR - Error: 'mexc' object has no attribute 'fetch_initial_data' +2025-03-10 16:02:07,447 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 2446, in main + await fetch_new_data(exchange, "ETH/USDT", "1m", 500) + File "main.py", line 2351, in fetch_new_data + return await env.fetch_initial_data(exchange, symbol, timeframe, limit) + ^^^^^^^^^^^^^^^^^^^^^^ +AttributeError: 'mexc' object has no attribute 'fetch_initial_data' + +2025-03-10 16:02:07,447 - INFO - Exchange connection closed +2025-03-10 16:05:04,475 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 16:05:04,494 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 16:05:04,495 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:04,495 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:08,177 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 16:05:08,194 - INFO - Initialized environment with 500 candles +2025-03-10 16:05:10,332 - INFO - Starting continuous training mode. Press Ctrl+C to stop. +2025-03-10 16:05:10,333 - INFO - Starting training batch 1 +2025-03-10 16:05:10,333 - INFO - Refreshing data for new training batch +2025-03-10 16:05:10,333 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:10,655 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 16:05:10,666 - INFO - Initialized environment with 500 candles +2025-03-10 16:05:10,666 - INFO - Updated environment with fresh candles +2025-03-10 16:05:10,667 - INFO - Starting training on device: cuda +2025-03-10 16:05:10,667 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 16:05:10,667 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 16:05:10,810 - INFO - Model loaded successfully with weights_only=True +2025-03-10 16:05:10,810 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $4.37, Win Rate: 66.7% +2025-03-10 16:05:10,810 - INFO - Refreshing data for episode 0 +2025-03-10 16:05:10,810 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:11,133 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:11,143 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:12,442 - INFO - Episode 0: Reward=-0.66, Balance=$100.00, Win Rate=0.0%, Trades=0, Episode PnL=$0.00, Total PnL=$0.00, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 16:05:12,577 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 16:05:12,578 - INFO - Checkpoint saved at episode 0 +2025-03-10 16:05:13,603 - INFO - Visualization saved for episode 0 +2025-03-10 16:05:15,066 - INFO - Visualization saved for episode 0 +2025-03-10 16:05:15,084 - INFO - Refreshing data for episode 1 +2025-03-10 16:05:15,084 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:15,405 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:15,414 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:16,546 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.7807749999997 | Take profit: 2072.5971874999996 +2025-03-10 16:05:16,736 - INFO - CLOSED short at 2084.95 | PnL: 0.92% | $1.60 +2025-03-10 16:05:16,737 - INFO - OPENED LONG at 2084.95 | Stop loss: 2074.4855749999997 | Take profit: 2116.2837624999997 +2025-03-10 16:05:16,911 - INFO - STOP LOSS hit for long at 2074.4855749999997 | PnL: -0.50% | $-1.20 +2025-03-10 16:05:16,976 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.60, Avg Loss=$-1.20 +2025-03-10 16:05:16,977 - INFO - Episode 1: Reward=14.49, Balance=$100.40, Win Rate=50.0%, Trades=2, Episode PnL=$0.40, Total PnL=$0.40, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 16:05:16,977 - INFO - Refreshing data for episode 2 +2025-03-10 16:05:16,977 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:17,297 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:17,306 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:18,403 - INFO - OPENED LONG at 2090.59 | Stop loss: 2080.0973750000003 | Take profit: 2122.0083625 +2025-03-10 16:05:18,460 - INFO - CLOSED long at 2080.58 | PnL: -0.48% | $-1.14 +2025-03-10 16:05:18,667 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.00, Avg Loss=$-1.14 +2025-03-10 16:05:18,667 - INFO - Episode 2: Reward=10.20, Balance=$98.86, Win Rate=0.0%, Trades=1, Episode PnL=$-1.14, Total PnL=$-0.73, Max Drawdown=1.1%, Pred Accuracy=99.5% +2025-03-10 16:05:18,668 - INFO - Refreshing data for episode 3 +2025-03-10 16:05:18,668 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:18,966 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:18,975 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:19,633 - INFO - OPENED LONG at 2113.28 | Stop loss: 2102.673925 | Take profit: 2145.0387125 +2025-03-10 16:05:19,704 - INFO - STOP LOSS hit for long at 2102.673925 | PnL: -0.50% | $-1.18 +2025-03-10 16:05:19,951 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.825975 | Take profit: 2073.6215875000003 +2025-03-10 16:05:20,280 - INFO - TAKE PROFIT hit for short at 2073.6215875000003 | PnL: 1.50% | $2.72 +2025-03-10 16:05:20,342 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$2.72, Avg Loss=$-1.18 +2025-03-10 16:05:20,343 - INFO - Episode 3: Reward=15.74, Balance=$101.54, Win Rate=50.0%, Trades=2, Episode PnL=$1.54, Total PnL=$0.80, Max Drawdown=1.2%, Pred Accuracy=99.5% +2025-03-10 16:05:20,344 - INFO - Refreshing data for episode 4 +2025-03-10 16:05:20,344 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:20,640 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:20,649 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:20,746 - INFO - OPENED LONG at 2126.13 | Stop loss: 2115.4596607142857 | Take profit: 2158.0814839285713 +2025-03-10 16:05:21,110 - INFO - STOP LOSS hit for long at 2115.4596607142857 | PnL: -0.50% | $-1.18 +2025-03-10 16:05:21,976 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.00, Avg Loss=$-1.18 +2025-03-10 16:05:21,976 - INFO - Episode 4: Reward=7.23, Balance=$98.82, Win Rate=0.0%, Trades=1, Episode PnL=$-1.18, Total PnL=$-0.38, Max Drawdown=1.2%, Pred Accuracy=99.5% +2025-03-10 16:05:21,976 - INFO - Refreshing data for episode 5 +2025-03-10 16:05:21,977 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:22,288 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:22,299 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:23,202 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.629689285714 | Take profit: 2086.1704660714286 +2025-03-10 16:05:23,946 - INFO - CLOSED short at 2105.26 | PnL: 0.60% | $0.98 +2025-03-10 16:05:24,336 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.98, Avg Loss=$0.00 +2025-03-10 16:05:24,337 - INFO - Episode 5: Reward=22.27, Balance=$100.98, Win Rate=100.0%, Trades=1, Episode PnL=$0.98, Total PnL=$0.61, Max Drawdown=0.0%, Pred Accuracy=99.6% +2025-03-10 16:05:24,338 - INFO - Refreshing data for episode 6 +2025-03-10 16:05:24,338 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:24,643 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:24,653 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:24,966 - INFO - OPENED LONG at 2121.42 | Stop loss: 2110.773210714286 | Take profit: 2153.3008339285716 +2025-03-10 16:05:25,011 - INFO - CLOSED long at 2119.02 | PnL: -0.11% | $-0.42 +2025-03-10 16:05:25,055 - INFO - OPENED LONG at 2124.9 | Stop loss: 2114.235810714286 | Take profit: 2156.8330339285712 +2025-03-10 16:05:25,082 - INFO - CLOSED long at 2128.33 | PnL: 0.16% | $0.12 +2025-03-10 16:05:25,311 - INFO - OPENED LONG at 2115.11 | Stop loss: 2104.494760714286 | Take profit: 2146.896183928571 +2025-03-10 16:05:25,336 - INFO - CLOSED long at 2114.32 | PnL: -0.04% | $-0.27 +2025-03-10 16:05:25,360 - INFO - OPENED LONG at 2114.57 | Stop loss: 2103.957460714286 | Take profit: 2146.348083928571 +2025-03-10 16:05:25,403 - INFO - CLOSED long at 2113.28 | PnL: -0.06% | $-0.31 +2025-03-10 16:05:25,533 - INFO - OPENED LONG at 2100.05 | Stop loss: 2089.510060714286 | Take profit: 2131.610283928572 +2025-03-10 16:05:25,557 - INFO - CLOSED long at 2096.36 | PnL: -0.18% | $-0.54 +2025-03-10 16:05:25,695 - INFO - OPENED LONG at 2104.22 | Stop loss: 2093.6592107142856 | Take profit: 2135.8428339285715 +2025-03-10 16:05:25,789 - INFO - CLOSED long at 2099.22 | PnL: -0.24% | $-0.65 +2025-03-10 16:05:25,866 - INFO - OPENED LONG at 2098.66 | Stop loss: 2088.1270107142855 | Take profit: 2130.1994339285716 +2025-03-10 16:05:25,892 - INFO - CLOSED long at 2090.59 | PnL: -0.38% | $-0.93 +2025-03-10 16:05:25,940 - INFO - OPENED LONG at 2084.95 | Stop loss: 2074.4855607142854 | Take profit: 2116.283783928571 +2025-03-10 16:05:26,069 - INFO - CLOSED long at 2084.11 | PnL: -0.04% | $-0.27 +2025-03-10 16:05:26,092 - INFO - OPENED LONG at 2083.07 | Stop loss: 2072.614960714286 | Take profit: 2114.375583928572 +2025-03-10 16:05:26,133 - INFO - STOP LOSS hit for long at 2072.614960714286 | PnL: -0.50% | $-1.14 +2025-03-10 16:05:26,173 - INFO - OPENED LONG at 2051.0 | Stop loss: 2040.7053107142856 | Take profit: 2081.824533928572 +2025-03-10 16:05:26,193 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.12, Avg Loss=$-0.57 +2025-03-10 16:05:26,195 - INFO - Episode 6: Reward=-1.37, Balance=$95.59, Win Rate=11.1%, Trades=9, Episode PnL=$-4.41, Total PnL=$-3.80, Max Drawdown=4.4%, Pred Accuracy=99.6% +2025-03-10 16:05:26,195 - INFO - Refreshing data for episode 7 +2025-03-10 16:05:26,196 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:26,528 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:26,539 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:26,563 - INFO - OPENED LONG at 2123.61 | Stop loss: 2112.9518035714286 | Take profit: 2155.5243696428574 +2025-03-10 16:05:26,631 - INFO - CLOSED long at 2125.77 | PnL: 0.10% | $0.00 +2025-03-10 16:05:26,656 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.8007964285716 | Take profit: 2094.177830357143 +2025-03-10 16:05:26,677 - INFO - CLOSED short at 2126.32 | PnL: -0.01% | $-0.21 +2025-03-10 16:05:26,677 - INFO - OPENED LONG at 2126.32 | Stop loss: 2115.6482535714285 | Take profit: 2158.2750196428574 +2025-03-10 16:05:26,847 - INFO - CLOSED long at 2121.8 | PnL: -0.21% | $-0.61 +2025-03-10 16:05:26,892 - INFO - OPENED LONG at 2116.52 | Stop loss: 2105.8972535714283 | Take profit: 2148.3280196428573 +2025-03-10 16:05:27,034 - INFO - CLOSED long at 2116.81 | PnL: 0.01% | $-0.17 +2025-03-10 16:05:27,034 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.4341964285713 | Take profit: 2084.997630357143 +2025-03-10 16:05:27,056 - INFO - CLOSED short at 2114.78 | PnL: 0.10% | $-0.01 +2025-03-10 16:05:27,057 - INFO - OPENED LONG at 2114.78 | Stop loss: 2104.165953571429 | Take profit: 2146.5619196428574 +2025-03-10 16:05:27,144 - INFO - CLOSED long at 2115.21 | PnL: 0.02% | $-0.15 +2025-03-10 16:05:27,144 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.8261964285716 | Take profit: 2083.421630357143 +2025-03-10 16:05:27,767 - INFO - TAKE PROFIT hit for short at 2083.421630357143 | PnL: 1.50% | $2.72 +2025-03-10 16:05:27,826 - INFO - OPENED SHORT at 2084.25 | Stop loss: 2094.7113964285713 | Take profit: 2052.9260303571427 +2025-03-10 16:05:27,972 - INFO - TAKE PROFIT hit for short at 2052.9260303571427 | PnL: 1.50% | $2.80 +2025-03-10 16:05:28,020 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.84, Avg Loss=$-0.23 +2025-03-10 16:05:28,021 - INFO - Episode 7: Reward=10.59, Balance=$104.36, Win Rate=37.5%, Trades=8, Episode PnL=$4.69, Total PnL=$0.56, Max Drawdown=0.8%, Pred Accuracy=99.5% +2025-03-10 16:05:28,160 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 16:05:28,160 - INFO - New best PnL model saved: $4.69 +2025-03-10 16:05:28,161 - INFO - Refreshing data for episode 8 +2025-03-10 16:05:28,161 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:28,473 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:28,482 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:28,505 - INFO - OPENED SHORT at 2123.61 | Stop loss: 2134.2683142857145 | Take profit: 2091.6954535714285 +2025-03-10 16:05:29,242 - INFO - TAKE PROFIT hit for short at 2091.6954535714285 | PnL: 1.50% | $2.75 +2025-03-10 16:05:29,262 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5905142857146 | Take profit: 2068.488853571429 +2025-03-10 16:05:29,798 - INFO - CLOSED short at 2083.07 | PnL: 0.81% | $1.43 +2025-03-10 16:05:29,827 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.4856142857143 | Take profit: 2043.8835535714286 +2025-03-10 16:05:29,912 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.09, Avg Loss=$0.00 +2025-03-10 16:05:29,913 - INFO - Episode 8: Reward=29.51, Balance=$104.18, Win Rate=100.0%, Trades=2, Episode PnL=$4.18, Total PnL=$4.74, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 16:05:29,913 - INFO - Refreshing data for episode 9 +2025-03-10 16:05:29,914 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:30,227 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:30,237 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:30,260 - INFO - OPENED SHORT at 2123.61 | Stop loss: 2134.2683142857145 | Take profit: 2091.6954535714285 +2025-03-10 16:05:30,830 - INFO - CLOSED short at 2114.1 | PnL: 0.45% | $0.68 +2025-03-10 16:05:30,831 - INFO - OPENED LONG at 2114.1 | Stop loss: 2103.4892357142858 | Take profit: 2145.8718964285713 +2025-03-10 16:05:30,853 - INFO - CLOSED long at 2115.11 | PnL: 0.05% | $-0.10 +2025-03-10 16:05:30,853 - INFO - OPENED SHORT at 2115.11 | Stop loss: 2125.7258142857145 | Take profit: 2083.3229535714286 +2025-03-10 16:05:30,874 - INFO - CLOSED short at 2114.32 | PnL: 0.04% | $-0.12 +2025-03-10 16:05:30,874 - INFO - OPENED LONG at 2114.32 | Stop loss: 2103.708135714286 | Take profit: 2146.0951964285714 +2025-03-10 16:05:30,899 - INFO - CLOSED long at 2114.57 | PnL: 0.01% | $-0.17 +2025-03-10 16:05:30,899 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.1831142857145 | Take profit: 2082.7910535714286 +2025-03-10 16:05:31,212 - INFO - CLOSED short at 2100.0 | PnL: 0.69% | $1.16 +2025-03-10 16:05:31,235 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3844142857142 | Take profit: 2071.2271535714285 +2025-03-10 16:05:31,375 - INFO - CLOSED short at 2094.16 | PnL: 0.41% | $0.62 +2025-03-10 16:05:31,403 - INFO - OPENED SHORT at 2096.96 | Stop loss: 2107.4850642857145 | Take profit: 2065.4452035714285 +2025-03-10 16:05:31,684 - INFO - TAKE PROFIT hit for short at 2065.4452035714285 | PnL: 1.50% | $2.81 +2025-03-10 16:05:31,710 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.295264285714 | Take profit: 2020.1746035714286 +2025-03-10 16:05:31,733 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.32, Avg Loss=$-0.13 +2025-03-10 16:05:31,734 - INFO - Episode 9: Reward=27.80, Balance=$104.87, Win Rate=57.1%, Trades=7, Episode PnL=$5.15, Total PnL=$9.61, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 16:05:31,873 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 16:05:31,874 - INFO - New best PnL model saved: $5.15 +2025-03-10 16:05:31,874 - INFO - Refreshing data for episode 10 +2025-03-10 16:05:31,875 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:32,164 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:32,173 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:32,861 - INFO - OPENED SHORT at 2123.61 | Stop loss: 2134.269085714286 | Take profit: 2091.6942964285718 +2025-03-10 16:05:33,185 - INFO - CLOSED short at 2119.02 | PnL: 0.22% | $0.23 +2025-03-10 16:05:33,205 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6058357142856 | Take profit: 2089.0840464285716 +2025-03-10 16:05:33,314 - INFO - CLOSED short at 2116.81 | PnL: 0.20% | $0.19 +2025-03-10 16:05:33,314 - INFO - OPENED LONG at 2116.81 | Stop loss: 2106.1849142857145 | Take profit: 2148.623703571429 +2025-03-10 16:05:33,338 - INFO - CLOSED long at 2114.78 | PnL: -0.10% | $-0.39 +2025-03-10 16:05:33,339 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.394935714286 | Take profit: 2082.9967464285714 +2025-03-10 16:05:34,200 - INFO - TAKE PROFIT hit for short at 2082.9967464285714 | PnL: 1.50% | $2.75 +2025-03-10 16:05:34,225 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2147857142854 | Take profit: 2053.4171964285715 +2025-03-10 16:05:34,410 - INFO - TAKE PROFIT hit for short at 2053.4171964285715 | PnL: 1.50% | $2.83 +2025-03-10 16:05:34,434 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.2960357142856 | Take profit: 2020.1734464285714 +2025-03-10 16:05:34,455 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.50, Avg Loss=$-0.39 +2025-03-10 16:05:34,455 - INFO - Episode 10: Reward=14.43, Balance=$105.61, Win Rate=80.0%, Trades=5, Episode PnL=$6.00, Total PnL=$15.23, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 16:05:34,597 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 16:05:34,598 - INFO - New best PnL model saved: $6.00 +2025-03-10 16:05:34,740 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 16:05:34,741 - INFO - Checkpoint saved at episode 10 +2025-03-10 16:05:35,918 - INFO - Visualization saved for episode 10 +2025-03-10 16:05:37,501 - INFO - Visualization saved for episode 10 +2025-03-10 16:05:37,516 - INFO - Refreshing data for episode 11 +2025-03-10 16:05:37,517 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:37,824 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:37,834 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:37,919 - INFO - OPENED SHORT at 2123.61 | Stop loss: 2134.2699214285713 | Take profit: 2091.693042857143 +2025-03-10 16:05:38,295 - INFO - CLOSED short at 2116.52 | PnL: 0.33% | $0.46 +2025-03-10 16:05:38,296 - INFO - OPENED LONG at 2116.52 | Stop loss: 2105.8955285714287 | Take profit: 2148.330607142857 +2025-03-10 16:05:38,318 - INFO - CLOSED long at 2119.02 | PnL: 0.12% | $0.04 +2025-03-10 16:05:38,319 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6569714285715 | Take profit: 2087.1718928571427 +2025-03-10 16:05:38,341 - INFO - CLOSED short at 2120.96 | PnL: -0.09% | $-0.38 +2025-03-10 16:05:38,365 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.5663714285715 | Take profit: 2092.963692857143 +2025-03-10 16:05:38,793 - INFO - TAKE PROFIT hit for short at 2092.963692857143 | PnL: 1.50% | $2.75 +2025-03-10 16:05:38,817 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5921214285718 | Take profit: 2068.486442857143 +2025-03-10 16:05:39,380 - INFO - TAKE PROFIT hit for short at 2068.486442857143 | PnL: 1.50% | $2.83 +2025-03-10 16:05:39,403 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5833714285714 | Take profit: 2017.512692857143 +2025-03-10 16:05:39,446 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.52, Avg Loss=$-0.38 +2025-03-10 16:05:39,447 - INFO - Episode 11: Reward=14.54, Balance=$105.70, Win Rate=80.0%, Trades=5, Episode PnL=$5.67, Total PnL=$20.93, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 16:05:39,447 - INFO - Refreshing data for episode 12 +2025-03-10 16:05:39,447 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:39,754 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:39,764 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:39,787 - INFO - OPENED SHORT at 2123.61 | Stop loss: 2134.270225 | Take profit: 2091.6925875 +2025-03-10 16:05:40,341 - INFO - CLOSED short at 2116.06 | PnL: 0.36% | $0.50 +2025-03-10 16:05:40,365 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.8282249999997 | Take profit: 2083.4185875000003 +2025-03-10 16:05:40,782 - INFO - CLOSED short at 2103.41 | PnL: 0.56% | $0.90 +2025-03-10 16:05:40,783 - INFO - OPENED LONG at 2103.41 | Stop loss: 2092.850775 | Take profit: 2135.0244125 +2025-03-10 16:05:40,803 - INFO - CLOSED long at 2104.22 | PnL: 0.04% | $-0.12 +2025-03-10 16:05:40,804 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.7832750000002 | Take profit: 2072.5934374999997 +2025-03-10 16:05:41,201 - INFO - TAKE PROFIT hit for short at 2072.5934374999997 | PnL: 1.50% | $2.79 +2025-03-10 16:05:41,222 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5836750000003 | Take profit: 2017.5122375 +2025-03-10 16:05:41,270 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.40, Avg Loss=$-0.12 +2025-03-10 16:05:41,271 - INFO - Episode 12: Reward=15.28, Balance=$104.07, Win Rate=75.0%, Trades=4, Episode PnL=$4.19, Total PnL=$25.00, Max Drawdown=0.0%, Pred Accuracy=98.7% +2025-03-10 16:05:41,271 - INFO - Refreshing data for episode 13 +2025-03-10 16:05:41,271 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:41,581 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:41,594 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:41,620 - INFO - OPENED SHORT at 2123.61 | Stop loss: 2134.271653571429 | Take profit: 2091.690444642857 +2025-03-10 16:05:42,482 - INFO - TAKE PROFIT hit for short at 2091.690444642857 | PnL: 1.50% | $2.75 +2025-03-10 16:05:42,505 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5938535714286 | Take profit: 2068.483844642857 +2025-03-10 16:05:43,062 - INFO - TAKE PROFIT hit for short at 2068.483844642857 | PnL: 1.50% | $2.82 +2025-03-10 16:05:43,086 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.585103571429 | Take profit: 2017.5100946428572 +2025-03-10 16:05:43,129 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.79, Avg Loss=$0.00 +2025-03-10 16:05:43,130 - INFO - Episode 13: Reward=0.27, Balance=$105.57, Win Rate=100.0%, Trades=2, Episode PnL=$5.57, Total PnL=$30.57, Max Drawdown=0.0%, Pred Accuracy=97.5% +2025-03-10 16:05:43,130 - INFO - Refreshing data for episode 14 +2025-03-10 16:05:43,130 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:43,437 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:43,447 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:43,477 - INFO - OPENED SHORT at 2123.61 | Stop loss: 2134.271653571429 | Take profit: 2091.690444642857 +2025-03-10 16:05:43,523 - INFO - CLOSED short at 2125.08 | PnL: -0.07% | $-0.33 +2025-03-10 16:05:43,524 - INFO - OPENED LONG at 2125.08 | Stop loss: 2114.4109964285713 | Take profit: 2157.0216053571426 +2025-03-10 16:05:43,546 - INFO - CLOSED long at 2125.77 | PnL: 0.03% | $-0.13 +2025-03-10 16:05:43,546 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.442453571429 | Take profit: 2093.818044642857 +2025-03-10 16:05:43,908 - INFO - CLOSED short at 2128.33 | PnL: -0.12% | $-0.43 +2025-03-10 16:05:43,909 - INFO - OPENED LONG at 2128.33 | Stop loss: 2117.644746428571 | Take profit: 2160.320355357143 +2025-03-10 16:05:43,934 - INFO - CLOSED long at 2124.77 | PnL: -0.17% | $-0.52 +2025-03-10 16:05:43,934 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4374535714287 | Take profit: 2092.833044642857 +2025-03-10 16:05:44,332 - INFO - TAKE PROFIT hit for short at 2092.833044642857 | PnL: 1.50% | $2.71 +2025-03-10 16:05:44,352 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5938535714286 | Take profit: 2068.483844642857 +2025-03-10 16:05:44,951 - INFO - TAKE PROFIT hit for short at 2068.483844642857 | PnL: 1.50% | $2.78 +2025-03-10 16:05:44,971 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.585103571429 | Take profit: 2017.5100946428572 +2025-03-10 16:05:45,010 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$2.75, Avg Loss=$-0.35 +2025-03-10 16:05:45,012 - INFO - Episode 14: Reward=-6.27, Balance=$104.08, Win Rate=33.3%, Trades=6, Episode PnL=$4.73, Total PnL=$34.65, Max Drawdown=0.0%, Pred Accuracy=97.3% +2025-03-10 16:05:45,012 - INFO - Refreshing data for episode 15 +2025-03-10 16:05:45,012 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:45,315 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:45,325 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:46,011 - INFO - OPENED SHORT at 2123.61 | Stop loss: 2134.271653571429 | Take profit: 2091.690444642857 +2025-03-10 16:05:46,964 - INFO - TAKE PROFIT hit for short at 2091.690444642857 | PnL: 1.50% | $2.75 +2025-03-10 16:05:46,985 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5938535714286 | Take profit: 2068.483844642857 +2025-03-10 16:05:47,147 - INFO - CLOSED short at 2103.41 | PnL: -0.16% | $-0.52 +2025-03-10 16:05:47,308 - INFO - OPENED SHORT at 2099.22 | Stop loss: 2109.7597035714284 | Take profit: 2067.666294642857 +2025-03-10 16:05:47,735 - INFO - TAKE PROFIT hit for short at 2067.666294642857 | PnL: 1.50% | $2.81 +2025-03-10 16:05:47,778 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$-0.52 +2025-03-10 16:05:47,779 - INFO - Episode 15: Reward=-2.73, Balance=$105.04, Win Rate=66.7%, Trades=3, Episode PnL=$5.04, Total PnL=$39.69, Max Drawdown=0.5%, Pred Accuracy=97.8% +2025-03-10 16:05:47,779 - INFO - Refreshing data for episode 16 +2025-03-10 16:05:47,780 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:48,096 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:48,106 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:48,691 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.397503571429 | Take profit: 2082.992894642857 +2025-03-10 16:05:49,501 - INFO - TAKE PROFIT hit for short at 2082.992894642857 | PnL: 1.50% | $2.75 +2025-03-10 16:05:49,530 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2173535714287 | Take profit: 2053.4133446428573 +2025-03-10 16:05:49,724 - INFO - TAKE PROFIT hit for short at 2053.4133446428573 | PnL: 1.50% | $2.82 +2025-03-10 16:05:49,747 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.298603571429 | Take profit: 2020.1695946428572 +2025-03-10 16:05:49,766 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.79, Avg Loss=$0.00 +2025-03-10 16:05:49,767 - INFO - Episode 16: Reward=-4.72, Balance=$105.57, Win Rate=100.0%, Trades=2, Episode PnL=$5.57, Total PnL=$45.26, Max Drawdown=0.0%, Pred Accuracy=98.1% +2025-03-10 16:05:49,768 - INFO - Refreshing data for episode 17 +2025-03-10 16:05:49,768 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:50,099 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:50,108 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:50,183 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7490035714286 | Take profit: 2093.1383946428573 +2025-03-10 16:05:50,508 - INFO - CLOSED short at 2116.52 | PnL: 0.40% | $0.59 +2025-03-10 16:05:50,533 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6587035714283 | Take profit: 2087.169294642857 +2025-03-10 16:05:51,474 - INFO - TAKE PROFIT hit for short at 2087.169294642857 | PnL: 1.50% | $2.77 +2025-03-10 16:05:51,494 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0265035714287 | Take profit: 2049.3058946428573 +2025-03-10 16:05:51,669 - INFO - TAKE PROFIT hit for short at 2049.3058946428573 | PnL: 1.50% | $2.84 +2025-03-10 16:05:51,689 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.298603571429 | Take profit: 2020.1695946428572 +2025-03-10 16:05:51,709 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.07, Avg Loss=$0.00 +2025-03-10 16:05:51,710 - INFO - Episode 17: Reward=1.09, Balance=$106.20, Win Rate=100.0%, Trades=3, Episode PnL=$6.20, Total PnL=$51.46, Max Drawdown=0.0%, Pred Accuracy=98.2% +2025-03-10 16:05:51,850 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 16:05:51,851 - INFO - New best PnL model saved: $6.20 +2025-03-10 16:05:51,851 - INFO - Refreshing data for episode 18 +2025-03-10 16:05:51,851 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:52,181 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:52,190 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:52,213 - INFO - OPENED SHORT at 2123.61 | Stop loss: 2134.271653571429 | Take profit: 2091.690444642857 +2025-03-10 16:05:53,012 - INFO - TAKE PROFIT hit for short at 2091.690444642857 | PnL: 1.50% | $2.75 +2025-03-10 16:05:53,059 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.885403571429 | Take profit: 2064.8491946428576 +2025-03-10 16:05:53,636 - INFO - TAKE PROFIT hit for short at 2064.8491946428576 | PnL: 1.50% | $2.82 +2025-03-10 16:05:53,658 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.298603571429 | Take profit: 2020.1695946428572 +2025-03-10 16:05:53,683 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.79, Avg Loss=$0.00 +2025-03-10 16:05:53,683 - INFO - Episode 18: Reward=-0.06, Balance=$105.57, Win Rate=100.0%, Trades=2, Episode PnL=$5.57, Total PnL=$57.04, Max Drawdown=0.0%, Pred Accuracy=98.0% +2025-03-10 16:05:53,684 - INFO - Refreshing data for episode 19 +2025-03-10 16:05:53,684 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:54,028 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:54,037 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:54,060 - INFO - OPENED SHORT at 2123.61 | Stop loss: 2134.271653571429 | Take profit: 2091.690444642857 +2025-03-10 16:05:54,306 - INFO - CLOSED short at 2120.54 | PnL: 0.14% | $0.09 +2025-03-10 16:05:54,327 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.6336035714285 | Take profit: 2086.164594642857 +2025-03-10 16:05:54,857 - INFO - CLOSED short at 2100.05 | PnL: 0.85% | $1.47 +2025-03-10 16:05:54,934 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.7145535714285 | Take profit: 2064.681744642857 +2025-03-10 16:05:55,476 - INFO - TAKE PROFIT hit for short at 2064.681744642857 | PnL: 1.50% | $2.79 +2025-03-10 16:05:55,517 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.45, Avg Loss=$0.00 +2025-03-10 16:05:55,518 - INFO - Episode 19: Reward=1.69, Balance=$104.35, Win Rate=100.0%, Trades=3, Episode PnL=$4.35, Total PnL=$61.38, Max Drawdown=0.0%, Pred Accuracy=97.9% +2025-03-10 16:05:55,518 - INFO - Refreshing data for episode 20 +2025-03-10 16:05:55,518 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:05:55,833 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:05:55,843 - INFO - Initialized environment with 100 candles +2025-03-10 16:05:56,515 - INFO - OPENED SHORT at 2123.61 | Stop loss: 2134.271653571429 | Take profit: 2091.690444642857 +2025-03-10 16:05:57,104 - INFO - CLOSED short at 2115.21 | PnL: 0.40% | $0.58 +2025-03-10 16:05:57,359 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5938535714286 | Take profit: 2068.483844642857 +2025-03-10 16:05:57,446 - INFO - CLOSED short at 2096.19 | PnL: 0.18% | $0.17 +2025-03-10 16:05:57,471 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.543603571429 | Take profit: 2068.434594642857 +2025-03-10 16:05:57,496 - INFO - CLOSED short at 2102.83 | PnL: -0.13% | $-0.46 +2025-03-10 16:05:57,969 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.37, Avg Loss=$-0.46 +2025-03-10 16:05:57,970 - INFO - Episode 20: Reward=-6.41, Balance=$100.28, Win Rate=66.7%, Trades=3, Episode PnL=$0.28, Total PnL=$61.66, Max Drawdown=0.5%, Pred Accuracy=97.8% +2025-03-10 16:05:58,114 - INFO - Model saved to checkpoints/trading_agent_episode_20.pt +2025-03-10 16:05:58,115 - INFO - Checkpoint saved at episode 20 +2025-03-10 16:05:58,115 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:05:59,100 - INFO - Visualization saved for episode 20 +2025-03-10 16:06:00,960 - INFO - Visualization saved for episode 20 +2025-03-10 16:06:00,971 - INFO - Refreshing data for episode 21 +2025-03-10 16:06:00,971 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:01,318 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:01,327 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:02,088 - INFO - OPENED LONG at 2114.32 | Stop loss: 2103.7047964285716 | Take profit: 2146.100205357143 +2025-03-10 16:06:02,109 - INFO - CLOSED long at 2114.57 | PnL: 0.01% | $-0.17 +2025-03-10 16:06:02,259 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.860403571429 | Take profit: 2059.9241946428574 +2025-03-10 16:06:02,299 - INFO - CLOSED short at 2096.36 | PnL: -0.24% | $-0.66 +2025-03-10 16:06:02,344 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.332803571429 | Take profit: 2058.426994642857 +2025-03-10 16:06:02,375 - INFO - CLOSED short at 2096.19 | PnL: -0.30% | $-0.78 +2025-03-10 16:06:02,467 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.7847035714285 | Take profit: 2072.591294642857 +2025-03-10 16:06:02,604 - INFO - CLOSED short at 2096.96 | PnL: 0.35% | $0.47 +2025-03-10 16:06:02,643 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.086553571429 | Take profit: 2059.165744642857 +2025-03-10 16:06:02,665 - INFO - CLOSED short at 2090.99 | PnL: -0.02% | $-0.23 +2025-03-10 16:06:02,772 - INFO - OPENED SHORT at 2084.25 | Stop loss: 2094.7148535714286 | Take profit: 2052.920844642857 +2025-03-10 16:06:02,793 - INFO - CLOSED short at 2085.37 | PnL: -0.05% | $-0.30 +2025-03-10 16:06:02,793 - INFO - OPENED LONG at 2085.37 | Stop loss: 2074.8995464285713 | Take profit: 2116.715955357143 +2025-03-10 16:06:02,814 - INFO - CLOSED long at 2084.11 | PnL: -0.06% | $-0.31 +2025-03-10 16:06:02,899 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.585103571429 | Take profit: 2017.5100946428572 +2025-03-10 16:06:02,920 - INFO - CLOSED short at 2051.0 | PnL: -0.13% | $-0.44 +2025-03-10 16:06:02,940 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.47, Avg Loss=$-0.41 +2025-03-10 16:06:02,940 - INFO - Episode 21: Reward=-19.81, Balance=$97.57, Win Rate=12.5%, Trades=8, Episode PnL=$-2.43, Total PnL=$59.23, Max Drawdown=2.4%, Pred Accuracy=97.9% +2025-03-10 16:06:02,942 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:02,942 - INFO - Refreshing data for episode 22 +2025-03-10 16:06:02,942 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:03,262 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:03,271 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:03,315 - INFO - OPENED SHORT at 2123.02 | Stop loss: 2133.6787035714287 | Take profit: 2091.109294642857 +2025-03-10 16:06:03,337 - INFO - CLOSED short at 2125.08 | PnL: -0.10% | $-0.39 +2025-03-10 16:06:03,360 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.442453571429 | Take profit: 2093.818044642857 +2025-03-10 16:06:03,401 - INFO - CLOSED short at 2126.32 | PnL: -0.03% | $-0.25 +2025-03-10 16:06:03,423 - INFO - OPENED SHORT at 2126.7 | Stop loss: 2137.377103571428 | Take profit: 2094.7340946428567 +2025-03-10 16:06:03,608 - INFO - CLOSED short at 2116.52 | PnL: 0.48% | $0.74 +2025-03-10 16:06:03,629 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6587035714283 | Take profit: 2087.169294642857 +2025-03-10 16:06:03,776 - INFO - CLOSED short at 2114.78 | PnL: 0.20% | $0.20 +2025-03-10 16:06:03,776 - INFO - OPENED LONG at 2114.78 | Stop loss: 2104.1624964285716 | Take profit: 2146.567105357143 +2025-03-10 16:06:03,801 - INFO - CLOSED long at 2115.52 | PnL: 0.03% | $-0.13 +2025-03-10 16:06:03,801 - INFO - OPENED SHORT at 2115.52 | Stop loss: 2126.1412035714284 | Take profit: 2083.7217946428573 +2025-03-10 16:06:03,918 - INFO - CLOSED short at 2115.11 | PnL: 0.02% | $-0.16 +2025-03-10 16:06:03,947 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.9352035714287 | Take profit: 2082.5397946428575 +2025-03-10 16:06:04,148 - INFO - CLOSED short at 2096.36 | PnL: 0.85% | $1.47 +2025-03-10 16:06:04,167 - INFO - OPENED SHORT at 2089.04 | Stop loss: 2099.5288035714284 | Take profit: 2057.638994642857 +2025-03-10 16:06:04,241 - INFO - STOP LOSS hit for short at 2099.5288035714284 | PnL: -0.50% | $-1.20 +2025-03-10 16:06:04,264 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3877535714287 | Take profit: 2071.222144642857 +2025-03-10 16:06:04,449 - INFO - CLOSED short at 2096.96 | PnL: 0.28% | $0.35 +2025-03-10 16:06:04,478 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.1969035714283 | Take profit: 2067.114694642857 +2025-03-10 16:06:04,683 - INFO - CLOSED short at 2083.07 | PnL: 0.74% | $1.27 +2025-03-10 16:06:04,704 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.4889535714287 | Take profit: 2043.8785446428574 +2025-03-10 16:06:04,727 - INFO - CLOSED short at 2067.71 | PnL: 0.35% | $0.51 +2025-03-10 16:06:04,751 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.585103571429 | Take profit: 2017.5100946428572 +2025-03-10 16:06:04,793 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$0.76, Avg Loss=$-0.42 +2025-03-10 16:06:04,793 - INFO - Episode 22: Reward=2.55, Balance=$102.42, Win Rate=54.5%, Trades=11, Episode PnL=$2.54, Total PnL=$61.65, Max Drawdown=1.2%, Pred Accuracy=98.0% +2025-03-10 16:06:04,794 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:04,794 - INFO - Refreshing data for episode 23 +2025-03-10 16:06:04,794 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:05,116 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:05,125 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:05,173 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7473678571428 | Take profit: 2093.1408482142856 +2025-03-10 16:06:05,220 - INFO - CLOSED short at 2126.13 | PnL: -0.05% | $-0.29 +2025-03-10 16:06:05,220 - INFO - OPENED LONG at 2126.13 | Stop loss: 2115.457382142857 | Take profit: 2158.0849017857145 +2025-03-10 16:06:05,241 - INFO - CLOSED long at 2126.32 | PnL: 0.01% | $-0.18 +2025-03-10 16:06:05,268 - INFO - OPENED SHORT at 2126.7 | Stop loss: 2137.3754678571427 | Take profit: 2094.7365482142854 +2025-03-10 16:06:05,416 - INFO - CLOSED short at 2118.0 | PnL: 0.41% | $0.60 +2025-03-10 16:06:05,438 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.450967857143 | Take profit: 2089.910048214286 +2025-03-10 16:06:05,501 - INFO - CLOSED short at 2119.02 | PnL: 0.13% | $0.06 +2025-03-10 16:06:05,531 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.606767857143 | Take profit: 2089.0826482142857 +2025-03-10 16:06:05,825 - INFO - CLOSED short at 2114.57 | PnL: 0.30% | $0.40 +2025-03-10 16:06:05,846 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.174817857143 | Take profit: 2080.818498214286 +2025-03-10 16:06:05,937 - INFO - CLOSED short at 2098.24 | PnL: 0.68% | $1.14 +2025-03-10 16:06:05,981 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.858767857143 | Take profit: 2059.9266482142857 +2025-03-10 16:06:06,123 - INFO - STOP LOSS hit for short at 2101.858767857143 | PnL: -0.50% | $-1.20 +2025-03-10 16:06:06,150 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9690178571427 | Take profit: 2071.7958982142854 +2025-03-10 16:06:06,559 - INFO - TAKE PROFIT hit for short at 2071.7958982142854 | PnL: 1.50% | $2.77 +2025-03-10 16:06:06,578 - INFO - OPENED LONG at 2048.3 | Stop loss: 2038.0165321428572 | Take profit: 2079.0874517857146 +2025-03-10 16:06:06,626 - INFO - CLOSED long at 2043.51 | PnL: -0.23% | $-0.68 +2025-03-10 16:06:06,627 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.769517857143 | Take profit: 2012.7943982142856 +2025-03-10 16:06:06,651 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 33.3% in downtrends | Avg Win=$0.99, Avg Loss=$-0.59 +2025-03-10 16:06:06,651 - INFO - Episode 23: Reward=-1.22, Balance=$102.62, Win Rate=55.6%, Trades=9, Episode PnL=$3.29, Total PnL=$64.27, Max Drawdown=1.2%, Pred Accuracy=97.8% +2025-03-10 16:06:06,652 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:06,652 - INFO - Refreshing data for episode 24 +2025-03-10 16:06:06,652 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:06,984 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:06,995 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:07,135 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9946392857146 | Take profit: 2094.3606410714287 +2025-03-10 16:06:07,244 - INFO - CLOSED short at 2120.48 | PnL: 0.27% | $0.34 +2025-03-10 16:06:07,286 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.633039285714 | Take profit: 2086.1654410714286 +2025-03-10 16:06:07,407 - INFO - CLOSED short at 2124.9 | PnL: -0.33% | $-0.84 +2025-03-10 16:06:07,408 - INFO - OPENED LONG at 2124.9 | Stop loss: 2114.232460714286 | Take profit: 2156.838058928571 +2025-03-10 16:06:07,431 - INFO - CLOSED long at 2128.33 | PnL: 0.16% | $0.12 +2025-03-10 16:06:07,431 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.014689285714 | Take profit: 2096.3404910714285 +2025-03-10 16:06:07,508 - INFO - CLOSED short at 2114.78 | PnL: 0.64% | $1.05 +2025-03-10 16:06:07,528 - INFO - OPENED LONG at 2115.52 | Stop loss: 2104.8993607142856 | Take profit: 2147.317358928571 +2025-03-10 16:06:07,550 - INFO - CLOSED long at 2114.75 | PnL: -0.04% | $-0.27 +2025-03-10 16:06:07,550 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.3667892857143 | Take profit: 2082.9641910714286 +2025-03-10 16:06:07,941 - INFO - CLOSED short at 2100.0 | PnL: 0.70% | $1.18 +2025-03-10 16:06:07,992 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9700892857145 | Take profit: 2071.7942910714287 +2025-03-10 16:06:08,054 - INFO - CLOSED short at 2105.26 | PnL: -0.09% | $-0.37 +2025-03-10 16:06:08,054 - INFO - OPENED LONG at 2105.26 | Stop loss: 2094.690660714286 | Take profit: 2136.9034589285716 +2025-03-10 16:06:08,073 - INFO - CLOSED long at 2099.63 | PnL: -0.27% | $-0.73 +2025-03-10 16:06:08,073 - INFO - OPENED SHORT at 2099.63 | Stop loss: 2110.1711892857147 | Take profit: 2068.0709910714286 +2025-03-10 16:06:08,272 - INFO - CLOSED short at 2081.0 | PnL: 0.89% | $1.55 +2025-03-10 16:06:08,302 - INFO - OPENED SHORT at 2084.25 | Stop loss: 2094.714289285714 | Take profit: 2052.9216910714285 +2025-03-10 16:06:08,433 - INFO - TAKE PROFIT hit for short at 2052.9216910714285 | PnL: 1.50% | $2.81 +2025-03-10 16:06:08,491 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 33.3% in downtrends | Avg Win=$1.17, Avg Loss=$-0.55 +2025-03-10 16:06:08,491 - INFO - Episode 24: Reward=-2.28, Balance=$104.83, Win Rate=60.0%, Trades=10, Episode PnL=$5.71, Total PnL=$69.10, Max Drawdown=0.0%, Pred Accuracy=97.8% +2025-03-10 16:06:08,492 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:08,492 - INFO - Refreshing data for episode 25 +2025-03-10 16:06:08,492 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:08,800 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:08,809 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:09,489 - INFO - OPENED SHORT at 2123.02 | Stop loss: 2133.6781392857147 | Take profit: 2091.1101410714286 +2025-03-10 16:06:09,519 - INFO - CLOSED short at 2125.08 | PnL: -0.10% | $-0.39 +2025-03-10 16:06:09,544 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.4418892857143 | Take profit: 2093.8188910714284 +2025-03-10 16:06:09,568 - INFO - CLOSED short at 2126.13 | PnL: -0.02% | $-0.23 +2025-03-10 16:06:09,612 - INFO - OPENED SHORT at 2126.7 | Stop loss: 2137.376539285714 | Take profit: 2094.7349410714282 +2025-03-10 16:06:09,977 - INFO - CLOSED short at 2114.78 | PnL: 0.56% | $0.90 +2025-03-10 16:06:10,021 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.3667892857143 | Take profit: 2082.9641910714286 +2025-03-10 16:06:10,112 - INFO - CLOSED short at 2115.11 | PnL: -0.02% | $-0.23 +2025-03-10 16:06:10,139 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.9346392857146 | Take profit: 2082.5406410714286 +2025-03-10 16:06:10,185 - INFO - CLOSED short at 2112.57 | PnL: 0.08% | $-0.03 +2025-03-10 16:06:10,251 - INFO - OPENED SHORT at 2115.07 | Stop loss: 2125.688389285714 | Take profit: 2083.2793910714286 +2025-03-10 16:06:10,534 - INFO - CLOSED short at 2105.26 | PnL: 0.46% | $0.71 +2025-03-10 16:06:10,554 - INFO - OPENED SHORT at 2099.63 | Stop loss: 2110.1711892857147 | Take profit: 2068.0709910714286 +2025-03-10 16:06:10,655 - INFO - CLOSED short at 2090.59 | PnL: 0.43% | $0.65 +2025-03-10 16:06:10,655 - INFO - OPENED LONG at 2090.59 | Stop loss: 2080.0940107142856 | Take profit: 2122.0134089285716 +2025-03-10 16:06:10,680 - INFO - CLOSED long at 2090.99 | PnL: 0.02% | $-0.16 +2025-03-10 16:06:10,681 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.4879892857143 | Take profit: 2059.5605910714285 +2025-03-10 16:06:10,933 - INFO - TAKE PROFIT hit for short at 2059.5605910714285 | PnL: 1.50% | $2.78 +2025-03-10 16:06:10,993 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.26, Avg Loss=$-0.21 +2025-03-10 16:06:10,994 - INFO - Episode 25: Reward=-3.85, Balance=$104.01, Win Rate=44.4%, Trades=9, Episode PnL=$4.17, Total PnL=$73.11, Max Drawdown=0.6%, Pred Accuracy=97.8% +2025-03-10 16:06:10,994 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:10,995 - INFO - Refreshing data for episode 26 +2025-03-10 16:06:10,995 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:11,302 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:11,312 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:11,338 - INFO - OPENED SHORT at 2123.02 | Stop loss: 2133.6781392857147 | Take profit: 2091.1101410714286 +2025-03-10 16:06:11,429 - INFO - CLOSED short at 2126.32 | PnL: -0.16% | $-0.50 +2025-03-10 16:06:11,451 - INFO - OPENED SHORT at 2126.7 | Stop loss: 2137.376539285714 | Take profit: 2094.7349410714282 +2025-03-10 16:06:11,477 - INFO - CLOSED short at 2122.01 | PnL: 0.22% | $0.24 +2025-03-10 16:06:11,521 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.894239285714 | Take profit: 2090.3418410714285 +2025-03-10 16:06:12,004 - INFO - CLOSED short at 2113.28 | PnL: 0.42% | $0.63 +2025-03-10 16:06:12,026 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.1155392857145 | Take profit: 2082.7179410714284 +2025-03-10 16:06:12,332 - INFO - CLOSED short at 2104.67 | PnL: 0.46% | $0.72 +2025-03-10 16:06:12,333 - INFO - OPENED LONG at 2104.67 | Stop loss: 2094.103610714286 | Take profit: 2136.3046089285713 +2025-03-10 16:06:12,353 - INFO - CLOSED long at 2105.26 | PnL: 0.03% | $-0.14 +2025-03-10 16:06:12,419 - INFO - OPENED SHORT at 2094.16 | Stop loss: 2104.673839285714 | Take profit: 2062.6830410714283 +2025-03-10 16:06:12,442 - INFO - CLOSED short at 2096.96 | PnL: -0.13% | $-0.46 +2025-03-10 16:06:12,491 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.0859892857143 | Take profit: 2059.1665910714287 +2025-03-10 16:06:12,573 - INFO - CLOSED short at 2084.75 | PnL: 0.28% | $0.35 +2025-03-10 16:06:12,595 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.4480392857145 | Take profit: 2049.7204410714285 +2025-03-10 16:06:12,617 - INFO - CLOSED short at 2084.25 | PnL: -0.16% | $-0.51 +2025-03-10 16:06:12,735 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5845392857145 | Take profit: 2017.5109410714288 +2025-03-10 16:06:12,783 - INFO - CLOSED short at 2043.51 | PnL: 0.23% | $0.26 +2025-03-10 16:06:12,804 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$0.44, Avg Loss=$-0.40 +2025-03-10 16:06:12,804 - INFO - Episode 26: Reward=-2.56, Balance=$100.59, Win Rate=55.6%, Trades=9, Episode PnL=$0.59, Total PnL=$73.69, Max Drawdown=0.6%, Pred Accuracy=97.8% +2025-03-10 16:06:12,805 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:12,805 - INFO - Refreshing data for episode 27 +2025-03-10 16:06:12,805 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:13,105 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:13,115 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:13,222 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9947071428574 | Take profit: 2094.3605392857144 +2025-03-10 16:06:13,243 - INFO - CLOSED short at 2126.7 | PnL: -0.02% | $-0.23 +2025-03-10 16:06:13,474 - INFO - OPENED LONG at 2120.96 | Stop loss: 2110.312092857143 | Take profit: 2152.8390607142856 +2025-03-10 16:06:13,518 - INFO - CLOSED long at 2128.33 | PnL: 0.35% | $0.48 +2025-03-10 16:06:13,701 - INFO - OPENED LONG at 2114.1 | Stop loss: 2103.4863928571426 | Take profit: 2145.8761607142856 +2025-03-10 16:06:13,742 - INFO - CLOSED long at 2114.32 | PnL: 0.01% | $-0.18 +2025-03-10 16:06:13,743 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.9347071428574 | Take profit: 2082.540539285714 +2025-03-10 16:06:13,764 - INFO - CLOSED short at 2114.57 | PnL: -0.01% | $-0.22 +2025-03-10 16:06:13,787 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.175957142857 | Take profit: 2080.8167892857145 +2025-03-10 16:06:14,068 - INFO - CLOSED short at 2102.83 | PnL: 0.46% | $0.71 +2025-03-10 16:06:14,193 - INFO - OPENED SHORT at 2099.63 | Stop loss: 2110.171257142857 | Take profit: 2068.070889285714 +2025-03-10 16:06:14,271 - INFO - CLOSED short at 2096.96 | PnL: 0.13% | $0.05 +2025-03-10 16:06:14,343 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.488057142857 | Take profit: 2059.560489285714 +2025-03-10 16:06:14,388 - INFO - CLOSED short at 2080.58 | PnL: 0.50% | $0.78 +2025-03-10 16:06:14,412 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2168571428574 | Take profit: 2053.4140892857145 +2025-03-10 16:06:14,586 - INFO - TAKE PROFIT hit for short at 2053.4140892857145 | PnL: 1.50% | $2.79 +2025-03-10 16:06:14,609 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.298107142857 | Take profit: 2020.1703392857144 +2025-03-10 16:06:14,657 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$0.96, Avg Loss=$-0.21 +2025-03-10 16:06:14,657 - INFO - Episode 27: Reward=-6.38, Balance=$104.19, Win Rate=62.5%, Trades=8, Episode PnL=$4.37, Total PnL=$77.88, Max Drawdown=0.4%, Pred Accuracy=97.8% +2025-03-10 16:06:14,658 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:14,658 - INFO - Refreshing data for episode 28 +2025-03-10 16:06:14,658 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:14,961 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:14,970 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:15,044 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.4420285714286 | Take profit: 2093.818682142857 +2025-03-10 16:06:15,108 - INFO - CLOSED short at 2126.7 | PnL: -0.04% | $-0.28 +2025-03-10 16:06:15,133 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.6632285714286 | Take profit: 2090.1150821428573 +2025-03-10 16:06:15,324 - INFO - CLOSED short at 2119.02 | PnL: 0.14% | $0.08 +2025-03-10 16:06:15,351 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6079785714282 | Take profit: 2089.080832142857 +2025-03-10 16:06:15,374 - INFO - CLOSED short at 2124.9 | PnL: -0.19% | $-0.56 +2025-03-10 16:06:15,374 - INFO - OPENED LONG at 2124.9 | Stop loss: 2114.2323214285716 | Take profit: 2156.838267857143 +2025-03-10 16:06:15,399 - INFO - CLOSED long at 2128.33 | PnL: 0.16% | $0.12 +2025-03-10 16:06:15,399 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0148285714286 | Take profit: 2096.340282142857 +2025-03-10 16:06:15,841 - INFO - TAKE PROFIT hit for short at 2096.340282142857 | PnL: 1.50% | $2.73 +2025-03-10 16:06:15,867 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.593428571429 | Take profit: 2068.4844821428574 +2025-03-10 16:06:16,453 - INFO - TAKE PROFIT hit for short at 2068.4844821428574 | PnL: 1.50% | $2.81 +2025-03-10 16:06:16,480 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.584678571429 | Take profit: 2017.5107321428573 +2025-03-10 16:06:16,520 - INFO - CLOSED short at 2043.51 | PnL: 0.23% | $0.28 +2025-03-10 16:06:16,541 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.20, Avg Loss=$-0.42 +2025-03-10 16:06:16,542 - INFO - Episode 28: Reward=-0.70, Balance=$105.17, Win Rate=71.4%, Trades=7, Episode PnL=$5.05, Total PnL=$83.06, Max Drawdown=0.3%, Pred Accuracy=97.8% +2025-03-10 16:06:16,542 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:16,542 - INFO - Refreshing data for episode 29 +2025-03-10 16:06:16,543 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:16,847 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:16,856 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:16,882 - INFO - OPENED SHORT at 2123.02 | Stop loss: 2133.6782785714286 | Take profit: 2091.1099321428574 +2025-03-10 16:06:17,007 - INFO - CLOSED short at 2126.7 | PnL: -0.17% | $-0.54 +2025-03-10 16:06:17,030 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.6632285714286 | Take profit: 2090.1150821428573 +2025-03-10 16:06:17,770 - INFO - TAKE PROFIT hit for short at 2090.1150821428573 | PnL: 1.50% | $2.74 +2025-03-10 16:06:17,811 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.7141285714283 | Take profit: 2064.6823821428575 +2025-03-10 16:06:17,853 - INFO - CLOSED short at 2102.83 | PnL: -0.32% | $-0.83 +2025-03-10 16:06:17,903 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.7842785714283 | Take profit: 2072.591932142857 +2025-03-10 16:06:17,960 - INFO - CLOSED short at 2099.63 | PnL: 0.22% | $0.23 +2025-03-10 16:06:17,960 - INFO - OPENED LONG at 2099.63 | Stop loss: 2089.0886714285716 | Take profit: 2131.189217857143 +2025-03-10 16:06:17,981 - INFO - CLOSED long at 2099.22 | PnL: -0.02% | $-0.24 +2025-03-10 16:06:17,981 - INFO - OPENED SHORT at 2099.22 | Stop loss: 2109.7592785714282 | Take profit: 2067.666932142857 +2025-03-10 16:06:18,220 - INFO - CLOSED short at 2084.11 | PnL: 0.72% | $1.23 +2025-03-10 16:06:18,220 - INFO - OPENED LONG at 2084.11 | Stop loss: 2073.6462714285717 | Take profit: 2115.436417857143 +2025-03-10 16:06:18,244 - INFO - CLOSED long at 2083.07 | PnL: -0.05% | $-0.30 +2025-03-10 16:06:18,244 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.5285285714285 | Take profit: 2051.7591821428573 +2025-03-10 16:06:18,319 - INFO - TAKE PROFIT hit for short at 2051.7591821428573 | PnL: 1.50% | $2.81 +2025-03-10 16:06:18,344 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.2981785714283 | Take profit: 2020.1702321428572 +2025-03-10 16:06:18,388 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.75, Avg Loss=$-0.48 +2025-03-10 16:06:18,389 - INFO - Episode 29: Reward=-4.09, Balance=$105.10, Win Rate=50.0%, Trades=8, Episode PnL=$5.64, Total PnL=$88.16, Max Drawdown=0.8%, Pred Accuracy=97.8% +2025-03-10 16:06:18,390 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:18,390 - INFO - Refreshing data for episode 30 +2025-03-10 16:06:18,390 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:18,709 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:18,718 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:19,370 - INFO - OPENED LONG at 2123.02 | Stop loss: 2112.3617214285714 | Take profit: 2154.9300678571426 +2025-03-10 16:06:19,407 - INFO - CLOSED long at 2125.08 | PnL: 0.10% | $-0.01 +2025-03-10 16:06:19,407 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.748578571429 | Take profit: 2093.139032142857 +2025-03-10 16:06:20,013 - INFO - CLOSED short at 2114.32 | PnL: 0.51% | $0.80 +2025-03-10 16:06:20,034 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.186028571429 | Take profit: 2082.7866821428574 +2025-03-10 16:06:20,521 - INFO - CLOSED short at 2098.66 | PnL: 0.75% | $1.29 +2025-03-10 16:06:20,546 - INFO - OPENED LONG at 2090.59 | Stop loss: 2080.0938714285717 | Take profit: 2122.013617857143 +2025-03-10 16:06:20,570 - INFO - CLOSED long at 2090.99 | PnL: 0.02% | $-0.16 +2025-03-10 16:06:20,570 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.4881285714287 | Take profit: 2059.5603821428567 +2025-03-10 16:06:20,596 - INFO - CLOSED short at 2084.95 | PnL: 0.29% | $0.38 +2025-03-10 16:06:20,596 - INFO - OPENED LONG at 2084.95 | Stop loss: 2074.4820714285715 | Take profit: 2116.289017857143 +2025-03-10 16:06:20,620 - INFO - CLOSED long at 2080.58 | PnL: -0.21% | $-0.62 +2025-03-10 16:06:20,620 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0260785714286 | Take profit: 2049.306532142857 +2025-03-10 16:06:20,735 - INFO - CLOSED short at 2084.11 | PnL: -0.17% | $-0.54 +2025-03-10 16:06:20,735 - INFO - OPENED LONG at 2084.11 | Stop loss: 2073.6462714285717 | Take profit: 2115.436417857143 +2025-03-10 16:06:20,782 - INFO - CLOSED long at 2075.07 | PnL: -0.43% | $-1.06 +2025-03-10 16:06:20,782 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.488528571429 | Take profit: 2043.8791821428572 +2025-03-10 16:06:20,870 - INFO - TAKE PROFIT hit for short at 2043.8791821428572 | PnL: 1.50% | $2.75 +2025-03-10 16:06:20,889 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.30, Avg Loss=$-0.48 +2025-03-10 16:06:20,890 - INFO - Episode 30: Reward=-5.20, Balance=$102.83, Win Rate=44.4%, Trades=9, Episode PnL=$4.68, Total PnL=$90.99, Max Drawdown=0.0%, Pred Accuracy=97.9% +2025-03-10 16:06:21,031 - INFO - Model saved to checkpoints/trading_agent_episode_30.pt +2025-03-10 16:06:21,032 - INFO - Checkpoint saved at episode 30 +2025-03-10 16:06:21,032 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:21,876 - INFO - Visualization saved for episode 30 +2025-03-10 16:06:23,696 - INFO - Visualization saved for episode 30 +2025-03-10 16:06:23,710 - INFO - Refreshing data for episode 31 +2025-03-10 16:06:23,710 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:24,005 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:24,015 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:24,135 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7500035714284 | Take profit: 2093.136894642857 +2025-03-10 16:06:24,167 - INFO - CLOSED short at 2125.77 | PnL: -0.03% | $-0.26 +2025-03-10 16:06:24,195 - INFO - OPENED LONG at 2126.13 | Stop loss: 2115.4547464285715 | Take profit: 2158.088855357143 +2025-03-10 16:06:24,223 - INFO - CLOSED long at 2126.32 | PnL: 0.01% | $-0.18 +2025-03-10 16:06:24,224 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.996203571429 | Take profit: 2094.3582946428573 +2025-03-10 16:06:24,260 - INFO - CLOSED short at 2126.7 | PnL: -0.02% | $-0.23 +2025-03-10 16:06:24,293 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.664653571429 | Take profit: 2090.112944642857 +2025-03-10 16:06:24,369 - INFO - CLOSED short at 2120.48 | PnL: 0.07% | $-0.05 +2025-03-10 16:06:24,370 - INFO - OPENED LONG at 2120.48 | Stop loss: 2109.8329964285713 | Take profit: 2152.354105357143 +2025-03-10 16:06:24,393 - INFO - CLOSED long at 2120.54 | PnL: 0.00% | $-0.19 +2025-03-10 16:06:24,393 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.1873035714284 | Take profit: 2088.664994642857 +2025-03-10 16:06:24,659 - INFO - CLOSED short at 2116.81 | PnL: 0.18% | $0.15 +2025-03-10 16:06:24,660 - INFO - OPENED LONG at 2116.81 | Stop loss: 2106.1813464285715 | Take profit: 2148.6290553571425 +2025-03-10 16:06:24,692 - INFO - CLOSED long at 2114.78 | PnL: -0.10% | $-0.38 +2025-03-10 16:06:24,692 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.398503571429 | Take profit: 2082.9913946428574 +2025-03-10 16:06:24,800 - INFO - CLOSED short at 2114.1 | PnL: 0.03% | $-0.13 +2025-03-10 16:06:24,844 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.936203571429 | Take profit: 2082.538294642857 +2025-03-10 16:06:24,951 - INFO - CLOSED short at 2115.07 | PnL: -0.04% | $-0.26 +2025-03-10 16:06:24,952 - INFO - OPENED LONG at 2115.07 | Stop loss: 2104.4500464285716 | Take profit: 2146.8629553571427 +2025-03-10 16:06:24,973 - INFO - STOP LOSS hit for long at 2104.4500464285716 | PnL: -0.50% | $-1.16 +2025-03-10 16:06:24,996 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.816003571429 | Take profit: 2066.7388946428573 +2025-03-10 16:06:25,123 - INFO - CLOSED short at 2089.84 | PnL: 0.40% | $0.58 +2025-03-10 16:06:25,124 - INFO - OPENED LONG at 2089.84 | Stop loss: 2079.3461964285716 | Take profit: 2121.254505357143 +2025-03-10 16:06:25,152 - INFO - CLOSED long at 2096.19 | PnL: 0.30% | $0.39 +2025-03-10 16:06:25,153 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.7155535714287 | Take profit: 2064.6802446428574 +2025-03-10 16:06:25,317 - INFO - CLOSED short at 2105.26 | PnL: -0.43% | $-1.03 +2025-03-10 16:06:25,317 - INFO - OPENED LONG at 2105.26 | Stop loss: 2094.6890964285717 | Take profit: 2136.905805357143 +2025-03-10 16:06:25,339 - INFO - CLOSED long at 2099.63 | PnL: -0.27% | $-0.70 +2025-03-10 16:06:25,339 - INFO - OPENED SHORT at 2099.63 | Stop loss: 2110.1727535714285 | Take profit: 2068.068644642857 +2025-03-10 16:06:25,696 - INFO - TAKE PROFIT hit for short at 2068.068644642857 | PnL: 1.50% | $2.65 +2025-03-10 16:06:25,722 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.586103571429 | Take profit: 2017.5085946428574 +2025-03-10 16:06:25,796 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 42.9% in downtrends | Avg Win=$0.94, Avg Loss=$-0.42 +2025-03-10 16:06:25,796 - INFO - Episode 31: Reward=-13.81, Balance=$99.20, Win Rate=26.7%, Trades=15, Episode PnL=$0.25, Total PnL=$90.19, Max Drawdown=2.7%, Pred Accuracy=97.8% +2025-03-10 16:06:25,797 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:25,797 - INFO - Refreshing data for episode 32 +2025-03-10 16:06:25,798 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:26,104 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:26,115 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:26,135 - INFO - OPENED SHORT at 2123.02 | Stop loss: 2133.6797035714285 | Take profit: 2091.1077946428572 +2025-03-10 16:06:26,994 - INFO - CLOSED short at 2091.36 | PnL: 1.49% | $2.73 +2025-03-10 16:06:27,022 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5948535714288 | Take profit: 2068.4823446428572 +2025-03-10 16:06:27,680 - INFO - TAKE PROFIT hit for short at 2068.4823446428572 | PnL: 1.50% | $2.82 +2025-03-10 16:06:27,754 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.7721535714286 | Take profit: 2012.7904446428572 +2025-03-10 16:06:27,779 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.77, Avg Loss=$0.00 +2025-03-10 16:06:27,780 - INFO - Episode 32: Reward=2.19, Balance=$105.55, Win Rate=100.0%, Trades=2, Episode PnL=$5.55, Total PnL=$95.74, Max Drawdown=0.0%, Pred Accuracy=97.9% +2025-03-10 16:06:27,780 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:27,781 - INFO - Refreshing data for episode 33 +2025-03-10 16:06:27,781 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:28,114 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:28,125 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:28,150 - INFO - OPENED SHORT at 2123.02 | Stop loss: 2133.6797035714285 | Take profit: 2091.1077946428572 +2025-03-10 16:06:28,301 - INFO - CLOSED short at 2122.01 | PnL: 0.05% | $-0.10 +2025-03-10 16:06:28,378 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1270035714288 | Take profit: 2088.605894642857 +2025-03-10 16:06:28,400 - INFO - CLOSED short at 2120.54 | PnL: -0.00% | $-0.20 +2025-03-10 16:06:28,425 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.6346035714287 | Take profit: 2086.1630946428572 +2025-03-10 16:06:29,446 - INFO - CLOSED short at 2098.66 | PnL: 0.91% | $1.59 +2025-03-10 16:06:29,520 - INFO - OPENED SHORT at 2084.95 | Stop loss: 2095.4193535714285 | Take profit: 2053.608844642857 +2025-03-10 16:06:29,689 - INFO - CLOSED short at 2083.07 | PnL: 0.09% | $-0.02 +2025-03-10 16:06:29,712 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.489953571429 | Take profit: 2043.8770446428573 +2025-03-10 16:06:29,810 - INFO - TAKE PROFIT hit for short at 2043.8770446428573 | PnL: 1.50% | $2.78 +2025-03-10 16:06:29,840 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.19, Avg Loss=$-0.11 +2025-03-10 16:06:29,841 - INFO - Episode 33: Reward=-2.80, Balance=$104.05, Win Rate=40.0%, Trades=5, Episode PnL=$4.05, Total PnL=$99.78, Max Drawdown=0.3%, Pred Accuracy=97.9% +2025-03-10 16:06:29,841 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:29,841 - INFO - Refreshing data for episode 34 +2025-03-10 16:06:29,842 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:30,154 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:30,163 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:30,260 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.8052535714287 | Take profit: 2094.171144642857 +2025-03-10 16:06:30,336 - INFO - CLOSED short at 2122.01 | PnL: 0.19% | $0.18 +2025-03-10 16:06:30,431 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.1873035714284 | Take profit: 2088.664994642857 +2025-03-10 16:06:30,526 - INFO - CLOSED short at 2116.52 | PnL: 0.19% | $0.18 +2025-03-10 16:06:30,638 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0162535714285 | Take profit: 2096.338144642857 +2025-03-10 16:06:31,076 - INFO - CLOSED short at 2098.28 | PnL: 1.41% | $2.58 +2025-03-10 16:06:31,171 - INFO - OPENED SHORT at 2089.04 | Stop loss: 2099.529803571428 | Take profit: 2057.637494642857 +2025-03-10 16:06:31,245 - INFO - STOP LOSS hit for short at 2099.529803571428 | PnL: -0.50% | $-1.21 +2025-03-10 16:06:31,374 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.8309035714287 | Take profit: 2073.6141946428575 +2025-03-10 16:06:31,496 - INFO - CLOSED short at 2098.66 | PnL: 0.31% | $0.43 +2025-03-10 16:06:31,496 - INFO - OPENED LONG at 2098.66 | Stop loss: 2088.1220964285712 | Take profit: 2130.2068053571425 +2025-03-10 16:06:31,575 - INFO - STOP LOSS hit for long at 2088.1220964285712 | PnL: -0.50% | $-1.20 +2025-03-10 16:06:31,816 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.586103571429 | Take profit: 2017.5085946428574 +2025-03-10 16:06:31,895 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 33.3% in downtrends | Avg Win=$0.84, Avg Loss=$-1.21 +2025-03-10 16:06:31,896 - INFO - Episode 34: Reward=-1.35, Balance=$100.95, Win Rate=66.7%, Trades=6, Episode PnL=$0.95, Total PnL=$100.73, Max Drawdown=1.9%, Pred Accuracy=97.9% +2025-03-10 16:06:31,897 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:31,897 - INFO - Refreshing data for episode 35 +2025-03-10 16:06:31,898 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:32,189 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:32,200 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:32,997 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7500035714284 | Take profit: 2093.136894642857 +2025-03-10 16:06:33,183 - INFO - CLOSED short at 2122.24 | PnL: 0.13% | $0.07 +2025-03-10 16:06:33,211 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1270035714288 | Take profit: 2088.605894642857 +2025-03-10 16:06:34,397 - INFO - TAKE PROFIT hit for short at 2088.605894642857 | PnL: 1.50% | $2.75 +2025-03-10 16:06:34,471 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.4496035714287 | Take profit: 2049.718094642857 +2025-03-10 16:06:34,637 - INFO - TAKE PROFIT hit for short at 2049.718094642857 | PnL: 1.50% | $2.82 +2025-03-10 16:06:34,686 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.7721535714286 | Take profit: 2012.7904446428572 +2025-03-10 16:06:34,708 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.88, Avg Loss=$0.00 +2025-03-10 16:06:34,709 - INFO - Episode 35: Reward=0.05, Balance=$105.64, Win Rate=100.0%, Trades=3, Episode PnL=$5.64, Total PnL=$106.37, Max Drawdown=0.0%, Pred Accuracy=97.9% +2025-03-10 16:06:34,709 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:34,710 - INFO - Refreshing data for episode 36 +2025-03-10 16:06:34,710 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:35,021 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:35,034 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:35,061 - INFO - OPENED SHORT at 2123.02 | Stop loss: 2133.679810714286 | Take profit: 2091.1076339285714 +2025-03-10 16:06:35,089 - INFO - CLOSED short at 2125.08 | PnL: -0.10% | $-0.39 +2025-03-10 16:06:35,119 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.4435607142855 | Take profit: 2093.816383928571 +2025-03-10 16:06:35,377 - INFO - CLOSED short at 2121.8 | PnL: 0.19% | $0.17 +2025-03-10 16:06:35,626 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.398610714286 | Take profit: 2082.9912339285715 +2025-03-10 16:06:36,454 - INFO - CLOSED short at 2090.99 | PnL: 1.12% | $2.00 +2025-03-10 16:06:36,454 - INFO - OPENED LONG at 2090.99 | Stop loss: 2080.490339285714 | Take profit: 2122.4219160714283 +2025-03-10 16:06:36,510 - INFO - CLOSED long at 2080.58 | PnL: -0.50% | $-1.19 +2025-03-10 16:06:36,511 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0276107142854 | Take profit: 2049.304233928571 +2025-03-10 16:06:36,635 - INFO - CLOSED short at 2084.11 | PnL: -0.17% | $-0.53 +2025-03-10 16:06:36,684 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.490060714286 | Take profit: 2043.8768839285715 +2025-03-10 16:06:36,778 - INFO - TAKE PROFIT hit for short at 2043.8768839285715 | PnL: 1.50% | $2.75 +2025-03-10 16:06:36,803 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.64, Avg Loss=$-0.70 +2025-03-10 16:06:36,804 - INFO - Episode 36: Reward=-5.06, Balance=$102.81, Win Rate=50.0%, Trades=6, Episode PnL=$4.00, Total PnL=$109.18, Max Drawdown=0.4%, Pred Accuracy=98.0% +2025-03-10 16:06:36,804 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:36,804 - INFO - Refreshing data for episode 37 +2025-03-10 16:06:36,805 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:37,123 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:37,135 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:37,161 - INFO - OPENED SHORT at 2123.02 | Stop loss: 2133.679810714286 | Take profit: 2091.1076339285714 +2025-03-10 16:06:37,364 - INFO - CLOSED short at 2122.24 | PnL: 0.04% | $-0.12 +2025-03-10 16:06:37,392 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.127110714286 | Take profit: 2088.6057339285717 +2025-03-10 16:06:37,695 - INFO - CLOSED short at 2116.81 | PnL: 0.17% | $0.14 +2025-03-10 16:06:37,780 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.368460714286 | Take profit: 2082.9616839285713 +2025-03-10 16:06:37,851 - INFO - CLOSED short at 2114.1 | PnL: 0.03% | $-0.14 +2025-03-10 16:06:37,936 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.1875607142856 | Take profit: 2082.7843839285715 +2025-03-10 16:06:38,573 - INFO - TAKE PROFIT hit for short at 2082.7843839285715 | PnL: 1.50% | $2.75 +2025-03-10 16:06:38,668 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8415607142856 | Take profit: 2054.0223839285713 +2025-03-10 16:06:38,719 - INFO - CLOSED short at 2083.07 | PnL: 0.11% | $0.02 +2025-03-10 16:06:38,719 - INFO - OPENED LONG at 2083.07 | Stop loss: 2072.6099392857145 | Take profit: 2114.383116071429 +2025-03-10 16:06:38,745 - INFO - CLOSED long at 2075.07 | PnL: -0.38% | $-0.97 +2025-03-10 16:06:38,745 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.490060714286 | Take profit: 2043.8768839285715 +2025-03-10 16:06:38,849 - INFO - TAKE PROFIT hit for short at 2043.8768839285715 | PnL: 1.50% | $2.79 +2025-03-10 16:06:38,874 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.43, Avg Loss=$-0.41 +2025-03-10 16:06:38,875 - INFO - Episode 37: Reward=-4.53, Balance=$104.47, Win Rate=57.1%, Trades=7, Episode PnL=$5.44, Total PnL=$113.65, Max Drawdown=0.1%, Pred Accuracy=98.1% +2025-03-10 16:06:38,875 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:38,876 - INFO - Refreshing data for episode 38 +2025-03-10 16:06:38,876 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:39,201 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:39,212 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:39,262 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7508464285715 | Take profit: 2093.135630357143 +2025-03-10 16:06:39,601 - INFO - CLOSED short at 2119.02 | PnL: 0.29% | $0.36 +2025-03-10 16:06:39,649 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.5699464285717 | Take profit: 2092.958330357143 +2025-03-10 16:06:40,098 - INFO - TAKE PROFIT hit for short at 2092.958330357143 | PnL: 1.50% | $2.76 +2025-03-10 16:06:40,143 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.8872464285714 | Take profit: 2064.8464303571427 +2025-03-10 16:06:40,729 - INFO - TAKE PROFIT hit for short at 2064.8464303571427 | PnL: 1.50% | $2.83 +2025-03-10 16:06:40,785 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.7729964285713 | Take profit: 2012.7891803571429 +2025-03-10 16:06:40,814 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.98, Avg Loss=$0.00 +2025-03-10 16:06:40,815 - INFO - Episode 38: Reward=0.17, Balance=$105.95, Win Rate=100.0%, Trades=3, Episode PnL=$5.95, Total PnL=$119.61, Max Drawdown=0.0%, Pred Accuracy=98.0% +2025-03-10 16:06:40,815 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:40,815 - INFO - Refreshing data for episode 39 +2025-03-10 16:06:40,816 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:41,118 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:41,130 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:41,155 - INFO - OPENED SHORT at 2123.02 | Stop loss: 2133.6805464285717 | Take profit: 2091.1065303571427 +2025-03-10 16:06:41,608 - INFO - CLOSED short at 2124.77 | PnL: -0.08% | $-0.36 +2025-03-10 16:06:41,636 - INFO - OPENED SHORT at 2120.26 | Stop loss: 2130.9067464285713 | Take profit: 2088.387930357143 +2025-03-10 16:06:42,462 - INFO - TAKE PROFIT hit for short at 2088.387930357143 | PnL: 1.50% | $2.74 +2025-03-10 16:06:42,514 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.219196428571 | Take profit: 2053.410580357143 +2025-03-10 16:06:42,697 - INFO - TAKE PROFIT hit for short at 2053.410580357143 | PnL: 1.50% | $2.81 +2025-03-10 16:06:42,721 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3004464285714 | Take profit: 2020.166830357143 +2025-03-10 16:06:42,768 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.77, Avg Loss=$-0.36 +2025-03-10 16:06:42,769 - INFO - Episode 39: Reward=-1.49, Balance=$105.19, Win Rate=66.7%, Trades=3, Episode PnL=$5.19, Total PnL=$124.80, Max Drawdown=0.4%, Pred Accuracy=98.0% +2025-03-10 16:06:42,769 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:42,770 - INFO - Refreshing data for episode 40 +2025-03-10 16:06:42,770 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:43,076 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:43,087 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:43,895 - INFO - OPENED SHORT at 2123.02 | Stop loss: 2133.6805464285717 | Take profit: 2091.1065303571427 +2025-03-10 16:06:44,541 - INFO - CLOSED short at 2114.1 | PnL: 0.42% | $0.63 +2025-03-10 16:06:44,564 - INFO - OPENED SHORT at 2115.11 | Stop loss: 2125.7309964285714 | Take profit: 2083.3151803571427 +2025-03-10 16:06:44,780 - INFO - CLOSED short at 2098.28 | PnL: 0.80% | $1.37 +2025-03-10 16:06:44,814 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.862246428572 | Take profit: 2059.921430357143 +2025-03-10 16:06:44,990 - INFO - STOP LOSS hit for short at 2101.862246428572 | PnL: -0.50% | $-1.20 +2025-03-10 16:06:45,020 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.972496428571 | Take profit: 2071.7906803571427 +2025-03-10 16:06:45,383 - INFO - CLOSED short at 2084.75 | PnL: 0.89% | $1.55 +2025-03-10 16:06:45,384 - INFO - OPENED LONG at 2084.75 | Stop loss: 2074.280803571429 | Take profit: 2116.089419642857 +2025-03-10 16:06:45,411 - INFO - CLOSED long at 2081.0 | PnL: -0.18% | $-0.56 +2025-03-10 16:06:45,411 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.4504464285715 | Take profit: 2049.716830357143 +2025-03-10 16:06:45,578 - INFO - TAKE PROFIT hit for short at 2049.716830357143 | PnL: 1.50% | $2.80 +2025-03-10 16:06:45,606 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3004464285714 | Take profit: 2020.166830357143 +2025-03-10 16:06:45,654 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.59, Avg Loss=$-0.88 +2025-03-10 16:06:45,655 - INFO - Episode 40: Reward=17.18, Balance=$104.58, Win Rate=66.7%, Trades=6, Episode PnL=$5.14, Total PnL=$129.38, Max Drawdown=1.2%, Pred Accuracy=98.1% +2025-03-10 16:06:45,816 - INFO - Model saved to checkpoints/trading_agent_episode_40.pt +2025-03-10 16:06:45,817 - INFO - Checkpoint saved at episode 40 +2025-03-10 16:06:45,818 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:46,769 - INFO - Visualization saved for episode 40 +2025-03-10 16:06:48,953 - INFO - Visualization saved for episode 40 +2025-03-10 16:06:48,970 - INFO - Refreshing data for episode 41 +2025-03-10 16:06:48,970 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:49,279 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:49,290 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:49,385 - INFO - OPENED SHORT at 2123.02 | Stop loss: 2133.681360714286 | Take profit: 2091.1053089285715 +2025-03-10 16:06:49,561 - INFO - CLOSED short at 2122.01 | PnL: 0.05% | $-0.10 +2025-03-10 16:06:49,593 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.827110714286 | Take profit: 2090.2680589285715 +2025-03-10 16:06:49,782 - INFO - CLOSED short at 2119.02 | PnL: 0.15% | $0.09 +2025-03-10 16:06:49,841 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.570760714286 | Take profit: 2092.9571089285714 +2025-03-10 16:06:50,298 - INFO - TAKE PROFIT hit for short at 2092.9571089285714 | PnL: 1.50% | $2.75 +2025-03-10 16:06:50,325 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.596510714286 | Take profit: 2068.4798589285715 +2025-03-10 16:06:50,977 - INFO - TAKE PROFIT hit for short at 2068.4798589285715 | PnL: 1.50% | $2.82 +2025-03-10 16:06:50,999 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.587760714286 | Take profit: 2017.5061089285716 +2025-03-10 16:06:51,075 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.89, Avg Loss=$-0.10 +2025-03-10 16:06:51,076 - INFO - Episode 41: Reward=13.59, Balance=$105.56, Win Rate=75.0%, Trades=4, Episode PnL=$5.56, Total PnL=$134.94, Max Drawdown=0.1%, Pred Accuracy=98.1% +2025-03-10 16:06:51,076 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:51,077 - INFO - Refreshing data for episode 42 +2025-03-10 16:06:51,077 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:51,381 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:51,390 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:51,433 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.751660714285 | Take profit: 2093.1344089285712 +2025-03-10 16:06:51,711 - INFO - CLOSED short at 2118.0 | PnL: 0.33% | $0.46 +2025-03-10 16:06:51,712 - INFO - OPENED LONG at 2118.0 | Stop loss: 2107.363739285714 | Take profit: 2149.839391071429 +2025-03-10 16:06:51,736 - INFO - CLOSED long at 2121.8 | PnL: 0.18% | $0.16 +2025-03-10 16:06:51,737 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.455260714286 | Take profit: 2089.9036089285714 +2025-03-10 16:06:52,417 - INFO - TAKE PROFIT hit for short at 2089.9036089285714 | PnL: 1.50% | $2.76 +2025-03-10 16:06:52,440 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3354607142855 | Take profit: 2058.4230089285716 +2025-03-10 16:06:52,510 - INFO - STOP LOSS hit for short at 2100.3354607142855 | PnL: -0.50% | $-1.22 +2025-03-10 16:06:52,542 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9733107142856 | Take profit: 2071.789458928571 +2025-03-10 16:06:52,987 - INFO - CLOSED short at 2075.07 | PnL: 1.35% | $2.49 +2025-03-10 16:06:53,012 - INFO - OPENED SHORT at 2067.71 | Stop loss: 2078.094810714286 | Take profit: 2036.6249589285715 +2025-03-10 16:06:53,124 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.47, Avg Loss=$-1.22 +2025-03-10 16:06:53,124 - INFO - Episode 42: Reward=18.14, Balance=$104.65, Win Rate=80.0%, Trades=5, Episode PnL=$4.50, Total PnL=$139.59, Max Drawdown=1.2%, Pred Accuracy=98.2% +2025-03-10 16:06:53,126 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:53,126 - INFO - Refreshing data for episode 43 +2025-03-10 16:06:53,126 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:53,438 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:53,447 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:53,471 - INFO - OPENED SHORT at 2123.02 | Stop loss: 2133.6815535714286 | Take profit: 2091.1050196428573 +2025-03-10 16:06:54,422 - INFO - TAKE PROFIT hit for short at 2091.1050196428573 | PnL: 1.50% | $2.75 +2025-03-10 16:06:54,450 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.335653571429 | Take profit: 2058.4227196428574 +2025-03-10 16:06:54,542 - INFO - STOP LOSS hit for short at 2100.335653571429 | PnL: -0.50% | $-1.21 +2025-03-10 16:06:54,567 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9735035714284 | Take profit: 2071.789169642857 +2025-03-10 16:06:54,658 - INFO - CLOSED short at 2099.63 | PnL: 0.18% | $0.16 +2025-03-10 16:06:54,658 - INFO - OPENED LONG at 2099.63 | Stop loss: 2089.0853964285716 | Take profit: 2131.194130357143 +2025-03-10 16:06:54,688 - INFO - CLOSED long at 2099.22 | PnL: -0.02% | $-0.24 +2025-03-10 16:06:54,689 - INFO - OPENED SHORT at 2099.22 | Stop loss: 2109.7625535714283 | Take profit: 2067.6620196428566 +2025-03-10 16:06:55,046 - INFO - CLOSED short at 2075.07 | PnL: 1.15% | $2.09 +2025-03-10 16:06:55,071 - INFO - OPENED SHORT at 2067.71 | Stop loss: 2078.0950035714286 | Take profit: 2036.6246696428573 +2025-03-10 16:06:55,163 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.66, Avg Loss=$-0.72 +2025-03-10 16:06:55,164 - INFO - Episode 43: Reward=15.63, Balance=$103.54, Win Rate=60.0%, Trades=5, Episode PnL=$3.78, Total PnL=$143.13, Max Drawdown=1.2%, Pred Accuracy=98.2% +2025-03-10 16:06:55,164 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:55,165 - INFO - Refreshing data for episode 44 +2025-03-10 16:06:55,165 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:55,465 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:55,475 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:55,502 - INFO - OPENED SHORT at 2123.02 | Stop loss: 2133.6815535714286 | Take profit: 2091.1050196428573 +2025-03-10 16:06:56,520 - INFO - TAKE PROFIT hit for short at 2091.1050196428573 | PnL: 1.50% | $2.75 +2025-03-10 16:06:56,550 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.335653571429 | Take profit: 2058.4227196428574 +2025-03-10 16:06:56,642 - INFO - STOP LOSS hit for short at 2100.335653571429 | PnL: -0.50% | $-1.21 +2025-03-10 16:06:56,673 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9735035714284 | Take profit: 2071.789169642857 +2025-03-10 16:06:56,793 - INFO - CLOSED short at 2099.22 | PnL: 0.20% | $0.20 +2025-03-10 16:06:56,817 - INFO - OPENED SHORT at 2094.16 | Stop loss: 2104.6772535714285 | Take profit: 2062.677919642857 +2025-03-10 16:06:56,889 - INFO - CLOSED short at 2090.59 | PnL: 0.17% | $0.14 +2025-03-10 16:06:56,923 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.4914035714282 | Take profit: 2059.5554696428567 +2025-03-10 16:06:57,118 - INFO - CLOSED short at 2084.11 | PnL: 0.33% | $0.46 +2025-03-10 16:06:57,147 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.531803571429 | Take profit: 2051.7542696428573 +2025-03-10 16:06:57,237 - INFO - TAKE PROFIT hit for short at 2051.7542696428573 | PnL: 1.50% | $2.81 +2025-03-10 16:06:57,289 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.7740035714282 | Take profit: 2012.7876696428573 +2025-03-10 16:06:57,312 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.27, Avg Loss=$-1.21 +2025-03-10 16:06:57,313 - INFO - Episode 44: Reward=17.17, Balance=$105.14, Win Rate=83.3%, Trades=6, Episode PnL=$5.14, Total PnL=$148.27, Max Drawdown=1.2%, Pred Accuracy=98.2% +2025-03-10 16:06:57,313 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:06:57,314 - INFO - Refreshing data for episode 45 +2025-03-10 16:06:57,314 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:06:57,621 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:06:57,630 - INFO - Initialized environment with 100 candles +2025-03-10 16:06:58,423 - INFO - OPENED SHORT at 2123.02 | Stop loss: 2133.6815535714286 | Take profit: 2091.1050196428573 +2025-03-10 16:06:59,415 - INFO - TAKE PROFIT hit for short at 2091.1050196428573 | PnL: 1.50% | $2.75 +2025-03-10 16:06:59,473 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.7174035714283 | Take profit: 2064.6774696428574 +2025-03-10 16:07:00,079 - INFO - TAKE PROFIT hit for short at 2064.6774696428574 | PnL: 1.50% | $2.82 +2025-03-10 16:07:00,111 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3014535714287 | Take profit: 2020.1653196428572 +2025-03-10 16:07:00,166 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$0.00 +2025-03-10 16:07:00,167 - INFO - Episode 45: Reward=13.89, Balance=$105.57, Win Rate=100.0%, Trades=2, Episode PnL=$5.57, Total PnL=$153.84, Max Drawdown=0.0%, Pred Accuracy=98.2% +2025-03-10 16:07:00,167 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:07:00,168 - INFO - Refreshing data for episode 46 +2025-03-10 16:07:00,168 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:00,480 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:00,491 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:00,517 - INFO - OPENED SHORT at 2123.02 | Stop loss: 2133.6815535714286 | Take profit: 2091.1050196428573 +2025-03-10 16:07:00,885 - INFO - CLOSED short at 2124.9 | PnL: -0.09% | $-0.37 +2025-03-10 16:07:00,906 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0181035714286 | Take profit: 2096.335369642857 +2025-03-10 16:07:01,349 - INFO - TAKE PROFIT hit for short at 2096.335369642857 | PnL: 1.50% | $2.74 +2025-03-10 16:07:01,382 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.596703571429 | Take profit: 2068.4795696428573 +2025-03-10 16:07:01,957 - INFO - TAKE PROFIT hit for short at 2068.4795696428573 | PnL: 1.50% | $2.81 +2025-03-10 16:07:01,981 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5879535714284 | Take profit: 2017.5058196428574 +2025-03-10 16:07:02,063 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.77, Avg Loss=$-0.37 +2025-03-10 16:07:02,063 - INFO - Episode 46: Reward=12.61, Balance=$105.18, Win Rate=66.7%, Trades=3, Episode PnL=$5.18, Total PnL=$159.02, Max Drawdown=0.4%, Pred Accuracy=98.3% +2025-03-10 16:07:02,064 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:07:02,064 - INFO - Refreshing data for episode 47 +2025-03-10 16:07:02,065 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:02,384 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:02,397 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:02,448 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.4426857142857 | Take profit: 2093.8176964285713 +2025-03-10 16:07:02,734 - INFO - CLOSED short at 2116.52 | PnL: 0.44% | $0.66 +2025-03-10 16:07:02,735 - INFO - OPENED LONG at 2116.52 | Stop loss: 2105.8935642857145 | Take profit: 2148.3335535714286 +2025-03-10 16:07:02,765 - INFO - CLOSED long at 2119.02 | PnL: 0.12% | $0.04 +2025-03-10 16:07:02,766 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6589357142857 | Take profit: 2087.1689464285714 +2025-03-10 16:07:03,813 - INFO - TAKE PROFIT hit for short at 2087.1689464285714 | PnL: 1.50% | $2.77 +2025-03-10 16:07:03,836 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0267357142857 | Take profit: 2049.3055464285712 +2025-03-10 16:07:04,080 - INFO - TAKE PROFIT hit for short at 2049.3055464285712 | PnL: 1.50% | $2.84 +2025-03-10 16:07:04,105 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.2988357142854 | Take profit: 2020.1692464285713 +2025-03-10 16:07:04,176 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.58, Avg Loss=$0.00 +2025-03-10 16:07:04,177 - INFO - Episode 47: Reward=15.92, Balance=$106.30, Win Rate=100.0%, Trades=4, Episode PnL=$6.27, Total PnL=$165.32, Max Drawdown=0.0%, Pred Accuracy=98.2% +2025-03-10 16:07:04,336 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 16:07:04,337 - INFO - New best PnL model saved: $6.27 +2025-03-10 16:07:04,337 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:07:04,337 - INFO - Refreshing data for episode 48 +2025-03-10 16:07:04,337 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:04,646 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:04,659 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:04,685 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7495785714286 | Take profit: 2093.137532142857 +2025-03-10 16:07:05,262 - INFO - CLOSED short at 2115.52 | PnL: 0.45% | $0.69 +2025-03-10 16:07:05,262 - INFO - OPENED LONG at 2115.52 | Stop loss: 2104.8982214285716 | Take profit: 2147.319067857143 +2025-03-10 16:07:05,290 - INFO - CLOSED long at 2114.75 | PnL: -0.04% | $-0.27 +2025-03-10 16:07:05,291 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.367928571429 | Take profit: 2082.9624821428574 +2025-03-10 16:07:06,130 - INFO - TAKE PROFIT hit for short at 2082.9624821428574 | PnL: 1.50% | $2.76 +2025-03-10 16:07:06,154 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2179285714287 | Take profit: 2053.4124821428572 +2025-03-10 16:07:06,367 - INFO - TAKE PROFIT hit for short at 2053.4124821428572 | PnL: 1.50% | $2.84 +2025-03-10 16:07:06,396 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.2991785714285 | Take profit: 2020.1687321428572 +2025-03-10 16:07:06,466 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.09, Avg Loss=$-0.27 +2025-03-10 16:07:06,467 - INFO - Episode 48: Reward=13.88, Balance=$106.01, Win Rate=75.0%, Trades=4, Episode PnL=$6.28, Total PnL=$171.34, Max Drawdown=0.0%, Pred Accuracy=98.3% +2025-03-10 16:07:06,604 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 16:07:06,604 - INFO - New best PnL model saved: $6.28 +2025-03-10 16:07:06,605 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:07:06,605 - INFO - Refreshing data for episode 49 +2025-03-10 16:07:06,605 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:06,922 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:06,932 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:06,961 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7501535714287 | Take profit: 2093.136669642857 +2025-03-10 16:07:07,587 - INFO - CLOSED short at 2116.06 | PnL: 0.42% | $0.64 +2025-03-10 16:07:07,587 - INFO - OPENED LONG at 2116.06 | Stop loss: 2105.4349464285715 | Take profit: 2147.8680303571427 +2025-03-10 16:07:07,615 - INFO - CLOSED long at 2115.21 | PnL: -0.04% | $-0.28 +2025-03-10 16:07:07,616 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.8308035714285 | Take profit: 2083.414719642857 +2025-03-10 16:07:08,172 - INFO - CLOSED short at 2104.67 | PnL: 0.50% | $0.78 +2025-03-10 16:07:08,230 - INFO - OPENED SHORT at 2099.63 | Stop loss: 2110.172903571429 | Take profit: 2068.068419642857 +2025-03-10 16:07:08,485 - INFO - CLOSED short at 2081.0 | PnL: 0.89% | $1.56 +2025-03-10 16:07:08,515 - INFO - OPENED SHORT at 2084.25 | Stop loss: 2094.7160035714287 | Take profit: 2052.919119642857 +2025-03-10 16:07:08,668 - INFO - TAKE PROFIT hit for short at 2052.919119642857 | PnL: 1.50% | $2.82 +2025-03-10 16:07:08,695 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.299753571429 | Take profit: 2020.167869642857 +2025-03-10 16:07:08,718 - INFO - CLOSED short at 2043.51 | PnL: 0.37% | $0.55 +2025-03-10 16:07:08,718 - INFO - OPENED LONG at 2043.51 | Stop loss: 2033.2476964285715 | Take profit: 2074.229780357143 +2025-03-10 16:07:08,742 - INFO - CLOSED long at 2052.89 | PnL: 0.46% | $0.75 +2025-03-10 16:07:08,742 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.1992035714284 | Take profit: 2022.029519642857 +2025-03-10 16:07:08,763 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.18, Avg Loss=$-0.28 +2025-03-10 16:07:08,763 - INFO - Episode 49: Reward=19.13, Balance=$106.82, Win Rate=85.7%, Trades=7, Episode PnL=$6.35, Total PnL=$178.15, Max Drawdown=0.0%, Pred Accuracy=98.4% +2025-03-10 16:07:08,924 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 16:07:08,924 - INFO - New best PnL model saved: $6.35 +2025-03-10 16:07:08,924 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:07:08,924 - INFO - Early stopping triggered after 50 episodes without improvement +2025-03-10 16:07:09,080 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 16:07:10,049 - INFO - Training results saved to training_results.png +2025-03-10 16:07:10,182 - INFO - Model saved to models/trading_agent_continuous_0.pt +2025-03-10 16:07:15,187 - INFO - Starting training batch 2 +2025-03-10 16:07:15,187 - INFO - Refreshing data for new training batch +2025-03-10 16:07:15,188 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:15,520 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 16:07:15,531 - INFO - Initialized environment with 500 candles +2025-03-10 16:07:15,531 - INFO - Updated environment with fresh candles +2025-03-10 16:07:15,531 - INFO - Starting training on device: cuda +2025-03-10 16:07:15,533 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 16:07:15,533 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 16:07:15,778 - INFO - Model loaded successfully with weights_only=True +2025-03-10 16:07:15,778 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $6.20, Win Rate: 66.7% +2025-03-10 16:07:15,782 - INFO - Refreshing data for episode 0 +2025-03-10 16:07:15,782 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:16,110 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:16,118 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:17,041 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7505142857144 | Take profit: 2093.1361285714283 +2025-03-10 16:07:17,716 - INFO - CLOSED short at 2116.06 | PnL: 0.42% | $0.64 +2025-03-10 16:07:17,741 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.8311642857143 | Take profit: 2083.4141785714287 +2025-03-10 16:07:18,037 - INFO - CLOSED short at 2091.36 | PnL: 1.13% | $2.02 +2025-03-10 16:07:18,037 - INFO - OPENED LONG at 2091.36 | Stop loss: 2080.8580857142856 | Take profit: 2122.7980714285713 +2025-03-10 16:07:18,063 - INFO - CLOSED long at 2100.05 | PnL: 0.42% | $0.63 +2025-03-10 16:07:18,063 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5953642857144 | Take profit: 2068.4815785714286 +2025-03-10 16:07:18,455 - INFO - CLOSED short at 2090.59 | PnL: 0.45% | $0.71 +2025-03-10 16:07:18,456 - INFO - OPENED LONG at 2090.59 | Stop loss: 2080.0919357142857 | Take profit: 2122.0165214285717 +2025-03-10 16:07:18,482 - INFO - CLOSED long at 2090.99 | PnL: 0.02% | $-0.16 +2025-03-10 16:07:18,483 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.490064285714 | Take profit: 2059.5574785714284 +2025-03-10 16:07:18,734 - INFO - TAKE PROFIT hit for short at 2059.5574785714284 | PnL: 1.50% | $2.85 +2025-03-10 16:07:18,758 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3001142857142 | Take profit: 2020.1673285714285 +2025-03-10 16:07:18,820 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.37, Avg Loss=$-0.16 +2025-03-10 16:07:18,821 - INFO - Episode 0: Reward=18.65, Balance=$106.69, Win Rate=83.3%, Trades=6, Episode PnL=$6.22, Total PnL=$184.84, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 16:07:18,963 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 16:07:18,963 - INFO - New best PnL model saved: $6.22 +2025-03-10 16:07:19,117 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 16:07:19,118 - INFO - Checkpoint saved at episode 0 +2025-03-10 16:07:20,095 - INFO - Visualization saved for episode 0 +2025-03-10 16:07:21,873 - INFO - Visualization saved for episode 0 +2025-03-10 16:07:21,891 - INFO - Refreshing data for episode 1 +2025-03-10 16:07:21,891 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:22,189 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:22,198 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:22,292 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7507535714285 | Take profit: 2093.135769642857 +2025-03-10 16:07:22,814 - INFO - CLOSED short at 2115.52 | PnL: 0.45% | $0.69 +2025-03-10 16:07:22,838 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.3691035714282 | Take profit: 2082.9607196428574 +2025-03-10 16:07:23,558 - INFO - TAKE PROFIT hit for short at 2082.9607196428574 | PnL: 1.50% | $2.77 +2025-03-10 16:07:23,582 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2191035714286 | Take profit: 2053.410719642857 +2025-03-10 16:07:23,758 - INFO - TAKE PROFIT hit for short at 2053.410719642857 | PnL: 1.50% | $2.84 +2025-03-10 16:07:23,783 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.300353571429 | Take profit: 2020.166969642857 +2025-03-10 16:07:23,850 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.10, Avg Loss=$0.00 +2025-03-10 16:07:23,851 - INFO - Episode 1: Reward=15.40, Balance=$106.29, Win Rate=100.0%, Trades=3, Episode PnL=$6.29, Total PnL=$191.14, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 16:07:23,985 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 16:07:23,986 - INFO - New best PnL model saved: $6.29 +2025-03-10 16:07:23,986 - INFO - Refreshing data for episode 2 +2025-03-10 16:07:23,987 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:24,302 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:24,313 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:24,332 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7507535714285 | Take profit: 2093.135769642857 +2025-03-10 16:07:24,435 - INFO - CLOSED short at 2122.01 | PnL: 0.14% | $0.09 +2025-03-10 16:07:24,436 - INFO - OPENED LONG at 2122.01 | Stop loss: 2111.3545964285718 | Take profit: 2153.908180357143 +2025-03-10 16:07:24,456 - INFO - CLOSED long at 2122.17 | PnL: 0.01% | $-0.18 +2025-03-10 16:07:24,456 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.826203571429 | Take profit: 2090.2694196428574 +2025-03-10 16:07:25,129 - INFO - TAKE PROFIT hit for short at 2090.2694196428574 | PnL: 1.50% | $2.75 +2025-03-10 16:07:25,158 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.334553571429 | Take profit: 2058.4243696428575 +2025-03-10 16:07:25,227 - INFO - CLOSED short at 2102.83 | PnL: -0.62% | $-1.45 +2025-03-10 16:07:25,228 - INFO - OPENED LONG at 2102.83 | Stop loss: 2092.2704964285713 | Take profit: 2134.440480357143 +2025-03-10 16:07:25,250 - INFO - CLOSED long at 2103.41 | PnL: 0.03% | $-0.14 +2025-03-10 16:07:25,251 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9724035714285 | Take profit: 2071.790819642857 +2025-03-10 16:07:25,669 - INFO - TAKE PROFIT hit for short at 2071.790819642857 | PnL: 1.50% | $2.78 +2025-03-10 16:07:25,696 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.586853571429 | Take profit: 2017.5074696428571 +2025-03-10 16:07:25,779 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.87, Avg Loss=$-0.59 +2025-03-10 16:07:25,780 - INFO - Episode 2: Reward=9.12, Balance=$103.83, Win Rate=50.0%, Trades=6, Episode PnL=$4.16, Total PnL=$194.97, Max Drawdown=0.0%, Pred Accuracy=99.6% +2025-03-10 16:07:25,780 - INFO - Refreshing data for episode 3 +2025-03-10 16:07:25,780 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:26,090 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:26,101 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:26,122 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7507535714285 | Take profit: 2093.135769642857 +2025-03-10 16:07:26,717 - INFO - CLOSED short at 2114.32 | PnL: 0.51% | $0.80 +2025-03-10 16:07:26,740 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.188203571429 | Take profit: 2082.783419642857 +2025-03-10 16:07:27,202 - INFO - CLOSED short at 2096.96 | PnL: 0.83% | $1.45 +2025-03-10 16:07:27,203 - INFO - OPENED LONG at 2096.96 | Stop loss: 2086.4298464285716 | Take profit: 2128.4824303571427 +2025-03-10 16:07:27,223 - INFO - CLOSED long at 2098.66 | PnL: 0.08% | $-0.04 +2025-03-10 16:07:27,224 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.198653571428 | Take profit: 2067.112069642857 +2025-03-10 16:07:27,293 - INFO - CLOSED short at 2084.95 | PnL: 0.65% | $1.11 +2025-03-10 16:07:27,318 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.028253571428 | Take profit: 2049.3032696428572 +2025-03-10 16:07:27,515 - INFO - TAKE PROFIT hit for short at 2049.3032696428572 | PnL: 1.50% | $2.84 +2025-03-10 16:07:27,537 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.300353571429 | Take profit: 2020.166969642857 +2025-03-10 16:07:27,606 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.55, Avg Loss=$-0.04 +2025-03-10 16:07:27,606 - INFO - Episode 3: Reward=17.53, Balance=$106.15, Win Rate=80.0%, Trades=5, Episode PnL=$6.19, Total PnL=$201.12, Max Drawdown=0.0%, Pred Accuracy=99.6% +2025-03-10 16:07:27,607 - INFO - Refreshing data for episode 4 +2025-03-10 16:07:27,607 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:27,942 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:27,954 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:27,977 - INFO - OPENED LONG at 2125.08 | Stop loss: 2114.4092464285714 | Take profit: 2157.0242303571426 +2025-03-10 16:07:27,999 - INFO - CLOSED long at 2125.77 | PnL: 0.03% | $-0.13 +2025-03-10 16:07:27,999 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.4442035714287 | Take profit: 2093.8154196428573 +2025-03-10 16:07:28,743 - INFO - TAKE PROFIT hit for short at 2093.8154196428573 | PnL: 1.50% | $2.74 +2025-03-10 16:07:28,764 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.595603571429 | Take profit: 2068.4812196428575 +2025-03-10 16:07:28,878 - INFO - CLOSED short at 2100.0 | PnL: 0.00% | $-0.20 +2025-03-10 16:07:28,903 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3895035714286 | Take profit: 2071.219519642857 +2025-03-10 16:07:29,341 - INFO - CLOSED short at 2075.07 | PnL: 1.32% | $2.45 +2025-03-10 16:07:29,365 - INFO - OPENED SHORT at 2067.71 | Stop loss: 2078.0939035714287 | Take profit: 2036.6263196428572 +2025-03-10 16:07:29,478 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.60, Avg Loss=$-0.16 +2025-03-10 16:07:29,479 - INFO - Episode 4: Reward=27.24, Balance=$104.86, Win Rate=50.0%, Trades=4, Episode PnL=$4.99, Total PnL=$205.98, Max Drawdown=0.2%, Pred Accuracy=99.6% +2025-03-10 16:07:29,479 - INFO - Refreshing data for episode 5 +2025-03-10 16:07:29,480 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:29,796 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:29,806 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:30,722 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7507535714285 | Take profit: 2093.135769642857 +2025-03-10 16:07:31,259 - INFO - CLOSED short at 2115.21 | PnL: 0.46% | $0.71 +2025-03-10 16:07:31,284 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.7158535714284 | Take profit: 2082.320469642857 +2025-03-10 16:07:31,309 - INFO - CLOSED short at 2115.11 | PnL: -0.05% | $-0.29 +2025-03-10 16:07:31,333 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.936953571429 | Take profit: 2082.5371696428574 +2025-03-10 16:07:31,956 - INFO - TAKE PROFIT hit for short at 2082.5371696428574 | PnL: 1.50% | $2.76 +2025-03-10 16:07:31,983 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2191035714286 | Take profit: 2053.410719642857 +2025-03-10 16:07:32,177 - INFO - TAKE PROFIT hit for short at 2053.410719642857 | PnL: 1.50% | $2.83 +2025-03-10 16:07:32,205 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.300353571429 | Take profit: 2020.166969642857 +2025-03-10 16:07:32,274 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.10, Avg Loss=$-0.29 +2025-03-10 16:07:32,274 - INFO - Episode 5: Reward=27.84, Balance=$106.02, Win Rate=75.0%, Trades=4, Episode PnL=$6.02, Total PnL=$212.00, Max Drawdown=0.3%, Pred Accuracy=99.7% +2025-03-10 16:07:32,275 - INFO - Refreshing data for episode 6 +2025-03-10 16:07:32,275 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:32,582 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:32,594 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:32,620 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7507535714285 | Take profit: 2093.135769642857 +2025-03-10 16:07:33,440 - INFO - TAKE PROFIT hit for short at 2093.135769642857 | PnL: 1.50% | $2.75 +2025-03-10 16:07:33,469 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.595603571429 | Take profit: 2068.4812196428575 +2025-03-10 16:07:33,872 - INFO - CLOSED short at 2084.95 | PnL: 0.72% | $1.25 +2025-03-10 16:07:33,899 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.028253571428 | Take profit: 2049.3032696428572 +2025-03-10 16:07:34,090 - INFO - CLOSED short at 2048.3 | PnL: 1.55% | $2.95 +2025-03-10 16:07:34,090 - INFO - OPENED LONG at 2048.3 | Stop loss: 2038.0131464285716 | Take profit: 2079.092530357143 +2025-03-10 16:07:34,114 - INFO - CLOSED long at 2051.0 | PnL: 0.13% | $0.07 +2025-03-10 16:07:34,115 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.300353571429 | Take profit: 2020.166969642857 +2025-03-10 16:07:34,178 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.75, Avg Loss=$0.00 +2025-03-10 16:07:34,179 - INFO - Episode 6: Reward=33.22, Balance=$107.01, Win Rate=100.0%, Trades=4, Episode PnL=$6.95, Total PnL=$219.01, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 16:07:34,315 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 16:07:34,315 - INFO - New best PnL model saved: $6.95 +2025-03-10 16:07:34,316 - INFO - Refreshing data for episode 7 +2025-03-10 16:07:34,316 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:34,623 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:34,634 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:34,655 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7507535714285 | Take profit: 2093.135769642857 +2025-03-10 16:07:34,696 - INFO - CLOSED short at 2126.13 | PnL: -0.05% | $-0.29 +2025-03-10 16:07:34,720 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9969535714285 | Take profit: 2094.357169642857 +2025-03-10 16:07:34,804 - INFO - CLOSED short at 2122.24 | PnL: 0.19% | $0.18 +2025-03-10 16:07:34,827 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1277535714285 | Take profit: 2088.6047696428573 +2025-03-10 16:07:34,946 - INFO - CLOSED short at 2119.02 | PnL: 0.07% | $-0.06 +2025-03-10 16:07:34,968 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6101535714283 | Take profit: 2089.0775696428573 +2025-03-10 16:07:35,486 - INFO - TAKE PROFIT hit for short at 2089.0775696428573 | PnL: 1.50% | $2.74 +2025-03-10 16:07:35,507 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.334553571429 | Take profit: 2058.4243696428575 +2025-03-10 16:07:35,577 - INFO - STOP LOSS hit for short at 2100.334553571429 | PnL: -0.50% | $-1.21 +2025-03-10 16:07:35,602 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9724035714285 | Take profit: 2071.790819642857 +2025-03-10 16:07:36,036 - INFO - TAKE PROFIT hit for short at 2071.790819642857 | PnL: 1.50% | $2.78 +2025-03-10 16:07:36,060 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.586853571429 | Take profit: 2017.5074696428571 +2025-03-10 16:07:36,152 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.90, Avg Loss=$-0.52 +2025-03-10 16:07:36,153 - INFO - Episode 7: Reward=26.45, Balance=$104.14, Win Rate=50.0%, Trades=6, Episode PnL=$4.14, Total PnL=$223.16, Max Drawdown=1.2%, Pred Accuracy=99.8% +2025-03-10 16:07:36,153 - INFO - Refreshing data for episode 8 +2025-03-10 16:07:36,153 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:36,446 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:36,456 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:36,480 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7507535714285 | Take profit: 2093.135769642857 +2025-03-10 16:07:36,636 - INFO - CLOSED short at 2122.24 | PnL: 0.13% | $0.07 +2025-03-10 16:07:36,636 - INFO - OPENED LONG at 2122.24 | Stop loss: 2111.5834464285713 | Take profit: 2154.1416303571427 +2025-03-10 16:07:36,659 - INFO - CLOSED long at 2120.48 | PnL: -0.08% | $-0.36 +2025-03-10 16:07:36,659 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1277535714285 | Take profit: 2088.6047696428573 +2025-03-10 16:07:36,681 - INFO - CLOSED short at 2120.54 | PnL: -0.00% | $-0.20 +2025-03-10 16:07:36,681 - INFO - OPENED LONG at 2120.54 | Stop loss: 2109.8919464285714 | Take profit: 2152.4161303571427 +2025-03-10 16:07:36,705 - INFO - CLOSED long at 2118.0 | PnL: -0.12% | $-0.43 +2025-03-10 16:07:36,705 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.635353571429 | Take profit: 2086.161969642857 +2025-03-10 16:07:36,775 - INFO - CLOSED short at 2116.52 | PnL: 0.07% | $-0.06 +2025-03-10 16:07:36,775 - INFO - OPENED LONG at 2116.52 | Stop loss: 2105.8920464285716 | Take profit: 2148.3358303571426 +2025-03-10 16:07:36,797 - INFO - CLOSED long at 2119.02 | PnL: 0.12% | $0.04 +2025-03-10 16:07:36,798 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.660453571428 | Take profit: 2087.1666696428574 +2025-03-10 16:07:37,113 - INFO - CLOSED short at 2114.57 | PnL: 0.21% | $0.21 +2025-03-10 16:07:37,114 - INFO - OPENED LONG at 2114.57 | Stop loss: 2103.9517964285715 | Take profit: 2146.3565803571432 +2025-03-10 16:07:37,140 - INFO - CLOSED long at 2112.57 | PnL: -0.09% | $-0.38 +2025-03-10 16:07:37,140 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.1782035714286 | Take profit: 2080.8134196428573 +2025-03-10 16:07:37,661 - INFO - CLOSED short at 2098.66 | PnL: 0.66% | $1.08 +2025-03-10 16:07:37,662 - INFO - OPENED LONG at 2098.66 | Stop loss: 2088.1213464285715 | Take profit: 2130.207930357143 +2025-03-10 16:07:37,683 - INFO - CLOSED long at 2090.59 | PnL: -0.38% | $-0.95 +2025-03-10 16:07:37,684 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.0883035714287 | Take profit: 2059.1631196428575 +2025-03-10 16:07:37,966 - INFO - TAKE PROFIT hit for short at 2059.1631196428575 | PnL: 1.50% | $2.72 +2025-03-10 16:07:38,003 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.300353571429 | Take profit: 2020.166969642857 +2025-03-10 16:07:38,077 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$0.82, Avg Loss=$-0.40 +2025-03-10 16:07:38,077 - INFO - Episode 8: Reward=22.09, Balance=$101.74, Win Rate=45.5%, Trades=11, Episode PnL=$3.82, Total PnL=$224.90, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 16:07:38,078 - INFO - Refreshing data for episode 9 +2025-03-10 16:07:38,078 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:38,389 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:38,401 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:38,428 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7507535714285 | Take profit: 2093.135769642857 +2025-03-10 16:07:39,391 - INFO - TAKE PROFIT hit for short at 2093.135769642857 | PnL: 1.50% | $2.75 +2025-03-10 16:07:39,421 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.595603571429 | Take profit: 2068.4812196428575 +2025-03-10 16:07:40,106 - INFO - CLOSED short at 2083.07 | PnL: 0.81% | $1.43 +2025-03-10 16:07:40,106 - INFO - OPENED LONG at 2083.07 | Stop loss: 2072.6092964285713 | Take profit: 2114.384080357143 +2025-03-10 16:07:40,138 - INFO - CLOSED long at 2075.07 | PnL: -0.38% | $-0.99 +2025-03-10 16:07:40,138 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.4907035714286 | Take profit: 2043.8759196428573 +2025-03-10 16:07:40,247 - INFO - TAKE PROFIT hit for short at 2043.8759196428573 | PnL: 1.50% | $2.83 +2025-03-10 16:07:40,277 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.199803571428 | Take profit: 2022.028619642857 +2025-03-10 16:07:40,295 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.34, Avg Loss=$-0.99 +2025-03-10 16:07:40,296 - INFO - Episode 9: Reward=27.53, Balance=$106.02, Win Rate=75.0%, Trades=4, Episode PnL=$7.01, Total PnL=$230.92, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 16:07:40,439 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 16:07:40,440 - INFO - New best PnL model saved: $7.01 +2025-03-10 16:07:40,440 - INFO - Refreshing data for episode 10 +2025-03-10 16:07:40,440 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:40,764 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:40,774 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:41,530 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7507535714285 | Take profit: 2093.135769642857 +2025-03-10 16:07:41,817 - INFO - CLOSED short at 2121.42 | PnL: 0.17% | $0.14 +2025-03-10 16:07:41,841 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1479535714284 | Take profit: 2084.7041696428573 +2025-03-10 16:07:41,936 - INFO - STOP LOSS hit for short at 2127.1479535714284 | PnL: -0.50% | $-1.18 +2025-03-10 16:07:41,965 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.439203571428 | Take profit: 2092.830419642857 +2025-03-10 16:07:42,419 - INFO - TAKE PROFIT hit for short at 2092.830419642857 | PnL: 1.50% | $2.72 +2025-03-10 16:07:42,452 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.595603571429 | Take profit: 2068.4812196428575 +2025-03-10 16:07:43,125 - INFO - TAKE PROFIT hit for short at 2068.4812196428575 | PnL: 1.50% | $2.79 +2025-03-10 16:07:43,151 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.586853571429 | Take profit: 2017.5074696428571 +2025-03-10 16:07:43,240 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.88, Avg Loss=$-1.18 +2025-03-10 16:07:43,241 - INFO - Episode 10: Reward=28.98, Balance=$104.47, Win Rate=75.0%, Trades=4, Episode PnL=$4.47, Total PnL=$235.39, Max Drawdown=1.2%, Pred Accuracy=99.7% +2025-03-10 16:07:43,390 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 16:07:43,391 - INFO - Checkpoint saved at episode 10 +2025-03-10 16:07:44,445 - INFO - Visualization saved for episode 10 +2025-03-10 16:07:46,306 - INFO - Visualization saved for episode 10 +2025-03-10 16:07:46,325 - INFO - Refreshing data for episode 11 +2025-03-10 16:07:46,326 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:46,626 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:46,637 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:46,708 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7508285714284 | Take profit: 2093.135657142857 +2025-03-10 16:07:47,697 - INFO - TAKE PROFIT hit for short at 2093.135657142857 | PnL: 1.50% | $2.75 +2025-03-10 16:07:47,721 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.595678571429 | Take profit: 2068.4811071428576 +2025-03-10 16:07:47,965 - INFO - CLOSED short at 2104.22 | PnL: -0.20% | $-0.60 +2025-03-10 16:07:47,993 - INFO - OPENED SHORT at 2104.67 | Stop loss: 2115.2387785714286 | Take profit: 2073.0318071428574 +2025-03-10 16:07:48,573 - INFO - TAKE PROFIT hit for short at 2073.0318071428574 | PnL: 1.50% | $2.81 +2025-03-10 16:07:48,606 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.586928571429 | Take profit: 2017.5073571428572 +2025-03-10 16:07:48,726 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$-0.60 +2025-03-10 16:07:48,727 - INFO - Episode 11: Reward=12.37, Balance=$104.95, Win Rate=66.7%, Trades=3, Episode PnL=$4.95, Total PnL=$240.35, Max Drawdown=0.6%, Pred Accuracy=99.4% +2025-03-10 16:07:48,727 - INFO - Refreshing data for episode 12 +2025-03-10 16:07:48,728 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:49,027 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:49,034 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:49,065 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7508285714284 | Take profit: 2093.135657142857 +2025-03-10 16:07:49,939 - INFO - TAKE PROFIT hit for short at 2093.135657142857 | PnL: 1.50% | $2.75 +2025-03-10 16:07:49,961 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.595678571429 | Take profit: 2068.4811071428576 +2025-03-10 16:07:50,611 - INFO - TAKE PROFIT hit for short at 2068.4811071428576 | PnL: 1.50% | $2.82 +2025-03-10 16:07:50,639 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.586928571429 | Take profit: 2017.5073571428572 +2025-03-10 16:07:50,741 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.79, Avg Loss=$0.00 +2025-03-10 16:07:50,742 - INFO - Episode 12: Reward=14.10, Balance=$105.57, Win Rate=100.0%, Trades=2, Episode PnL=$5.57, Total PnL=$245.92, Max Drawdown=0.0%, Pred Accuracy=98.8% +2025-03-10 16:07:50,742 - INFO - Refreshing data for episode 13 +2025-03-10 16:07:50,743 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:51,054 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:51,065 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:51,091 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7510964285716 | Take profit: 2093.135255357143 +2025-03-10 16:07:51,891 - INFO - CLOSED short at 2098.24 | PnL: 1.26% | $2.28 +2025-03-10 16:07:51,926 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.817096428572 | Take profit: 2066.737255357143 +2025-03-10 16:07:52,169 - INFO - CLOSED short at 2104.67 | PnL: -0.30% | $-0.81 +2025-03-10 16:07:52,169 - INFO - OPENED LONG at 2104.67 | Stop loss: 2094.1009535714284 | Take profit: 2136.308594642857 +2025-03-10 16:07:52,190 - INFO - CLOSED long at 2105.26 | PnL: 0.03% | $-0.14 +2025-03-10 16:07:52,190 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.8319964285715 | Take profit: 2073.612555357143 +2025-03-10 16:07:52,255 - INFO - CLOSED short at 2094.16 | PnL: 0.53% | $0.85 +2025-03-10 16:07:52,255 - INFO - OPENED LONG at 2094.16 | Stop loss: 2083.6435035714285 | Take profit: 2125.640944642857 +2025-03-10 16:07:52,276 - INFO - CLOSED long at 2096.96 | PnL: 0.13% | $0.07 +2025-03-10 16:07:52,277 - INFO - OPENED SHORT at 2096.96 | Stop loss: 2107.4904964285715 | Take profit: 2065.437055357143 +2025-03-10 16:07:52,635 - INFO - TAKE PROFIT hit for short at 2065.437055357143 | PnL: 1.50% | $2.81 +2025-03-10 16:07:52,660 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3006964285714 | Take profit: 2020.1664553571427 +2025-03-10 16:07:52,739 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.50, Avg Loss=$-0.48 +2025-03-10 16:07:52,740 - INFO - Episode 13: Reward=1.09, Balance=$105.05, Win Rate=66.7%, Trades=6, Episode PnL=$5.12, Total PnL=$250.96, Max Drawdown=0.0%, Pred Accuracy=97.6% +2025-03-10 16:07:52,740 - INFO - Refreshing data for episode 14 +2025-03-10 16:07:52,740 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:53,061 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:53,071 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:53,099 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7510964285716 | Take profit: 2093.135255357143 +2025-03-10 16:07:54,014 - INFO - TAKE PROFIT hit for short at 2093.135255357143 | PnL: 1.50% | $2.75 +2025-03-10 16:07:54,041 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5959464285716 | Take profit: 2068.480705357143 +2025-03-10 16:07:54,172 - INFO - CLOSED short at 2100.0 | PnL: 0.00% | $-0.20 +2025-03-10 16:07:54,173 - INFO - OPENED LONG at 2100.0 | Stop loss: 2089.4543035714287 | Take profit: 2131.5685446428574 +2025-03-10 16:07:54,195 - INFO - CLOSED long at 2102.83 | PnL: 0.13% | $0.07 +2025-03-10 16:07:54,195 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3898464285717 | Take profit: 2071.2190053571426 +2025-03-10 16:07:54,311 - INFO - CLOSED short at 2099.63 | PnL: 0.15% | $0.10 +2025-03-10 16:07:54,312 - INFO - OPENED LONG at 2099.63 | Stop loss: 2089.0861535714284 | Take profit: 2131.1929946428572 +2025-03-10 16:07:54,340 - INFO - CLOSED long at 2099.22 | PnL: -0.02% | $-0.24 +2025-03-10 16:07:54,340 - INFO - OPENED SHORT at 2099.22 | Stop loss: 2109.761796428571 | Take profit: 2067.663155357143 +2025-03-10 16:07:54,390 - INFO - CLOSED short at 2096.96 | PnL: 0.11% | $0.02 +2025-03-10 16:07:54,414 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.1989964285713 | Take profit: 2067.1115553571426 +2025-03-10 16:07:54,711 - INFO - TAKE PROFIT hit for short at 2067.1115553571426 | PnL: 1.50% | $2.82 +2025-03-10 16:07:54,734 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3006964285714 | Take profit: 2020.1664553571427 +2025-03-10 16:07:54,800 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.15, Avg Loss=$-0.22 +2025-03-10 16:07:54,801 - INFO - Episode 14: Reward=-0.07, Balance=$105.32, Win Rate=71.4%, Trades=7, Episode PnL=$5.49, Total PnL=$256.28, Max Drawdown=0.2%, Pred Accuracy=97.1% +2025-03-10 16:07:54,801 - INFO - Refreshing data for episode 15 +2025-03-10 16:07:54,802 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:55,111 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:55,120 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:56,097 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7510964285716 | Take profit: 2093.135255357143 +2025-03-10 16:07:56,510 - INFO - CLOSED short at 2124.77 | PnL: 0.01% | $-0.17 +2025-03-10 16:07:56,535 - INFO - OPENED SHORT at 2120.26 | Stop loss: 2130.906996428572 | Take profit: 2088.3875553571434 +2025-03-10 16:07:57,359 - INFO - TAKE PROFIT hit for short at 2088.3875553571434 | PnL: 1.50% | $2.74 +2025-03-10 16:07:57,387 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0285964285713 | Take profit: 2049.302755357143 +2025-03-10 16:07:57,437 - INFO - CLOSED short at 2081.0 | PnL: -0.02% | $-0.24 +2025-03-10 16:07:57,468 - INFO - OPENED SHORT at 2084.25 | Stop loss: 2094.7169464285716 | Take profit: 2052.917705357143 +2025-03-10 16:07:57,598 - INFO - TAKE PROFIT hit for short at 2052.917705357143 | PnL: 1.50% | $2.81 +2025-03-10 16:07:57,638 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.7732464285714 | Take profit: 2012.788805357143 +2025-03-10 16:07:57,683 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$-0.20 +2025-03-10 16:07:57,684 - INFO - Episode 15: Reward=-2.52, Balance=$105.14, Win Rate=50.0%, Trades=4, Episode PnL=$5.14, Total PnL=$261.42, Max Drawdown=0.2%, Pred Accuracy=97.6% +2025-03-10 16:07:57,684 - INFO - Refreshing data for episode 16 +2025-03-10 16:07:57,684 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:07:57,979 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:07:57,990 - INFO - Initialized environment with 100 candles +2025-03-10 16:07:58,018 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7510964285716 | Take profit: 2093.135255357143 +2025-03-10 16:07:58,884 - INFO - TAKE PROFIT hit for short at 2093.135255357143 | PnL: 1.50% | $2.75 +2025-03-10 16:07:58,916 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5959464285716 | Take profit: 2068.480705357143 +2025-03-10 16:07:59,659 - INFO - TAKE PROFIT hit for short at 2068.480705357143 | PnL: 1.50% | $2.82 +2025-03-10 16:07:59,683 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5871964285716 | Take profit: 2017.5069553571432 +2025-03-10 16:07:59,775 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$0.00 +2025-03-10 16:07:59,776 - INFO - Episode 16: Reward=14.10, Balance=$105.57, Win Rate=100.0%, Trades=2, Episode PnL=$5.57, Total PnL=$266.99, Max Drawdown=0.0%, Pred Accuracy=98.0% +2025-03-10 16:07:59,776 - INFO - Refreshing data for episode 17 +2025-03-10 16:07:59,778 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:00,090 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:00,103 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:00,132 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7510964285716 | Take profit: 2093.135255357143 +2025-03-10 16:08:01,012 - INFO - TAKE PROFIT hit for short at 2093.135255357143 | PnL: 1.50% | $2.75 +2025-03-10 16:08:01,037 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5959464285716 | Take profit: 2068.480705357143 +2025-03-10 16:08:01,221 - INFO - CLOSED short at 2104.22 | PnL: -0.20% | $-0.60 +2025-03-10 16:08:01,245 - INFO - OPENED SHORT at 2104.67 | Stop loss: 2115.2390464285713 | Take profit: 2073.031405357143 +2025-03-10 16:08:01,668 - INFO - TAKE PROFIT hit for short at 2073.031405357143 | PnL: 1.50% | $2.81 +2025-03-10 16:08:01,691 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5871964285716 | Take profit: 2017.5069553571432 +2025-03-10 16:08:01,791 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$-0.60 +2025-03-10 16:08:01,792 - INFO - Episode 17: Reward=12.40, Balance=$104.95, Win Rate=66.7%, Trades=3, Episode PnL=$4.95, Total PnL=$271.95, Max Drawdown=0.6%, Pred Accuracy=98.1% +2025-03-10 16:08:01,792 - INFO - Refreshing data for episode 18 +2025-03-10 16:08:01,793 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:02,117 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:02,129 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:02,154 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7510964285716 | Take profit: 2093.135255357143 +2025-03-10 16:08:02,208 - INFO - CLOSED short at 2126.13 | PnL: -0.05% | $-0.29 +2025-03-10 16:08:02,208 - INFO - OPENED LONG at 2126.13 | Stop loss: 2115.4536535714287 | Take profit: 2158.0904946428573 +2025-03-10 16:08:02,233 - INFO - CLOSED long at 2126.32 | PnL: 0.01% | $-0.18 +2025-03-10 16:08:02,234 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.997296428571 | Take profit: 2094.356655357143 +2025-03-10 16:08:03,164 - INFO - TAKE PROFIT hit for short at 2094.356655357143 | PnL: 1.50% | $2.73 +2025-03-10 16:08:03,214 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.8874964285715 | Take profit: 2064.846055357143 +2025-03-10 16:08:03,590 - INFO - CLOSED short at 2098.66 | PnL: -0.11% | $-0.42 +2025-03-10 16:08:03,625 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.088646428572 | Take profit: 2059.162605357143 +2025-03-10 16:08:03,731 - INFO - CLOSED short at 2084.75 | PnL: 0.28% | $0.36 +2025-03-10 16:08:03,757 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.450696428571 | Take profit: 2049.716455357143 +2025-03-10 16:08:03,812 - INFO - CLOSED short at 2085.37 | PnL: -0.21% | $-0.62 +2025-03-10 16:08:03,841 - INFO - OPENED SHORT at 2084.11 | Stop loss: 2094.5762464285717 | Take profit: 2052.779805357143 +2025-03-10 16:08:03,936 - INFO - CLOSED short at 2048.3 | PnL: 1.72% | $3.22 +2025-03-10 16:08:03,958 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3006964285714 | Take profit: 2020.1664553571427 +2025-03-10 16:08:04,021 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$2.10, Avg Loss=$-0.38 +2025-03-10 16:08:04,022 - INFO - Episode 18: Reward=-2.31, Balance=$104.80, Win Rate=42.9%, Trades=7, Episode PnL=$4.98, Total PnL=$276.74, Max Drawdown=0.7%, Pred Accuracy=97.8% +2025-03-10 16:08:04,022 - INFO - Refreshing data for episode 19 +2025-03-10 16:08:04,023 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:04,337 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:04,346 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:04,372 - INFO - OPENED SHORT at 2125.08 | Stop loss: 2135.7510964285716 | Take profit: 2093.135255357143 +2025-03-10 16:08:04,728 - INFO - CLOSED short at 2124.9 | PnL: 0.01% | $-0.18 +2025-03-10 16:08:04,752 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0173464285713 | Take profit: 2096.336505357143 +2025-03-10 16:08:05,182 - INFO - TAKE PROFIT hit for short at 2096.336505357143 | PnL: 1.50% | $2.74 +2025-03-10 16:08:05,203 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5959464285716 | Take profit: 2068.480705357143 +2025-03-10 16:08:05,806 - INFO - TAKE PROFIT hit for short at 2068.480705357143 | PnL: 1.50% | $2.82 +2025-03-10 16:08:05,829 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5871964285716 | Take profit: 2017.5069553571432 +2025-03-10 16:08:05,916 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$-0.18 +2025-03-10 16:08:05,917 - INFO - Episode 19: Reward=-1.00, Balance=$105.38, Win Rate=66.7%, Trades=3, Episode PnL=$5.38, Total PnL=$282.13, Max Drawdown=0.2%, Pred Accuracy=97.6% +2025-03-10 16:08:05,918 - INFO - Refreshing data for episode 20 +2025-03-10 16:08:05,918 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:06,225 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:06,236 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:06,896 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.4422035714283 | Take profit: 2093.8184196428574 +2025-03-10 16:08:07,616 - INFO - CLOSED short at 2098.24 | PnL: 1.30% | $2.34 +2025-03-10 16:08:07,643 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.814753571429 | Take profit: 2066.7407696428572 +2025-03-10 16:08:08,262 - INFO - TAKE PROFIT hit for short at 2066.7407696428572 | PnL: 1.50% | $2.81 +2025-03-10 16:08:08,283 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.2983535714284 | Take profit: 2020.169969642857 +2025-03-10 16:08:08,365 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.58, Avg Loss=$0.00 +2025-03-10 16:08:08,366 - INFO - Episode 20: Reward=2.48, Balance=$105.16, Win Rate=100.0%, Trades=2, Episode PnL=$5.16, Total PnL=$287.28, Max Drawdown=0.0%, Pred Accuracy=97.8% +2025-03-10 16:08:08,503 - INFO - Model saved to checkpoints/trading_agent_episode_20.pt +2025-03-10 16:08:08,504 - INFO - Checkpoint saved at episode 20 +2025-03-10 16:08:08,504 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:09,378 - INFO - Visualization saved for episode 20 +2025-03-10 16:08:10,935 - INFO - Visualization saved for episode 20 +2025-03-10 16:08:10,948 - INFO - Refreshing data for episode 21 +2025-03-10 16:08:10,948 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:11,269 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:11,279 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:11,378 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.4437464285716 | Take profit: 2093.816105357143 +2025-03-10 16:08:12,092 - INFO - CLOSED short at 2112.57 | PnL: 0.62% | $1.02 +2025-03-10 16:08:12,115 - INFO - OPENED SHORT at 2113.28 | Stop loss: 2123.891296428572 | Take profit: 2081.5134553571434 +2025-03-10 16:08:12,394 - INFO - CLOSED short at 2102.83 | PnL: 0.49% | $0.78 +2025-03-10 16:08:12,394 - INFO - OPENED LONG at 2102.83 | Stop loss: 2092.2709535714284 | Take profit: 2134.439794642857 +2025-03-10 16:08:12,417 - INFO - CLOSED long at 2103.41 | PnL: 0.03% | $-0.14 +2025-03-10 16:08:12,417 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9719464285713 | Take profit: 2071.791505357143 +2025-03-10 16:08:12,563 - INFO - CLOSED short at 2094.16 | PnL: 0.44% | $0.68 +2025-03-10 16:08:12,586 - INFO - OPENED SHORT at 2096.96 | Stop loss: 2107.4896964285713 | Take profit: 2065.4382553571427 +2025-03-10 16:08:12,612 - INFO - CLOSED short at 2098.66 | PnL: -0.08% | $-0.36 +2025-03-10 16:08:12,639 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.0878464285715 | Take profit: 2059.163805357143 +2025-03-10 16:08:12,907 - INFO - TAKE PROFIT hit for short at 2059.163805357143 | PnL: 1.50% | $2.80 +2025-03-10 16:08:12,953 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.7724464285716 | Take profit: 2012.790005357143 +2025-03-10 16:08:13,017 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.32, Avg Loss=$-0.25 +2025-03-10 16:08:13,018 - INFO - Episode 21: Reward=1.34, Balance=$104.77, Win Rate=66.7%, Trades=6, Episode PnL=$4.92, Total PnL=$292.05, Max Drawdown=0.4%, Pred Accuracy=97.9% +2025-03-10 16:08:13,018 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:13,018 - INFO - Refreshing data for episode 22 +2025-03-10 16:08:13,019 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:13,329 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:13,340 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:13,357 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.4443142857144 | Take profit: 2093.8152535714285 +2025-03-10 16:08:13,445 - INFO - CLOSED short at 2122.01 | PnL: 0.18% | $0.15 +2025-03-10 16:08:13,445 - INFO - OPENED LONG at 2122.01 | Stop loss: 2111.354485714286 | Take profit: 2153.908346428572 +2025-03-10 16:08:13,469 - INFO - CLOSED long at 2122.17 | PnL: 0.01% | $-0.18 +2025-03-10 16:08:13,471 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.8263142857145 | Take profit: 2090.2692535714286 +2025-03-10 16:08:13,575 - INFO - CLOSED short at 2121.8 | PnL: 0.02% | $-0.16 +2025-03-10 16:08:13,575 - INFO - OPENED LONG at 2121.8 | Stop loss: 2111.145535714286 | Take profit: 2153.6951964285713 +2025-03-10 16:08:13,596 - INFO - CLOSED long at 2121.42 | PnL: -0.02% | $-0.23 +2025-03-10 16:08:13,596 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0725642857146 | Take profit: 2089.5305035714287 +2025-03-10 16:08:13,779 - INFO - CLOSED short at 2114.78 | PnL: 0.31% | $0.42 +2025-03-10 16:08:13,780 - INFO - OPENED LONG at 2114.78 | Stop loss: 2104.160635714286 | Take profit: 2146.5698964285716 +2025-03-10 16:08:13,799 - INFO - CLOSED long at 2115.52 | PnL: 0.03% | $-0.13 +2025-03-10 16:08:13,800 - INFO - OPENED SHORT at 2115.52 | Stop loss: 2126.143064285714 | Take profit: 2083.7190035714284 +2025-03-10 16:08:14,327 - INFO - CLOSED short at 2105.26 | PnL: 0.48% | $0.75 +2025-03-10 16:08:14,328 - INFO - OPENED LONG at 2105.26 | Stop loss: 2094.688235714286 | Take profit: 2136.9070964285715 +2025-03-10 16:08:14,369 - INFO - CLOSED long at 2099.22 | PnL: -0.29% | $-0.76 +2025-03-10 16:08:14,369 - INFO - OPENED SHORT at 2099.22 | Stop loss: 2109.761564285714 | Take profit: 2067.6635035714285 +2025-03-10 16:08:14,561 - INFO - CLOSED short at 2081.0 | PnL: 0.87% | $1.50 +2025-03-10 16:08:14,586 - INFO - OPENED SHORT at 2084.25 | Stop loss: 2094.7167142857143 | Take profit: 2052.9180535714286 +2025-03-10 16:08:14,720 - INFO - TAKE PROFIT hit for short at 2052.9180535714286 | PnL: 1.50% | $2.78 +2025-03-10 16:08:14,746 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3004642857145 | Take profit: 2020.1668035714288 +2025-03-10 16:08:14,830 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 80.0% in downtrends | Avg Win=$1.12, Avg Loss=$-0.29 +2025-03-10 16:08:14,831 - INFO - Episode 22: Reward=-2.83, Balance=$104.14, Win Rate=50.0%, Trades=10, Episode PnL=$5.44, Total PnL=$296.19, Max Drawdown=0.0%, Pred Accuracy=98.0% +2025-03-10 16:08:14,831 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:14,832 - INFO - Refreshing data for episode 23 +2025-03-10 16:08:14,832 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:15,136 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:15,151 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:15,173 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.444610714286 | Take profit: 2093.8148089285714 +2025-03-10 16:08:15,364 - INFO - CLOSED short at 2118.0 | PnL: 0.37% | $0.52 +2025-03-10 16:08:15,394 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.454760714286 | Take profit: 2089.9043589285716 +2025-03-10 16:08:15,818 - INFO - CLOSED short at 2113.28 | PnL: 0.40% | $0.59 +2025-03-10 16:08:15,840 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.1182607142855 | Take profit: 2082.7138589285714 +2025-03-10 16:08:16,303 - INFO - CLOSED short at 2090.99 | PnL: 1.11% | $2.00 +2025-03-10 16:08:16,326 - INFO - OPENED SHORT at 2084.95 | Stop loss: 2095.4205107142857 | Take profit: 2053.607108928571 +2025-03-10 16:08:16,371 - INFO - CLOSED short at 2084.75 | PnL: 0.01% | $-0.18 +2025-03-10 16:08:16,371 - INFO - OPENED LONG at 2084.75 | Stop loss: 2074.2804892857143 | Take profit: 2116.0898910714286 +2025-03-10 16:08:16,398 - INFO - CLOSED long at 2081.0 | PnL: -0.18% | $-0.56 +2025-03-10 16:08:16,398 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.4507607142855 | Take profit: 2049.7163589285715 +2025-03-10 16:08:16,552 - INFO - TAKE PROFIT hit for short at 2049.7163589285715 | PnL: 1.50% | $2.81 +2025-03-10 16:08:16,576 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3007607142854 | Take profit: 2020.1663589285715 +2025-03-10 16:08:16,661 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.48, Avg Loss=$-0.37 +2025-03-10 16:08:16,661 - INFO - Episode 23: Reward=1.51, Balance=$105.18, Win Rate=66.7%, Trades=6, Episode PnL=$5.74, Total PnL=$301.38, Max Drawdown=0.0%, Pred Accuracy=97.9% +2025-03-10 16:08:16,662 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:16,662 - INFO - Refreshing data for episode 24 +2025-03-10 16:08:16,663 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:16,972 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:16,981 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:17,005 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.444610714286 | Take profit: 2093.8148089285714 +2025-03-10 16:08:17,196 - INFO - CLOSED short at 2118.0 | PnL: 0.37% | $0.52 +2025-03-10 16:08:17,197 - INFO - OPENED LONG at 2118.0 | Stop loss: 2107.3642392857146 | Take profit: 2149.838641071429 +2025-03-10 16:08:17,215 - INFO - CLOSED long at 2121.8 | PnL: 0.18% | $0.16 +2025-03-10 16:08:17,242 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0728607142855 | Take profit: 2089.5300589285716 +2025-03-10 16:08:17,305 - INFO - CLOSED short at 2120.96 | PnL: 0.02% | $-0.15 +2025-03-10 16:08:17,326 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.5702607142857 | Take profit: 2092.9578589285716 +2025-03-10 16:08:17,347 - INFO - CLOSED short at 2128.33 | PnL: -0.16% | $-0.51 +2025-03-10 16:08:17,369 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4396107142857 | Take profit: 2092.8298089285713 +2025-03-10 16:08:17,777 - INFO - TAKE PROFIT hit for short at 2092.8298089285713 | PnL: 1.50% | $2.75 +2025-03-10 16:08:17,799 - INFO - OPENED LONG at 2100.05 | Stop loss: 2089.5039892857144 | Take profit: 2131.6193910714287 +2025-03-10 16:08:17,827 - INFO - CLOSED long at 2096.36 | PnL: -0.18% | $-0.55 +2025-03-10 16:08:17,827 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.887560714286 | Take profit: 2064.8459589285717 +2025-03-10 16:08:18,444 - INFO - CLOSED short at 2048.3 | PnL: 2.29% | $4.39 +2025-03-10 16:08:18,445 - INFO - OPENED LONG at 2048.3 | Stop loss: 2038.0127392857146 | Take profit: 2079.093141071429 +2025-03-10 16:08:18,469 - INFO - CLOSED long at 2051.0 | PnL: 0.13% | $0.07 +2025-03-10 16:08:18,469 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3007607142854 | Take profit: 2020.1663589285715 +2025-03-10 16:08:18,562 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.58, Avg Loss=$-0.41 +2025-03-10 16:08:18,562 - INFO - Episode 24: Reward=2.07, Balance=$106.65, Win Rate=62.5%, Trades=8, Episode PnL=$7.14, Total PnL=$308.03, Max Drawdown=0.7%, Pred Accuracy=97.8% +2025-03-10 16:08:18,712 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 16:08:18,712 - INFO - New best PnL model saved: $7.14 +2025-03-10 16:08:18,713 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:18,713 - INFO - Refreshing data for episode 25 +2025-03-10 16:08:18,713 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:19,023 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:19,033 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:19,737 - INFO - OPENED LONG at 2125.77 | Stop loss: 2115.095389285714 | Take profit: 2157.725191071429 +2025-03-10 16:08:19,761 - INFO - CLOSED long at 2126.13 | PnL: 0.02% | $-0.16 +2025-03-10 16:08:19,762 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.806410714286 | Take profit: 2094.1694089285716 +2025-03-10 16:08:19,876 - INFO - CLOSED short at 2122.24 | PnL: 0.18% | $0.16 +2025-03-10 16:08:19,876 - INFO - OPENED LONG at 2122.24 | Stop loss: 2111.583039285714 | Take profit: 2154.142241071428 +2025-03-10 16:08:19,899 - INFO - CLOSED long at 2120.48 | PnL: -0.08% | $-0.36 +2025-03-10 16:08:19,899 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1281607142855 | Take profit: 2088.6041589285715 +2025-03-10 16:08:20,024 - INFO - CLOSED short at 2116.52 | PnL: 0.19% | $0.17 +2025-03-10 16:08:20,024 - INFO - OPENED LONG at 2116.52 | Stop loss: 2105.891639285714 | Take profit: 2148.3364410714285 +2025-03-10 16:08:20,073 - INFO - CLOSED long at 2120.96 | PnL: 0.21% | $0.21 +2025-03-10 16:08:20,073 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6105607142854 | Take profit: 2089.0769589285715 +2025-03-10 16:08:20,320 - INFO - CLOSED short at 2114.1 | PnL: 0.32% | $0.44 +2025-03-10 16:08:20,321 - INFO - OPENED LONG at 2114.1 | Stop loss: 2103.483739285714 | Take profit: 2145.880141071428 +2025-03-10 16:08:20,345 - INFO - CLOSED long at 2115.11 | PnL: 0.05% | $-0.10 +2025-03-10 16:08:20,346 - INFO - OPENED SHORT at 2115.11 | Stop loss: 2125.731310714286 | Take profit: 2083.3147089285717 +2025-03-10 16:08:20,371 - INFO - CLOSED short at 2114.32 | PnL: 0.04% | $-0.12 +2025-03-10 16:08:20,371 - INFO - OPENED LONG at 2114.32 | Stop loss: 2103.7026392857147 | Take profit: 2146.1034410714287 +2025-03-10 16:08:20,394 - INFO - CLOSED long at 2114.57 | PnL: 0.01% | $-0.17 +2025-03-10 16:08:20,395 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.188610714286 | Take profit: 2082.7828089285713 +2025-03-10 16:08:20,697 - INFO - CLOSED short at 2100.0 | PnL: 0.69% | $1.15 +2025-03-10 16:08:20,698 - INFO - OPENED LONG at 2100.0 | Stop loss: 2089.4542392857143 | Take profit: 2131.568641071429 +2025-03-10 16:08:20,725 - INFO - CLOSED long at 2102.83 | PnL: 0.13% | $0.07 +2025-03-10 16:08:20,725 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3899107142856 | Take profit: 2071.2189089285716 +2025-03-10 16:08:20,800 - INFO - CLOSED short at 2104.67 | PnL: -0.09% | $-0.37 +2025-03-10 16:08:20,801 - INFO - OPENED LONG at 2104.67 | Stop loss: 2094.1008892857144 | Take profit: 2136.3086910714287 +2025-03-10 16:08:20,826 - INFO - CLOSED long at 2105.26 | PnL: 0.03% | $-0.14 +2025-03-10 16:08:20,826 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.832060714286 | Take profit: 2073.612458928572 +2025-03-10 16:08:20,946 - INFO - CLOSED short at 2098.66 | PnL: 0.31% | $0.42 +2025-03-10 16:08:20,947 - INFO - OPENED LONG at 2098.66 | Stop loss: 2088.120939285714 | Take profit: 2130.2085410714285 +2025-03-10 16:08:20,992 - INFO - CLOSED long at 2090.99 | PnL: -0.37% | $-0.92 +2025-03-10 16:08:20,993 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.4907107142853 | Take profit: 2059.556508928571 +2025-03-10 16:08:21,017 - INFO - CLOSED short at 2084.95 | PnL: 0.29% | $0.37 +2025-03-10 16:08:21,017 - INFO - OPENED LONG at 2084.95 | Stop loss: 2074.479489285714 | Take profit: 2116.292891071428 +2025-03-10 16:08:21,064 - INFO - CLOSED long at 2084.75 | PnL: -0.01% | $-0.22 +2025-03-10 16:08:21,064 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2195107142857 | Take profit: 2053.4101089285714 +2025-03-10 16:08:21,111 - INFO - CLOSED short at 2084.25 | PnL: 0.02% | $-0.15 +2025-03-10 16:08:21,112 - INFO - OPENED LONG at 2084.25 | Stop loss: 2073.7829892857144 | Take profit: 2115.582391071429 +2025-03-10 16:08:21,135 - INFO - CLOSED long at 2085.37 | PnL: 0.05% | $-0.09 +2025-03-10 16:08:21,136 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8426107142855 | Take profit: 2054.020808928571 +2025-03-10 16:08:21,186 - INFO - CLOSED short at 2083.07 | PnL: 0.11% | $0.02 +2025-03-10 16:08:21,186 - INFO - OPENED LONG at 2083.07 | Stop loss: 2072.608889285714 | Take profit: 2114.3846910714287 +2025-03-10 16:08:21,233 - INFO - STOP LOSS hit for long at 2072.608889285714 | PnL: -0.50% | $-1.18 +2025-03-10 16:08:21,255 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.587260714286 | Take profit: 2017.5068589285715 +2025-03-10 16:08:21,378 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 63.6% in downtrends | Avg Win=$0.34, Avg Loss=$-0.33 +2025-03-10 16:08:21,379 - INFO - Episode 25: Reward=-10.13, Balance=$99.03, Win Rate=42.9%, Trades=21, Episode PnL=$0.91, Total PnL=$307.05, Max Drawdown=1.0%, Pred Accuracy=97.9% +2025-03-10 16:08:21,380 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:21,380 - INFO - Refreshing data for episode 26 +2025-03-10 16:08:21,380 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:21,693 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:21,703 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:21,723 - INFO - OPENED LONG at 2125.77 | Stop loss: 2115.095389285714 | Take profit: 2157.725191071429 +2025-03-10 16:08:21,746 - INFO - CLOSED long at 2126.13 | PnL: 0.02% | $-0.16 +2025-03-10 16:08:21,747 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.806410714286 | Take profit: 2094.1694089285716 +2025-03-10 16:08:21,967 - INFO - CLOSED short at 2121.42 | PnL: 0.22% | $0.24 +2025-03-10 16:08:21,967 - INFO - OPENED LONG at 2121.42 | Stop loss: 2110.7671392857146 | Take profit: 2153.3099410714285 +2025-03-10 16:08:21,992 - INFO - CLOSED long at 2116.52 | PnL: -0.23% | $-0.65 +2025-03-10 16:08:21,992 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.148360714286 | Take profit: 2084.7035589285715 +2025-03-10 16:08:22,043 - INFO - CLOSED short at 2120.96 | PnL: -0.21% | $-0.60 +2025-03-10 16:08:22,043 - INFO - OPENED LONG at 2120.96 | Stop loss: 2110.3094392857142 | Take profit: 2152.8430410714286 +2025-03-10 16:08:22,065 - INFO - CLOSED long at 2124.9 | PnL: 0.19% | $0.17 +2025-03-10 16:08:22,065 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.5702607142857 | Take profit: 2092.9578589285716 +2025-03-10 16:08:22,357 - INFO - CLOSED short at 2114.57 | PnL: 0.49% | $0.75 +2025-03-10 16:08:22,385 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.1786107142857 | Take profit: 2080.8128089285715 +2025-03-10 16:08:22,781 - INFO - CLOSED short at 2099.22 | PnL: 0.63% | $1.04 +2025-03-10 16:08:22,781 - INFO - OPENED LONG at 2099.22 | Stop loss: 2088.678139285714 | Take profit: 2130.7769410714286 +2025-03-10 16:08:22,801 - INFO - CLOSED long at 2094.16 | PnL: -0.24% | $-0.67 +2025-03-10 16:08:22,801 - INFO - OPENED SHORT at 2094.16 | Stop loss: 2104.6765607142856 | Take profit: 2062.6789589285713 +2025-03-10 16:08:22,871 - INFO - CLOSED short at 2090.59 | PnL: 0.17% | $0.14 +2025-03-10 16:08:22,872 - INFO - OPENED LONG at 2090.59 | Stop loss: 2080.0912892857145 | Take profit: 2122.0174910714286 +2025-03-10 16:08:22,895 - INFO - CLOSED long at 2090.99 | PnL: 0.02% | $-0.16 +2025-03-10 16:08:22,895 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.4907107142853 | Take profit: 2059.556508928571 +2025-03-10 16:08:23,071 - INFO - CLOSED short at 2084.11 | PnL: 0.33% | $0.45 +2025-03-10 16:08:23,071 - INFO - OPENED LONG at 2084.11 | Stop loss: 2073.6436892857146 | Take profit: 2115.440291071429 +2025-03-10 16:08:23,119 - INFO - CLOSED long at 2075.07 | PnL: -0.43% | $-1.05 +2025-03-10 16:08:23,119 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.491110714286 | Take profit: 2043.8753089285715 +2025-03-10 16:08:23,222 - INFO - TAKE PROFIT hit for short at 2043.8753089285715 | PnL: 1.50% | $2.73 +2025-03-10 16:08:23,246 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.2002107142857 | Take profit: 2022.0280089285714 +2025-03-10 16:08:23,291 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 83.3% in downtrends | Avg Win=$0.79, Avg Loss=$-0.55 +2025-03-10 16:08:23,291 - INFO - Episode 26: Reward=-4.64, Balance=$102.21, Win Rate=53.8%, Trades=13, Episode PnL=$4.74, Total PnL=$309.27, Max Drawdown=0.3%, Pred Accuracy=98.0% +2025-03-10 16:08:23,292 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:23,292 - INFO - Refreshing data for episode 27 +2025-03-10 16:08:23,293 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:23,604 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:23,616 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:23,645 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.444610714286 | Take profit: 2093.8148089285714 +2025-03-10 16:08:23,701 - INFO - CLOSED short at 2126.32 | PnL: -0.03% | $-0.25 +2025-03-10 16:08:23,702 - INFO - OPENED LONG at 2126.32 | Stop loss: 2115.6426392857143 | Take profit: 2158.283441071429 +2025-03-10 16:08:23,738 - INFO - CLOSED long at 2126.7 | PnL: 0.02% | $-0.16 +2025-03-10 16:08:23,738 - INFO - OPENED SHORT at 2126.7 | Stop loss: 2137.3792607142855 | Take profit: 2094.7308589285713 +2025-03-10 16:08:23,790 - INFO - CLOSED short at 2122.17 | PnL: 0.21% | $0.22 +2025-03-10 16:08:23,790 - INFO - OPENED LONG at 2122.17 | Stop loss: 2111.5133892857143 | Take profit: 2154.0711910714285 +2025-03-10 16:08:23,814 - INFO - CLOSED long at 2122.24 | PnL: 0.00% | $-0.19 +2025-03-10 16:08:23,814 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.896960714286 | Take profit: 2090.3377589285715 +2025-03-10 16:08:23,883 - INFO - CLOSED short at 2118.0 | PnL: 0.20% | $0.19 +2025-03-10 16:08:23,884 - INFO - OPENED LONG at 2118.0 | Stop loss: 2107.3642392857146 | Take profit: 2149.838641071429 +2025-03-10 16:08:23,915 - INFO - CLOSED long at 2121.8 | PnL: 0.18% | $0.16 +2025-03-10 16:08:23,915 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.454760714286 | Take profit: 2089.9043589285716 +2025-03-10 16:08:24,250 - INFO - CLOSED short at 2115.21 | PnL: 0.31% | $0.41 +2025-03-10 16:08:24,250 - INFO - OPENED LONG at 2115.21 | Stop loss: 2104.588189285714 | Take profit: 2147.006791071429 +2025-03-10 16:08:24,294 - INFO - CLOSED long at 2115.11 | PnL: -0.00% | $-0.21 +2025-03-10 16:08:24,295 - INFO - OPENED SHORT at 2115.11 | Stop loss: 2125.731310714286 | Take profit: 2083.3147089285717 +2025-03-10 16:08:24,316 - INFO - CLOSED short at 2114.32 | PnL: 0.04% | $-0.12 +2025-03-10 16:08:24,341 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.188610714286 | Take profit: 2082.7828089285713 +2025-03-10 16:08:24,360 - INFO - CLOSED short at 2112.57 | PnL: 0.09% | $-0.01 +2025-03-10 16:08:24,382 - INFO - OPENED SHORT at 2113.28 | Stop loss: 2123.892160714286 | Take profit: 2081.512158928572 +2025-03-10 16:08:24,538 - INFO - CLOSED short at 2096.36 | PnL: 0.80% | $1.37 +2025-03-10 16:08:24,539 - INFO - OPENED LONG at 2096.36 | Stop loss: 2085.8324392857144 | Take profit: 2127.8740410714286 +2025-03-10 16:08:24,586 - INFO - CLOSED long at 2089.84 | PnL: -0.31% | $-0.82 +2025-03-10 16:08:24,617 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.716710714286 | Take profit: 2064.6785089285713 +2025-03-10 16:08:24,725 - INFO - CLOSED short at 2104.67 | PnL: -0.40% | $-0.99 +2025-03-10 16:08:24,725 - INFO - OPENED LONG at 2104.67 | Stop loss: 2094.1008892857144 | Take profit: 2136.3086910714287 +2025-03-10 16:08:24,747 - INFO - CLOSED long at 2105.26 | PnL: 0.03% | $-0.14 +2025-03-10 16:08:24,747 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.832060714286 | Take profit: 2073.612458928572 +2025-03-10 16:08:24,876 - INFO - CLOSED short at 2090.59 | PnL: 0.70% | $1.16 +2025-03-10 16:08:24,876 - INFO - OPENED LONG at 2090.59 | Stop loss: 2080.0912892857145 | Take profit: 2122.0174910714286 +2025-03-10 16:08:24,897 - INFO - CLOSED long at 2090.99 | PnL: 0.02% | $-0.16 +2025-03-10 16:08:24,898 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.4907107142853 | Take profit: 2059.556508928571 +2025-03-10 16:08:24,922 - INFO - CLOSED short at 2084.95 | PnL: 0.29% | $0.37 +2025-03-10 16:08:24,922 - INFO - OPENED LONG at 2084.95 | Stop loss: 2074.479489285714 | Take profit: 2116.292891071428 +2025-03-10 16:08:24,968 - INFO - CLOSED long at 2084.75 | PnL: -0.01% | $-0.22 +2025-03-10 16:08:24,968 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2195107142857 | Take profit: 2053.4101089285714 +2025-03-10 16:08:25,016 - INFO - CLOSED short at 2084.25 | PnL: 0.02% | $-0.15 +2025-03-10 16:08:25,016 - INFO - OPENED LONG at 2084.25 | Stop loss: 2073.7829892857144 | Take profit: 2115.582391071429 +2025-03-10 16:08:25,039 - INFO - CLOSED long at 2085.37 | PnL: 0.05% | $-0.09 +2025-03-10 16:08:25,040 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8426107142855 | Take profit: 2054.020808928571 +2025-03-10 16:08:25,068 - INFO - CLOSED short at 2084.11 | PnL: 0.06% | $-0.08 +2025-03-10 16:08:25,068 - INFO - OPENED LONG at 2084.11 | Stop loss: 2073.6436892857146 | Take profit: 2115.440291071429 +2025-03-10 16:08:25,115 - INFO - CLOSED long at 2075.07 | PnL: -0.43% | $-1.05 +2025-03-10 16:08:25,115 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.491110714286 | Take profit: 2043.8753089285715 +2025-03-10 16:08:25,208 - INFO - TAKE PROFIT hit for short at 2043.8753089285715 | PnL: 1.50% | $2.73 +2025-03-10 16:08:25,232 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.2002107142857 | Take profit: 2022.0280089285714 +2025-03-10 16:08:25,255 - INFO - CLOSED short at 2053.22 | PnL: -0.02% | $-0.23 +2025-03-10 16:08:25,256 - INFO - OPENED LONG at 2053.22 | Stop loss: 2042.908139285714 | Take profit: 2084.0869410714286 +2025-03-10 16:08:25,275 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 58.3% in downtrends | Avg Win=$0.83, Avg Loss=$-0.30 +2025-03-10 16:08:25,276 - INFO - Episode 27: Reward=-18.52, Balance=$101.76, Win Rate=33.3%, Trades=24, Episode PnL=$3.81, Total PnL=$311.02, Max Drawdown=0.0%, Pred Accuracy=98.0% +2025-03-10 16:08:25,276 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:25,277 - INFO - Refreshing data for episode 28 +2025-03-10 16:08:25,277 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:25,580 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:25,590 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:25,615 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.444610714286 | Take profit: 2093.8148089285714 +2025-03-10 16:08:25,738 - INFO - CLOSED short at 2122.17 | PnL: 0.17% | $0.14 +2025-03-10 16:08:25,738 - INFO - OPENED LONG at 2122.17 | Stop loss: 2111.5133892857143 | Take profit: 2154.0711910714285 +2025-03-10 16:08:25,784 - INFO - CLOSED long at 2120.48 | PnL: -0.08% | $-0.35 +2025-03-10 16:08:25,784 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1281607142855 | Take profit: 2088.6041589285715 +2025-03-10 16:08:25,860 - INFO - CLOSED short at 2121.8 | PnL: -0.06% | $-0.32 +2025-03-10 16:08:25,860 - INFO - OPENED LONG at 2121.8 | Stop loss: 2111.1452392857145 | Take profit: 2153.695641071429 +2025-03-10 16:08:25,903 - INFO - CLOSED long at 2116.52 | PnL: -0.25% | $-0.68 +2025-03-10 16:08:25,903 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.148360714286 | Take profit: 2084.7035589285715 +2025-03-10 16:08:26,003 - INFO - CLOSED short at 2128.33 | PnL: -0.56% | $-1.27 +2025-03-10 16:08:26,003 - INFO - OPENED LONG at 2128.33 | Stop loss: 2117.642589285714 | Take profit: 2160.3235910714284 +2025-03-10 16:08:26,051 - INFO - CLOSED long at 2120.26 | PnL: -0.38% | $-0.91 +2025-03-10 16:08:26,052 - INFO - OPENED SHORT at 2120.26 | Stop loss: 2130.9070607142858 | Take profit: 2088.3874589285715 +2025-03-10 16:08:26,102 - INFO - CLOSED short at 2114.78 | PnL: 0.26% | $0.30 +2025-03-10 16:08:26,103 - INFO - OPENED LONG at 2114.78 | Stop loss: 2104.1603392857146 | Take profit: 2146.5703410714286 +2025-03-10 16:08:26,246 - INFO - CLOSED long at 2115.11 | PnL: 0.02% | $-0.16 +2025-03-10 16:08:26,246 - INFO - OPENED SHORT at 2115.11 | Stop loss: 2125.731310714286 | Take profit: 2083.3147089285717 +2025-03-10 16:08:26,292 - INFO - CLOSED short at 2114.57 | PnL: 0.03% | $-0.14 +2025-03-10 16:08:26,318 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.1786107142857 | Take profit: 2080.8128089285715 +2025-03-10 16:08:26,431 - INFO - CLOSED short at 2098.28 | PnL: 0.68% | $1.09 +2025-03-10 16:08:26,432 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.7428392857146 | Take profit: 2129.8228410714287 +2025-03-10 16:08:26,476 - INFO - CLOSED long at 2100.05 | PnL: 0.08% | $-0.03 +2025-03-10 16:08:26,476 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5960107142855 | Take profit: 2068.4806089285717 +2025-03-10 16:08:26,552 - INFO - CLOSED short at 2089.84 | PnL: 0.49% | $0.74 +2025-03-10 16:08:26,553 - INFO - OPENED LONG at 2089.84 | Stop loss: 2079.3450392857144 | Take profit: 2121.2562410714286 +2025-03-10 16:08:26,577 - INFO - CLOSED long at 2096.19 | PnL: 0.30% | $0.39 +2025-03-10 16:08:26,578 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.716710714286 | Take profit: 2064.6785089285713 +2025-03-10 16:08:26,602 - INFO - CLOSED short at 2100.0 | PnL: -0.18% | $-0.54 +2025-03-10 16:08:26,602 - INFO - OPENED LONG at 2100.0 | Stop loss: 2089.4542392857143 | Take profit: 2131.568641071429 +2025-03-10 16:08:26,626 - INFO - CLOSED long at 2102.83 | PnL: 0.13% | $0.07 +2025-03-10 16:08:26,626 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3899107142856 | Take profit: 2071.2189089285716 +2025-03-10 16:08:26,828 - INFO - CLOSED short at 2098.66 | PnL: 0.20% | $0.19 +2025-03-10 16:08:26,829 - INFO - OPENED LONG at 2098.66 | Stop loss: 2088.120939285714 | Take profit: 2130.2085410714285 +2025-03-10 16:08:26,895 - INFO - CLOSED long at 2084.95 | PnL: -0.65% | $-1.45 +2025-03-10 16:08:26,895 - INFO - OPENED SHORT at 2084.95 | Stop loss: 2095.4205107142857 | Take profit: 2053.607108928571 +2025-03-10 16:08:26,971 - INFO - CLOSED short at 2081.0 | PnL: 0.19% | $0.17 +2025-03-10 16:08:26,972 - INFO - OPENED LONG at 2081.0 | Stop loss: 2070.549239285714 | Take profit: 2112.2836410714285 +2025-03-10 16:08:27,106 - INFO - STOP LOSS hit for long at 2070.549239285714 | PnL: -0.50% | $-1.15 +2025-03-10 16:08:27,133 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.587260714286 | Take profit: 2017.5068589285715 +2025-03-10 16:08:27,155 - INFO - CLOSED short at 2051.0 | PnL: -0.13% | $-0.44 +2025-03-10 16:08:27,155 - INFO - OPENED LONG at 2051.0 | Stop loss: 2040.6992392857142 | Take profit: 2081.8336410714287 +2025-03-10 16:08:27,182 - INFO - CLOSED long at 2043.51 | PnL: -0.37% | $-0.87 +2025-03-10 16:08:27,182 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.773310714286 | Take profit: 2012.7887089285714 +2025-03-10 16:08:27,228 - INFO - CLOSED short at 2053.22 | PnL: -0.48% | $-1.07 +2025-03-10 16:08:27,228 - INFO - OPENED LONG at 2053.22 | Stop loss: 2042.908139285714 | Take profit: 2084.0869410714286 +2025-03-10 16:08:27,252 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$0.39, Avg Loss=$-0.67 +2025-03-10 16:08:27,253 - INFO - Episode 28: Reward=-11.47, Balance=$93.70, Win Rate=36.4%, Trades=22, Episode PnL=$-2.30, Total PnL=$304.72, Max Drawdown=3.9%, Pred Accuracy=98.1% +2025-03-10 16:08:27,254 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:27,254 - INFO - Refreshing data for episode 29 +2025-03-10 16:08:27,254 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:27,555 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:27,565 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:27,587 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.444610714286 | Take profit: 2093.8148089285714 +2025-03-10 16:08:27,657 - INFO - CLOSED short at 2126.7 | PnL: -0.04% | $-0.28 +2025-03-10 16:08:27,657 - INFO - OPENED LONG at 2126.7 | Stop loss: 2116.020739285714 | Take profit: 2158.6691410714284 +2025-03-10 16:08:27,704 - INFO - CLOSED long at 2122.17 | PnL: -0.21% | $-0.61 +2025-03-10 16:08:27,704 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.826610714286 | Take profit: 2090.2688089285716 +2025-03-10 16:08:27,745 - INFO - CLOSED short at 2120.48 | PnL: 0.08% | $-0.04 +2025-03-10 16:08:27,745 - INFO - OPENED LONG at 2120.48 | Stop loss: 2109.8318392857145 | Take profit: 2152.3558410714286 +2025-03-10 16:08:27,767 - INFO - CLOSED long at 2120.54 | PnL: 0.00% | $-0.19 +2025-03-10 16:08:27,767 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.1884607142856 | Take profit: 2088.6632589285714 +2025-03-10 16:08:27,788 - INFO - CLOSED short at 2118.0 | PnL: 0.12% | $0.04 +2025-03-10 16:08:27,788 - INFO - OPENED LONG at 2118.0 | Stop loss: 2107.3642392857146 | Take profit: 2149.838641071429 +2025-03-10 16:08:27,816 - INFO - CLOSED long at 2121.8 | PnL: 0.18% | $0.15 +2025-03-10 16:08:27,816 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.454760714286 | Take profit: 2089.9043589285716 +2025-03-10 16:08:27,903 - INFO - CLOSED short at 2120.96 | PnL: 0.04% | $-0.12 +2025-03-10 16:08:27,905 - INFO - OPENED LONG at 2120.96 | Stop loss: 2110.3094392857142 | Take profit: 2152.8430410714286 +2025-03-10 16:08:27,957 - INFO - CLOSED long at 2128.33 | PnL: 0.35% | $0.48 +2025-03-10 16:08:27,957 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0174107142857 | Take profit: 2096.3364089285715 +2025-03-10 16:08:28,037 - INFO - CLOSED short at 2116.81 | PnL: 0.54% | $0.86 +2025-03-10 16:08:28,037 - INFO - OPENED LONG at 2116.81 | Stop loss: 2106.1801892857143 | Take profit: 2148.630791071428 +2025-03-10 16:08:28,075 - INFO - CLOSED long at 2114.78 | PnL: -0.10% | $-0.38 +2025-03-10 16:08:28,075 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.399660714286 | Take profit: 2082.9896589285718 +2025-03-10 16:08:28,105 - INFO - CLOSED short at 2115.52 | PnL: -0.03% | $-0.26 +2025-03-10 16:08:28,106 - INFO - OPENED LONG at 2115.52 | Stop loss: 2104.896639285714 | Take profit: 2147.3214410714286 +2025-03-10 16:08:28,141 - INFO - CLOSED long at 2114.75 | PnL: -0.04% | $-0.27 +2025-03-10 16:08:28,142 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.3695107142858 | Take profit: 2082.9601089285716 +2025-03-10 16:08:28,230 - INFO - CLOSED short at 2114.1 | PnL: 0.03% | $-0.13 +2025-03-10 16:08:28,231 - INFO - OPENED LONG at 2114.1 | Stop loss: 2103.483739285714 | Take profit: 2145.880141071428 +2025-03-10 16:08:28,285 - INFO - CLOSED long at 2114.32 | PnL: 0.01% | $-0.17 +2025-03-10 16:08:28,286 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.9373607142857 | Take profit: 2082.5365589285716 +2025-03-10 16:08:28,344 - INFO - CLOSED short at 2112.57 | PnL: 0.08% | $-0.03 +2025-03-10 16:08:28,345 - INFO - OPENED LONG at 2112.57 | Stop loss: 2101.9613892857146 | Take profit: 2144.327191071429 +2025-03-10 16:08:28,399 - INFO - CLOSED long at 2114.5 | PnL: 0.09% | $-0.02 +2025-03-10 16:08:28,399 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.1182607142855 | Take profit: 2082.7138589285714 +2025-03-10 16:08:28,427 - INFO - CLOSED short at 2115.07 | PnL: -0.03% | $-0.25 +2025-03-10 16:08:28,427 - INFO - OPENED LONG at 2115.07 | Stop loss: 2104.4488892857144 | Take profit: 2146.8646910714288 +2025-03-10 16:08:28,456 - INFO - CLOSED long at 2098.24 | PnL: -0.80% | $-1.73 +2025-03-10 16:08:28,456 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.7769607142855 | Take profit: 2066.697758928571 +2025-03-10 16:08:28,553 - INFO - CLOSED short at 2100.05 | PnL: -0.09% | $-0.35 +2025-03-10 16:08:28,553 - INFO - OPENED LONG at 2100.05 | Stop loss: 2089.5039892857144 | Take profit: 2131.6193910714287 +2025-03-10 16:08:28,577 - INFO - CLOSED long at 2096.36 | PnL: -0.18% | $-0.52 +2025-03-10 16:08:28,578 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.887560714286 | Take profit: 2064.8459589285717 +2025-03-10 16:08:28,626 - INFO - CLOSED short at 2089.84 | PnL: 0.31% | $0.40 +2025-03-10 16:08:28,660 - INFO - OPENED LONG at 2096.19 | Stop loss: 2085.663289285714 | Take profit: 2127.701491071429 +2025-03-10 16:08:28,690 - INFO - CLOSED long at 2100.0 | PnL: 0.18% | $0.15 +2025-03-10 16:08:28,691 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.5457607142857 | Take profit: 2068.431358928571 +2025-03-10 16:08:28,783 - INFO - CLOSED short at 2104.67 | PnL: -0.22% | $-0.61 +2025-03-10 16:08:28,784 - INFO - OPENED LONG at 2104.67 | Stop loss: 2094.1008892857144 | Take profit: 2136.3086910714287 +2025-03-10 16:08:28,809 - INFO - CLOSED long at 2105.26 | PnL: 0.03% | $-0.14 +2025-03-10 16:08:28,809 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.832060714286 | Take profit: 2073.612458928572 +2025-03-10 16:08:28,998 - INFO - CLOSED short at 2084.95 | PnL: 0.96% | $1.62 +2025-03-10 16:08:29,026 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0286607142857 | Take profit: 2049.3026589285714 +2025-03-10 16:08:29,093 - INFO - CLOSED short at 2084.25 | PnL: -0.18% | $-0.53 +2025-03-10 16:08:29,094 - INFO - OPENED LONG at 2084.25 | Stop loss: 2073.7829892857144 | Take profit: 2115.582391071429 +2025-03-10 16:08:29,125 - INFO - CLOSED long at 2085.37 | PnL: 0.05% | $-0.09 +2025-03-10 16:08:29,127 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8426107142855 | Take profit: 2054.020808928571 +2025-03-10 16:08:29,196 - INFO - CLOSED short at 2075.07 | PnL: 0.49% | $0.75 +2025-03-10 16:08:29,223 - INFO - OPENED SHORT at 2067.71 | Stop loss: 2078.0943107142857 | Take profit: 2036.6257089285714 +2025-03-10 16:08:29,387 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 16.7% in downtrends | Avg Win=$0.56, Avg Loss=$-0.34 +2025-03-10 16:08:29,388 - INFO - Episode 29: Reward=-24.92, Balance=$97.73, Win Rate=28.6%, Trades=28, Episode PnL=$1.06, Total PnL=$302.45, Max Drawdown=3.4%, Pred Accuracy=98.0% +2025-03-10 16:08:29,388 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:29,389 - INFO - Refreshing data for episode 30 +2025-03-10 16:08:29,389 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:29,700 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:29,715 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:30,800 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.444610714286 | Take profit: 2093.8148089285714 +2025-03-10 16:08:30,971 - INFO - CLOSED short at 2122.24 | PnL: 0.17% | $0.13 +2025-03-10 16:08:30,972 - INFO - OPENED LONG at 2122.24 | Stop loss: 2111.583039285714 | Take profit: 2154.142241071428 +2025-03-10 16:08:30,995 - INFO - CLOSED long at 2120.48 | PnL: -0.08% | $-0.36 +2025-03-10 16:08:30,997 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1281607142855 | Take profit: 2088.6041589285715 +2025-03-10 16:08:31,628 - INFO - CLOSED short at 2114.5 | PnL: 0.28% | $0.36 +2025-03-10 16:08:31,628 - INFO - OPENED LONG at 2114.5 | Stop loss: 2103.881739285714 | Take profit: 2146.2861410714286 +2025-03-10 16:08:31,656 - INFO - CLOSED long at 2115.07 | PnL: 0.03% | $-0.14 +2025-03-10 16:08:31,656 - INFO - OPENED SHORT at 2115.07 | Stop loss: 2125.691110714286 | Take profit: 2083.2753089285716 +2025-03-10 16:08:32,211 - INFO - TAKE PROFIT hit for short at 2083.2753089285716 | PnL: 1.50% | $2.75 +2025-03-10 16:08:32,240 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2195107142857 | Take profit: 2053.4101089285714 +2025-03-10 16:08:32,435 - INFO - TAKE PROFIT hit for short at 2053.4101089285714 | PnL: 1.50% | $2.82 +2025-03-10 16:08:32,473 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3007607142854 | Take profit: 2020.1663589285715 +2025-03-10 16:08:32,580 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.51, Avg Loss=$-0.25 +2025-03-10 16:08:32,581 - INFO - Episode 30: Reward=13.06, Balance=$105.55, Win Rate=66.7%, Trades=6, Episode PnL=$6.05, Total PnL=$308.00, Max Drawdown=0.0%, Pred Accuracy=98.0% +2025-03-10 16:08:32,743 - INFO - Model saved to checkpoints/trading_agent_episode_30.pt +2025-03-10 16:08:32,745 - INFO - Checkpoint saved at episode 30 +2025-03-10 16:08:32,745 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:33,806 - INFO - Visualization saved for episode 30 +2025-03-10 16:08:35,791 - INFO - Visualization saved for episode 30 +2025-03-10 16:08:35,806 - INFO - Refreshing data for episode 31 +2025-03-10 16:08:35,806 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:36,111 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:36,124 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:36,233 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.4450857142856 | Take profit: 2093.8140964285712 +2025-03-10 16:08:36,267 - INFO - CLOSED short at 2126.13 | PnL: -0.02% | $-0.23 +2025-03-10 16:08:36,304 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.997835714286 | Take profit: 2094.3558464285716 +2025-03-10 16:08:37,080 - INFO - CLOSED short at 2098.24 | PnL: 1.32% | $2.38 +2025-03-10 16:08:37,120 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.863035714286 | Take profit: 2059.9202464285718 +2025-03-10 16:08:37,288 - INFO - STOP LOSS hit for short at 2101.863035714286 | PnL: -0.50% | $-1.20 +2025-03-10 16:08:37,315 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9732857142853 | Take profit: 2071.789496428571 +2025-03-10 16:08:37,379 - INFO - CLOSED short at 2105.26 | PnL: -0.09% | $-0.37 +2025-03-10 16:08:37,379 - INFO - OPENED LONG at 2105.26 | Stop loss: 2094.6874642857147 | Take profit: 2136.9082535714288 +2025-03-10 16:08:37,402 - INFO - CLOSED long at 2099.63 | PnL: -0.27% | $-0.72 +2025-03-10 16:08:37,402 - INFO - OPENED SHORT at 2099.63 | Stop loss: 2110.1743857142856 | Take profit: 2068.0661964285714 +2025-03-10 16:08:37,790 - INFO - TAKE PROFIT hit for short at 2068.0661964285714 | PnL: 1.50% | $2.74 +2025-03-10 16:08:37,819 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.587735714286 | Take profit: 2017.5061464285716 +2025-03-10 16:08:37,936 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 33.3% in downtrends | Avg Win=$2.56, Avg Loss=$-0.63 +2025-03-10 16:08:37,937 - INFO - Episode 31: Reward=11.24, Balance=$102.60, Win Rate=33.3%, Trades=6, Episode PnL=$3.32, Total PnL=$310.60, Max Drawdown=1.2%, Pred Accuracy=98.1% +2025-03-10 16:08:37,938 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:37,938 - INFO - Refreshing data for episode 32 +2025-03-10 16:08:37,938 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:38,267 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:38,276 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:38,295 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.4450857142856 | Take profit: 2093.8140964285712 +2025-03-10 16:08:39,118 - INFO - CLOSED short at 2098.24 | PnL: 1.30% | $2.34 +2025-03-10 16:08:39,146 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.817635714286 | Take profit: 2066.7364464285715 +2025-03-10 16:08:39,863 - INFO - TAKE PROFIT hit for short at 2066.7364464285715 | PnL: 1.50% | $2.81 +2025-03-10 16:08:39,893 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3012357142857 | Take profit: 2020.1656464285716 +2025-03-10 16:08:39,982 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.57, Avg Loss=$0.00 +2025-03-10 16:08:39,983 - INFO - Episode 32: Reward=16.30, Balance=$105.15, Win Rate=100.0%, Trades=2, Episode PnL=$5.15, Total PnL=$315.75, Max Drawdown=0.0%, Pred Accuracy=98.2% +2025-03-10 16:08:39,983 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:39,983 - INFO - Refreshing data for episode 33 +2025-03-10 16:08:39,983 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:40,314 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:40,324 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:40,346 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.4450857142856 | Take profit: 2093.8140964285712 +2025-03-10 16:08:41,265 - INFO - TAKE PROFIT hit for short at 2093.8140964285712 | PnL: 1.50% | $2.75 +2025-03-10 16:08:41,293 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.596485714286 | Take profit: 2068.4798964285715 +2025-03-10 16:08:41,629 - INFO - CLOSED short at 2099.22 | PnL: 0.04% | $-0.12 +2025-03-10 16:08:41,630 - INFO - OPENED LONG at 2099.22 | Stop loss: 2088.677664285714 | Take profit: 2130.7776535714283 +2025-03-10 16:08:41,662 - INFO - CLOSED long at 2094.16 | PnL: -0.24% | $-0.68 +2025-03-10 16:08:41,662 - INFO - OPENED SHORT at 2094.16 | Stop loss: 2104.6770357142855 | Take profit: 2062.678246428571 +2025-03-10 16:08:41,909 - INFO - CLOSED short at 2085.37 | PnL: 0.42% | $0.64 +2025-03-10 16:08:41,936 - INFO - OPENED SHORT at 2084.11 | Stop loss: 2094.5767857142855 | Take profit: 2052.7789964285716 +2025-03-10 16:08:42,034 - INFO - TAKE PROFIT hit for short at 2052.7789964285716 | PnL: 1.50% | $2.82 +2025-03-10 16:08:42,061 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3012357142857 | Take profit: 2020.1656464285716 +2025-03-10 16:08:42,172 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.07, Avg Loss=$-0.40 +2025-03-10 16:08:42,172 - INFO - Episode 33: Reward=12.05, Balance=$105.39, Win Rate=60.0%, Trades=5, Episode PnL=$6.08, Total PnL=$321.14, Max Drawdown=0.2%, Pred Accuracy=98.1% +2025-03-10 16:08:42,173 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:42,173 - INFO - Refreshing data for episode 34 +2025-03-10 16:08:42,173 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:42,505 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:42,515 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:42,543 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.4452464285714 | Take profit: 2093.813855357143 +2025-03-10 16:08:43,498 - INFO - TAKE PROFIT hit for short at 2093.813855357143 | PnL: 1.50% | $2.75 +2025-03-10 16:08:43,533 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5966464285716 | Take profit: 2068.479655357143 +2025-03-10 16:08:44,292 - INFO - TAKE PROFIT hit for short at 2068.479655357143 | PnL: 1.50% | $2.82 +2025-03-10 16:08:44,325 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5878964285716 | Take profit: 2017.505905357143 +2025-03-10 16:08:44,453 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$0.00 +2025-03-10 16:08:44,454 - INFO - Episode 34: Reward=14.10, Balance=$105.57, Win Rate=100.0%, Trades=2, Episode PnL=$5.57, Total PnL=$326.71, Max Drawdown=0.0%, Pred Accuracy=98.2% +2025-03-10 16:08:44,455 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:44,455 - INFO - Refreshing data for episode 35 +2025-03-10 16:08:44,455 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:44,768 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:44,784 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:45,590 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.4457285714284 | Take profit: 2093.8131321428573 +2025-03-10 16:08:46,440 - INFO - CLOSED short at 2115.07 | PnL: 0.50% | $0.79 +2025-03-10 16:08:46,441 - INFO - OPENED LONG at 2115.07 | Stop loss: 2104.4477714285717 | Take profit: 2146.8663678571434 +2025-03-10 16:08:46,471 - INFO - CLOSED long at 2098.24 | PnL: -0.80% | $-1.77 +2025-03-10 16:08:46,473 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.7780785714285 | Take profit: 2066.696082142857 +2025-03-10 16:08:46,603 - INFO - CLOSED short at 2089.04 | PnL: 0.44% | $0.66 +2025-03-10 16:08:46,631 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.336078571429 | Take profit: 2058.422082142857 +2025-03-10 16:08:46,714 - INFO - STOP LOSS hit for short at 2100.336078571429 | PnL: -0.50% | $-1.17 +2025-03-10 16:08:46,738 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9739285714286 | Take profit: 2071.788532142857 +2025-03-10 16:08:46,836 - INFO - CLOSED short at 2099.63 | PnL: 0.18% | $0.15 +2025-03-10 16:08:46,836 - INFO - OPENED LONG at 2099.63 | Stop loss: 2089.0849714285714 | Take profit: 2131.1947678571432 +2025-03-10 16:08:46,865 - INFO - CLOSED long at 2099.22 | PnL: -0.02% | $-0.23 +2025-03-10 16:08:46,866 - INFO - OPENED SHORT at 2099.22 | Stop loss: 2109.7629785714284 | Take profit: 2067.661382142857 +2025-03-10 16:08:47,301 - INFO - TAKE PROFIT hit for short at 2067.661382142857 | PnL: 1.50% | $2.70 +2025-03-10 16:08:47,329 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3018785714285 | Take profit: 2020.1646821428571 +2025-03-10 16:08:47,440 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.08, Avg Loss=$-1.06 +2025-03-10 16:08:47,441 - INFO - Episode 35: Reward=13.20, Balance=$101.13, Win Rate=57.1%, Trades=7, Episode PnL=$3.13, Total PnL=$327.84, Max Drawdown=1.5%, Pred Accuracy=98.3% +2025-03-10 16:08:47,443 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:47,443 - INFO - Refreshing data for episode 36 +2025-03-10 16:08:47,443 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:47,748 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:47,758 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:47,785 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.4457285714284 | Take profit: 2093.8131321428573 +2025-03-10 16:08:48,100 - INFO - CLOSED short at 2116.52 | PnL: 0.44% | $0.66 +2025-03-10 16:08:48,129 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6619785714283 | Take profit: 2087.164382142857 +2025-03-10 16:08:48,234 - INFO - CLOSED short at 2124.77 | PnL: -0.27% | $-0.73 +2025-03-10 16:08:48,262 - INFO - OPENED SHORT at 2120.26 | Stop loss: 2130.908178571429 | Take profit: 2088.3857821428574 +2025-03-10 16:08:48,607 - INFO - CLOSED short at 2113.28 | PnL: 0.33% | $0.45 +2025-03-10 16:08:48,607 - INFO - OPENED LONG at 2113.28 | Stop loss: 2102.6667214285717 | Take profit: 2145.0495178571427 +2025-03-10 16:08:48,628 - INFO - CLOSED long at 2114.5 | PnL: 0.06% | $-0.08 +2025-03-10 16:08:48,629 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.1193785714286 | Take profit: 2082.7121821428573 +2025-03-10 16:08:49,215 - INFO - CLOSED short at 2096.96 | PnL: 0.83% | $1.43 +2025-03-10 16:08:49,216 - INFO - OPENED LONG at 2096.96 | Stop loss: 2086.4283214285715 | Take profit: 2128.4847178571426 +2025-03-10 16:08:49,244 - INFO - CLOSED long at 2098.66 | PnL: 0.08% | $-0.04 +2025-03-10 16:08:49,245 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.2001785714288 | Take profit: 2067.109782142857 +2025-03-10 16:08:49,542 - INFO - CLOSED short at 2083.07 | PnL: 0.74% | $1.28 +2025-03-10 16:08:49,545 - INFO - OPENED LONG at 2083.07 | Stop loss: 2072.6077714285716 | Take profit: 2114.3863678571433 +2025-03-10 16:08:49,571 - INFO - CLOSED long at 2075.07 | PnL: -0.38% | $-0.97 +2025-03-10 16:08:49,571 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.4922285714288 | Take profit: 2043.8736321428573 +2025-03-10 16:08:49,676 - INFO - TAKE PROFIT hit for short at 2043.8736321428573 | PnL: 1.50% | $2.80 +2025-03-10 16:08:49,710 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.2013285714283 | Take profit: 2022.026332142857 +2025-03-10 16:08:49,735 - INFO - CLOSED short at 2053.22 | PnL: -0.02% | $-0.24 +2025-03-10 16:08:49,735 - INFO - OPENED LONG at 2053.22 | Stop loss: 2042.9070214285712 | Take profit: 2084.0886178571427 +2025-03-10 16:08:49,758 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 80.0% in downtrends | Avg Win=$1.32, Avg Loss=$-0.41 +2025-03-10 16:08:49,758 - INFO - Episode 36: Reward=11.64, Balance=$104.55, Win Rate=50.0%, Trades=10, Episode PnL=$5.64, Total PnL=$332.39, Max Drawdown=0.7%, Pred Accuracy=98.3% +2025-03-10 16:08:49,760 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:49,760 - INFO - Refreshing data for episode 37 +2025-03-10 16:08:49,760 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:50,072 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:50,084 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:50,145 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.8077 | Take profit: 2094.167475 +2025-03-10 16:08:50,445 - INFO - CLOSED short at 2116.52 | PnL: 0.45% | $0.69 +2025-03-10 16:08:50,446 - INFO - OPENED LONG at 2116.52 | Stop loss: 2105.8903499999997 | Take profit: 2148.338375 +2025-03-10 16:08:50,477 - INFO - CLOSED long at 2119.02 | PnL: 0.12% | $0.04 +2025-03-10 16:08:50,477 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.66215 | Take profit: 2087.164125 +2025-03-10 16:08:50,536 - INFO - CLOSED short at 2124.9 | PnL: -0.28% | $-0.74 +2025-03-10 16:08:50,537 - INFO - OPENED LONG at 2124.9 | Stop loss: 2114.22845 | Take profit: 2156.844075 +2025-03-10 16:08:50,571 - INFO - CLOSED long at 2128.33 | PnL: 0.16% | $0.12 +2025-03-10 16:08:50,572 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0187 | Take profit: 2096.334475 +2025-03-10 16:08:50,630 - INFO - CLOSED short at 2120.26 | PnL: 0.38% | $0.55 +2025-03-10 16:08:50,660 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.4411 | Take profit: 2084.987275 +2025-03-10 16:08:51,589 - INFO - TAKE PROFIT hit for short at 2084.987275 | PnL: 1.50% | $2.76 +2025-03-10 16:08:51,617 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0299499999996 | Take profit: 2049.300725 +2025-03-10 16:08:51,837 - INFO - TAKE PROFIT hit for short at 2049.300725 | PnL: 1.50% | $2.84 +2025-03-10 16:08:51,868 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3020500000002 | Take profit: 2020.164425 +2025-03-10 16:08:51,976 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.17, Avg Loss=$-0.74 +2025-03-10 16:08:51,977 - INFO - Episode 37: Reward=15.88, Balance=$106.25, Win Rate=85.7%, Trades=7, Episode PnL=$6.09, Total PnL=$338.64, Max Drawdown=0.0%, Pred Accuracy=98.3% +2025-03-10 16:08:51,977 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:51,978 - INFO - Refreshing data for episode 38 +2025-03-10 16:08:51,978 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:52,750 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:52,759 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:52,814 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.808335714286 | Take profit: 2094.1665214285717 +2025-03-10 16:08:53,656 - INFO - CLOSED short at 2098.24 | PnL: 1.31% | $2.37 +2025-03-10 16:08:53,656 - INFO - OPENED LONG at 2098.24 | Stop loss: 2087.701114285714 | Take profit: 2129.7851285714282 +2025-03-10 16:08:53,684 - INFO - CLOSED long at 2098.28 | PnL: 0.00% | $-0.20 +2025-03-10 16:08:53,685 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.819085714286 | Take profit: 2066.7342714285714 +2025-03-10 16:08:54,420 - INFO - TAKE PROFIT hit for short at 2066.7342714285714 | PnL: 1.50% | $2.80 +2025-03-10 16:08:54,447 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3026857142854 | Take profit: 2020.1634714285715 +2025-03-10 16:08:54,542 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.59, Avg Loss=$-0.20 +2025-03-10 16:08:54,543 - INFO - Episode 38: Reward=14.94, Balance=$104.98, Win Rate=66.7%, Trades=3, Episode PnL=$5.17, Total PnL=$343.62, Max Drawdown=0.0%, Pred Accuracy=98.4% +2025-03-10 16:08:54,543 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:54,544 - INFO - Refreshing data for episode 39 +2025-03-10 16:08:54,544 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:54,857 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:54,867 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:54,899 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.447067857143 | Take profit: 2093.811123214286 +2025-03-10 16:08:55,345 - INFO - CLOSED short at 2124.9 | PnL: 0.04% | $-0.12 +2025-03-10 16:08:55,345 - INFO - OPENED LONG at 2124.9 | Stop loss: 2114.2272821428573 | Take profit: 2156.8458267857145 +2025-03-10 16:08:55,370 - INFO - CLOSED long at 2128.33 | PnL: 0.16% | $0.12 +2025-03-10 16:08:55,370 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.019867857143 | Take profit: 2096.3327232142856 +2025-03-10 16:08:55,817 - INFO - CLOSED short at 2115.07 | PnL: 0.62% | $1.02 +2025-03-10 16:08:55,817 - INFO - OPENED LONG at 2115.07 | Stop loss: 2104.4464321428572 | Take profit: 2146.8683767857146 +2025-03-10 16:08:55,845 - INFO - CLOSED long at 2098.24 | PnL: -0.80% | $-1.77 +2025-03-10 16:08:55,846 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.779417857143 | Take profit: 2066.6940732142857 +2025-03-10 16:08:56,251 - INFO - CLOSED short at 2099.22 | PnL: -0.05% | $-0.28 +2025-03-10 16:08:56,276 - INFO - OPENED SHORT at 2094.16 | Stop loss: 2104.6790178571428 | Take profit: 2062.6752732142854 +2025-03-10 16:08:56,669 - INFO - TAKE PROFIT hit for short at 2062.6752732142854 | PnL: 1.50% | $2.72 +2025-03-10 16:08:56,697 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3032178571425 | Take profit: 2020.1626732142856 +2025-03-10 16:08:56,794 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.29, Avg Loss=$-0.72 +2025-03-10 16:08:56,795 - INFO - Episode 39: Reward=10.59, Balance=$101.69, Win Rate=50.0%, Trades=6, Episode PnL=$3.34, Total PnL=$345.31, Max Drawdown=1.0%, Pred Accuracy=98.5% +2025-03-10 16:08:56,796 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:08:56,796 - INFO - Refreshing data for episode 40 +2025-03-10 16:08:56,796 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:08:57,124 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:08:57,133 - INFO - Initialized environment with 100 candles +2025-03-10 16:08:57,968 - INFO - OPENED SHORT at 2125.77 | Stop loss: 2136.447067857143 | Take profit: 2093.811123214286 +2025-03-10 16:08:58,873 - INFO - TAKE PROFIT hit for short at 2093.811123214286 | PnL: 1.50% | $2.74 +2025-03-10 16:08:58,903 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.598467857143 | Take profit: 2068.4769232142858 +2025-03-10 16:08:59,065 - INFO - CLOSED short at 2102.83 | PnL: -0.13% | $-0.47 +2025-03-10 16:08:59,087 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9752678571426 | Take profit: 2071.786523214286 +2025-03-10 16:08:59,270 - INFO - CLOSED short at 2096.96 | PnL: 0.31% | $0.41 +2025-03-10 16:08:59,271 - INFO - OPENED LONG at 2096.96 | Stop loss: 2086.426982142857 | Take profit: 2128.4867267857144 +2025-03-10 16:08:59,293 - INFO - CLOSED long at 2098.66 | PnL: 0.08% | $-0.04 +2025-03-10 16:08:59,321 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.0911678571433 | Take profit: 2059.158823214286 +2025-03-10 16:08:59,638 - INFO - TAKE PROFIT hit for short at 2059.158823214286 | PnL: 1.50% | $2.82 +2025-03-10 16:08:59,689 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.775767857143 | Take profit: 2012.7850232142857 +2025-03-10 16:08:59,742 - INFO - CLOSED short at 2053.22 | PnL: -0.48% | $-1.19 +2025-03-10 16:08:59,765 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.99, Avg Loss=$-0.56 +2025-03-10 16:08:59,766 - INFO - Episode 40: Reward=9.65, Balance=$104.28, Win Rate=50.0%, Trades=6, Episode PnL=$4.28, Total PnL=$349.59, Max Drawdown=1.1%, Pred Accuracy=98.5% +2025-03-10 16:08:59,904 - INFO - Model saved to checkpoints/trading_agent_episode_40.pt +2025-03-10 16:08:59,905 - INFO - Checkpoint saved at episode 40 +2025-03-10 16:08:59,905 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:09:01,076 - INFO - Visualization saved for episode 40 +2025-03-10 16:09:02,689 - INFO - Visualization saved for episode 40 +2025-03-10 16:09:02,704 - INFO - Refreshing data for episode 41 +2025-03-10 16:09:02,704 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:03,009 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:03,019 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:03,080 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.807542857143 | Take profit: 2094.167710714286 +2025-03-10 16:09:03,333 - INFO - CLOSED short at 2121.42 | PnL: 0.22% | $0.24 +2025-03-10 16:09:03,333 - INFO - OPENED LONG at 2121.42 | Stop loss: 2110.7660071428572 | Take profit: 2153.3116392857146 +2025-03-10 16:09:03,358 - INFO - CLOSED long at 2116.52 | PnL: -0.23% | $-0.65 +2025-03-10 16:09:03,363 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.149492857143 | Take profit: 2084.701860714286 +2025-03-10 16:09:03,460 - INFO - STOP LOSS hit for short at 2127.149492857143 | PnL: -0.50% | $-1.17 +2025-03-10 16:09:03,486 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4407428571426 | Take profit: 2092.8281107142857 +2025-03-10 16:09:03,897 - INFO - TAKE PROFIT hit for short at 2092.8281107142857 | PnL: 1.50% | $2.70 +2025-03-10 16:09:03,918 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.597142857143 | Take profit: 2068.478910714286 +2025-03-10 16:09:04,133 - INFO - CLOSED short at 2104.67 | PnL: -0.22% | $-0.63 +2025-03-10 16:09:04,133 - INFO - OPENED LONG at 2104.67 | Stop loss: 2094.099757142857 | Take profit: 2136.3103892857143 +2025-03-10 16:09:04,156 - INFO - CLOSED long at 2105.26 | PnL: 0.03% | $-0.14 +2025-03-10 16:09:04,156 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.8331928571433 | Take profit: 2073.610760714286 +2025-03-10 16:09:04,179 - INFO - CLOSED short at 2099.63 | PnL: 0.27% | $0.33 +2025-03-10 16:09:04,205 - INFO - OPENED SHORT at 2099.22 | Stop loss: 2109.7629928571428 | Take profit: 2067.6613607142854 +2025-03-10 16:09:04,476 - INFO - CLOSED short at 2084.11 | PnL: 0.72% | $1.22 +2025-03-10 16:09:04,501 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.532242857143 | Take profit: 2051.753610714286 +2025-03-10 16:09:04,572 - INFO - TAKE PROFIT hit for short at 2051.753610714286 | PnL: 1.50% | $2.80 +2025-03-10 16:09:04,596 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3018928571432 | Take profit: 2020.164660714286 +2025-03-10 16:09:04,701 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$1.46, Avg Loss=$-0.65 +2025-03-10 16:09:04,701 - INFO - Episode 41: Reward=12.61, Balance=$104.69, Win Rate=55.6%, Trades=9, Episode PnL=$5.48, Total PnL=$354.28, Max Drawdown=1.6%, Pred Accuracy=98.7% +2025-03-10 16:09:04,703 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:09:04,703 - INFO - Refreshing data for episode 42 +2025-03-10 16:09:04,703 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:05,030 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:05,041 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:05,066 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.807542857143 | Take profit: 2094.167710714286 +2025-03-10 16:09:05,825 - INFO - TAKE PROFIT hit for short at 2094.167710714286 | PnL: 1.50% | $2.75 +2025-03-10 16:09:05,850 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.597142857143 | Take profit: 2068.478910714286 +2025-03-10 16:09:05,991 - INFO - CLOSED short at 2103.41 | PnL: -0.16% | $-0.52 +2025-03-10 16:09:06,011 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.7879928571424 | Take profit: 2072.5863607142855 +2025-03-10 16:09:06,436 - INFO - TAKE PROFIT hit for short at 2072.5863607142855 | PnL: 1.50% | $2.81 +2025-03-10 16:09:06,461 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5883928571434 | Take profit: 2017.505160714286 +2025-03-10 16:09:06,588 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$-0.52 +2025-03-10 16:09:06,589 - INFO - Episode 42: Reward=12.47, Balance=$105.03, Win Rate=66.7%, Trades=3, Episode PnL=$5.03, Total PnL=$359.31, Max Drawdown=0.5%, Pred Accuracy=98.8% +2025-03-10 16:09:06,589 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:09:06,590 - INFO - Refreshing data for episode 43 +2025-03-10 16:09:06,590 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:06,914 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:06,924 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:06,950 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.8079464285715 | Take profit: 2094.167105357143 +2025-03-10 16:09:07,421 - INFO - CLOSED short at 2120.26 | PnL: 0.28% | $0.34 +2025-03-10 16:09:07,446 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.4413464285713 | Take profit: 2084.986905357143 +2025-03-10 16:09:08,219 - INFO - TAKE PROFIT hit for short at 2084.986905357143 | PnL: 1.50% | $2.75 +2025-03-10 16:09:08,242 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0301964285713 | Take profit: 2049.300355357143 +2025-03-10 16:09:08,430 - INFO - TAKE PROFIT hit for short at 2049.300355357143 | PnL: 1.50% | $2.83 +2025-03-10 16:09:08,457 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3022964285715 | Take profit: 2020.1640553571428 +2025-03-10 16:09:08,556 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.98, Avg Loss=$0.00 +2025-03-10 16:09:08,556 - INFO - Episode 43: Reward=15.20, Balance=$105.93, Win Rate=100.0%, Trades=3, Episode PnL=$5.93, Total PnL=$365.24, Max Drawdown=0.0%, Pred Accuracy=98.8% +2025-03-10 16:09:08,556 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:09:08,557 - INFO - Refreshing data for episode 44 +2025-03-10 16:09:08,557 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:08,871 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:08,883 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:08,906 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.8079464285715 | Take profit: 2094.167105357143 +2025-03-10 16:09:09,652 - INFO - TAKE PROFIT hit for short at 2094.167105357143 | PnL: 1.50% | $2.75 +2025-03-10 16:09:09,675 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5975464285716 | Take profit: 2068.478305357143 +2025-03-10 16:09:10,242 - INFO - TAKE PROFIT hit for short at 2068.478305357143 | PnL: 1.50% | $2.82 +2025-03-10 16:09:10,264 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5887964285716 | Take profit: 2017.504555357143 +2025-03-10 16:09:10,398 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$0.00 +2025-03-10 16:09:10,399 - INFO - Episode 44: Reward=14.10, Balance=$105.57, Win Rate=100.0%, Trades=2, Episode PnL=$5.57, Total PnL=$370.80, Max Drawdown=0.0%, Pred Accuracy=98.9% +2025-03-10 16:09:10,400 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:09:10,400 - INFO - Refreshing data for episode 45 +2025-03-10 16:09:10,401 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:10,701 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:10,710 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:11,394 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.8079464285715 | Take profit: 2094.167105357143 +2025-03-10 16:09:11,674 - INFO - CLOSED short at 2119.02 | PnL: 0.33% | $0.46 +2025-03-10 16:09:11,703 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6120964285715 | Take profit: 2089.074655357143 +2025-03-10 16:09:11,998 - INFO - CLOSED short at 2115.21 | PnL: 0.27% | $0.34 +2025-03-10 16:09:11,998 - INFO - OPENED LONG at 2115.21 | Stop loss: 2104.5866535714285 | Take profit: 2147.0090946428572 +2025-03-10 16:09:12,027 - INFO - CLOSED long at 2114.1 | PnL: -0.05% | $-0.30 +2025-03-10 16:09:12,027 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.717796428571 | Take profit: 2082.3175553571427 +2025-03-10 16:09:12,849 - INFO - TAKE PROFIT hit for short at 2082.3175553571427 | PnL: 1.50% | $2.76 +2025-03-10 16:09:12,878 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2210464285718 | Take profit: 2053.407805357143 +2025-03-10 16:09:13,111 - INFO - TAKE PROFIT hit for short at 2053.407805357143 | PnL: 1.50% | $2.83 +2025-03-10 16:09:13,141 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3022964285715 | Take profit: 2020.1640553571428 +2025-03-10 16:09:13,273 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.60, Avg Loss=$-0.30 +2025-03-10 16:09:13,274 - INFO - Episode 45: Reward=14.76, Balance=$106.09, Win Rate=80.0%, Trades=5, Episode PnL=$6.39, Total PnL=$376.89, Max Drawdown=0.0%, Pred Accuracy=99.0% +2025-03-10 16:09:13,274 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:09:13,274 - INFO - Refreshing data for episode 46 +2025-03-10 16:09:13,275 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:13,590 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:13,602 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:13,632 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.8079464285715 | Take profit: 2094.167105357143 +2025-03-10 16:09:13,688 - INFO - CLOSED short at 2126.7 | PnL: -0.03% | $-0.25 +2025-03-10 16:09:13,689 - INFO - OPENED LONG at 2126.7 | Stop loss: 2116.0192035714285 | Take profit: 2158.6714446428573 +2025-03-10 16:09:13,716 - INFO - CLOSED long at 2122.01 | PnL: -0.22% | $-0.63 +2025-03-10 16:09:13,716 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.667346428572 | Take profit: 2090.108905357143 +2025-03-10 16:09:14,683 - INFO - TAKE PROFIT hit for short at 2090.108905357143 | PnL: 1.50% | $2.72 +2025-03-10 16:09:14,718 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3364964285715 | Take profit: 2058.421455357143 +2025-03-10 16:09:14,805 - INFO - STOP LOSS hit for short at 2100.3364964285715 | PnL: -0.50% | $-1.20 +2025-03-10 16:09:14,834 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.974346428571 | Take profit: 2071.787905357143 +2025-03-10 16:09:15,100 - INFO - CLOSED short at 2084.95 | PnL: 0.88% | $1.53 +2025-03-10 16:09:15,123 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0301964285713 | Take profit: 2049.300355357143 +2025-03-10 16:09:15,329 - INFO - TAKE PROFIT hit for short at 2049.300355357143 | PnL: 1.50% | $2.80 +2025-03-10 16:09:15,353 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3022964285715 | Take profit: 2020.1640553571428 +2025-03-10 16:09:15,504 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$2.35, Avg Loss=$-0.69 +2025-03-10 16:09:15,505 - INFO - Episode 46: Reward=12.63, Balance=$104.98, Win Rate=50.0%, Trades=6, Episode PnL=$5.61, Total PnL=$381.87, Max Drawdown=1.2%, Pred Accuracy=99.0% +2025-03-10 16:09:15,505 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:09:15,505 - INFO - Refreshing data for episode 47 +2025-03-10 16:09:15,505 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:15,812 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:15,821 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:15,849 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.8079464285715 | Take profit: 2094.167105357143 +2025-03-10 16:09:16,728 - INFO - TAKE PROFIT hit for short at 2094.167105357143 | PnL: 1.50% | $2.75 +2025-03-10 16:09:16,760 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5975464285716 | Take profit: 2068.478305357143 +2025-03-10 16:09:17,432 - INFO - TAKE PROFIT hit for short at 2068.478305357143 | PnL: 1.50% | $2.82 +2025-03-10 16:09:17,458 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5887964285716 | Take profit: 2017.504555357143 +2025-03-10 16:09:17,609 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$0.00 +2025-03-10 16:09:17,610 - INFO - Episode 47: Reward=14.08, Balance=$105.57, Win Rate=100.0%, Trades=2, Episode PnL=$5.57, Total PnL=$387.44, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 16:09:17,610 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:09:17,611 - INFO - Refreshing data for episode 48 +2025-03-10 16:09:17,611 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:17,903 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:17,908 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:17,938 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.8079464285715 | Take profit: 2094.167105357143 +2025-03-10 16:09:18,764 - INFO - TAKE PROFIT hit for short at 2094.167105357143 | PnL: 1.50% | $2.75 +2025-03-10 16:09:18,794 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5975464285716 | Take profit: 2068.478305357143 +2025-03-10 16:09:18,971 - INFO - CLOSED short at 2104.22 | PnL: -0.20% | $-0.60 +2025-03-10 16:09:18,994 - INFO - OPENED SHORT at 2104.67 | Stop loss: 2115.240646428572 | Take profit: 2073.029005357143 +2025-03-10 16:09:19,114 - INFO - CLOSED short at 2098.66 | PnL: 0.29% | $0.37 +2025-03-10 16:09:19,139 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.0902464285714 | Take profit: 2059.1602053571432 +2025-03-10 16:09:19,341 - INFO - CLOSED short at 2084.11 | PnL: 0.31% | $0.42 +2025-03-10 16:09:19,342 - INFO - OPENED LONG at 2084.11 | Stop loss: 2073.6421535714285 | Take profit: 2115.442594642857 +2025-03-10 16:09:19,369 - INFO - CLOSED long at 2083.07 | PnL: -0.05% | $-0.30 +2025-03-10 16:09:19,370 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.5326464285718 | Take profit: 2051.753005357143 +2025-03-10 16:09:19,443 - INFO - TAKE PROFIT hit for short at 2051.753005357143 | PnL: 1.50% | $2.82 +2025-03-10 16:09:19,472 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3022964285715 | Take profit: 2020.1640553571428 +2025-03-10 16:09:19,579 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.59, Avg Loss=$-0.45 +2025-03-10 16:09:19,580 - INFO - Episode 48: Reward=13.09, Balance=$105.45, Win Rate=66.7%, Trades=6, Episode PnL=$5.75, Total PnL=$392.89, Max Drawdown=0.6%, Pred Accuracy=99.2% +2025-03-10 16:09:19,580 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:09:19,580 - INFO - Refreshing data for episode 49 +2025-03-10 16:09:19,582 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:19,881 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:19,894 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:19,921 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.8079464285715 | Take profit: 2094.167105357143 +2025-03-10 16:09:20,215 - INFO - CLOSED short at 2121.42 | PnL: 0.22% | $0.24 +2025-03-10 16:09:20,216 - INFO - OPENED LONG at 2121.42 | Stop loss: 2110.7656035714285 | Take profit: 2153.312244642857 +2025-03-10 16:09:20,240 - INFO - CLOSED long at 2116.52 | PnL: -0.23% | $-0.65 +2025-03-10 16:09:20,241 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1498964285715 | Take profit: 2084.7012553571426 +2025-03-10 16:09:20,344 - INFO - STOP LOSS hit for short at 2127.1498964285715 | PnL: -0.50% | $-1.17 +2025-03-10 16:09:20,366 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4411464285713 | Take profit: 2092.827505357143 +2025-03-10 16:09:20,793 - INFO - TAKE PROFIT hit for short at 2092.827505357143 | PnL: 1.50% | $2.70 +2025-03-10 16:09:20,825 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5975464285716 | Take profit: 2068.478305357143 +2025-03-10 16:09:21,417 - INFO - TAKE PROFIT hit for short at 2068.478305357143 | PnL: 1.50% | $2.78 +2025-03-10 16:09:21,439 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5887964285716 | Take profit: 2017.504555357143 +2025-03-10 16:09:21,572 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.91, Avg Loss=$-0.91 +2025-03-10 16:09:21,573 - INFO - Episode 49: Reward=13.28, Balance=$103.89, Win Rate=60.0%, Trades=5, Episode PnL=$4.54, Total PnL=$396.79, Max Drawdown=1.6%, Pred Accuracy=99.2% +2025-03-10 16:09:21,574 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:09:21,574 - INFO - Early stopping triggered after 50 episodes without improvement +2025-03-10 16:09:21,715 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 16:09:22,660 - INFO - Training results saved to training_results.png +2025-03-10 16:09:22,810 - INFO - Model saved to models/trading_agent_continuous_50.pt +2025-03-10 16:09:27,810 - INFO - Starting training batch 3 +2025-03-10 16:09:27,810 - INFO - Refreshing data for new training batch +2025-03-10 16:09:27,811 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:28,156 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 16:09:28,168 - INFO - Initialized environment with 500 candles +2025-03-10 16:09:28,168 - INFO - Updated environment with fresh candles +2025-03-10 16:09:28,168 - INFO - Starting training on device: cuda +2025-03-10 16:09:28,169 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 16:09:28,169 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 16:09:28,429 - INFO - Model loaded successfully with weights_only=True +2025-03-10 16:09:28,435 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $7.14, Win Rate: 66.7% +2025-03-10 16:09:28,442 - INFO - Refreshing data for episode 0 +2025-03-10 16:09:28,443 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:28,746 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:28,755 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:29,562 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.808217857143 | Take profit: 2094.1666982142856 +2025-03-10 16:09:29,733 - INFO - CLOSED short at 2122.24 | PnL: 0.18% | $0.16 +2025-03-10 16:09:29,733 - INFO - OPENED LONG at 2122.24 | Stop loss: 2111.581232142857 | Take profit: 2154.144951785714 +2025-03-10 16:09:29,767 - INFO - CLOSED long at 2120.48 | PnL: -0.08% | $-0.36 +2025-03-10 16:09:29,767 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.129967857143 | Take profit: 2088.6014482142855 +2025-03-10 16:09:30,062 - INFO - CLOSED short at 2120.26 | PnL: 0.01% | $-0.17 +2025-03-10 16:09:30,063 - INFO - OPENED LONG at 2120.26 | Stop loss: 2109.6111321428575 | Take profit: 2152.1352517857144 +2025-03-10 16:09:30,089 - INFO - CLOSED long at 2116.81 | PnL: -0.16% | $-0.51 +2025-03-10 16:09:30,089 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.441617857143 | Take profit: 2084.986498214286 +2025-03-10 16:09:30,308 - INFO - CLOSED short at 2114.32 | PnL: 0.12% | $0.03 +2025-03-10 16:09:30,308 - INFO - OPENED LONG at 2114.32 | Stop loss: 2103.700832142857 | Take profit: 2146.1061517857147 +2025-03-10 16:09:30,334 - INFO - CLOSED long at 2114.57 | PnL: 0.01% | $-0.17 +2025-03-10 16:09:30,335 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.190417857143 | Take profit: 2082.7800982142858 +2025-03-10 16:09:30,414 - INFO - CLOSED short at 2114.5 | PnL: 0.00% | $-0.19 +2025-03-10 16:09:30,440 - INFO - OPENED SHORT at 2115.07 | Stop loss: 2125.692917857143 | Take profit: 2083.272598214286 +2025-03-10 16:09:30,683 - INFO - CLOSED short at 2102.83 | PnL: 0.58% | $0.93 +2025-03-10 16:09:30,684 - INFO - OPENED LONG at 2102.83 | Stop loss: 2092.268282142857 | Take profit: 2134.443801785714 +2025-03-10 16:09:30,705 - INFO - CLOSED long at 2103.41 | PnL: 0.03% | $-0.14 +2025-03-10 16:09:30,705 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9746178571427 | Take profit: 2071.7874982142857 +2025-03-10 16:09:30,771 - INFO - CLOSED short at 2105.26 | PnL: -0.09% | $-0.37 +2025-03-10 16:09:30,771 - INFO - OPENED LONG at 2105.26 | Stop loss: 2094.6861321428573 | Take profit: 2136.9102517857145 +2025-03-10 16:09:30,788 - INFO - CLOSED long at 2099.63 | PnL: -0.27% | $-0.71 +2025-03-10 16:09:30,795 - INFO - OPENED SHORT at 2099.63 | Stop loss: 2110.175717857143 | Take profit: 2068.0641982142856 +2025-03-10 16:09:30,892 - INFO - CLOSED short at 2098.66 | PnL: 0.05% | $-0.10 +2025-03-10 16:09:30,921 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.090517857143 | Take profit: 2059.1597982142857 +2025-03-10 16:09:31,196 - INFO - TAKE PROFIT hit for short at 2059.1597982142857 | PnL: 1.50% | $2.70 +2025-03-10 16:09:31,226 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3025678571425 | Take profit: 2020.1636482142858 +2025-03-10 16:09:31,338 - INFO - CLOSED short at 2058.11 | PnL: -0.35% | $-0.88 +2025-03-10 16:09:31,338 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.7718821428573 | Take profit: 2089.0530017857145 +2025-03-10 16:09:31,358 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 57.1% in downtrends | Avg Win=$0.96, Avg Loss=$-0.36 +2025-03-10 16:09:31,359 - INFO - Episode 0: Reward=14.77, Balance=$100.21, Win Rate=28.6%, Trades=14, Episode PnL=$2.11, Total PnL=$397.00, Max Drawdown=1.6%, Pred Accuracy=99.6% +2025-03-10 16:09:31,504 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 16:09:31,505 - INFO - Checkpoint saved at episode 0 +2025-03-10 16:09:32,552 - INFO - Visualization saved for episode 0 +2025-03-10 16:09:34,536 - INFO - Visualization saved for episode 0 +2025-03-10 16:09:34,551 - INFO - Refreshing data for episode 1 +2025-03-10 16:09:34,551 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:34,881 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:34,895 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:34,991 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.8088035714286 | Take profit: 2094.165819642857 +2025-03-10 16:09:35,867 - INFO - TAKE PROFIT hit for short at 2094.165819642857 | PnL: 1.50% | $2.74 +2025-03-10 16:09:35,892 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5984035714287 | Take profit: 2068.477019642857 +2025-03-10 16:09:36,670 - INFO - TAKE PROFIT hit for short at 2068.477019642857 | PnL: 1.50% | $2.82 +2025-03-10 16:09:36,700 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.589653571429 | Take profit: 2017.5032696428573 +2025-03-10 16:09:36,846 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$0.00 +2025-03-10 16:09:36,847 - INFO - Episode 1: Reward=27.89, Balance=$105.56, Win Rate=100.0%, Trades=2, Episode PnL=$5.56, Total PnL=$402.56, Max Drawdown=0.0%, Pred Accuracy=99.6% +2025-03-10 16:09:36,847 - INFO - Refreshing data for episode 2 +2025-03-10 16:09:36,848 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:37,187 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:37,200 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:37,221 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.8088035714286 | Take profit: 2094.165819642857 +2025-03-10 16:09:37,436 - INFO - CLOSED short at 2118.0 | PnL: 0.38% | $0.55 +2025-03-10 16:09:37,436 - INFO - OPENED LONG at 2118.0 | Stop loss: 2107.3618464285714 | Take profit: 2149.842230357143 +2025-03-10 16:09:37,469 - INFO - CLOSED long at 2121.8 | PnL: 0.18% | $0.16 +2025-03-10 16:09:37,470 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.457153571429 | Take profit: 2089.9007696428575 +2025-03-10 16:09:37,560 - INFO - CLOSED short at 2119.02 | PnL: 0.13% | $0.06 +2025-03-10 16:09:37,561 - INFO - OPENED LONG at 2119.02 | Stop loss: 2108.3767464285716 | Take profit: 2150.877530357143 +2025-03-10 16:09:37,589 - INFO - CLOSED long at 2120.96 | PnL: 0.09% | $-0.02 +2025-03-10 16:09:37,590 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.612953571429 | Take profit: 2089.0733696428574 +2025-03-10 16:09:37,939 - INFO - CLOSED short at 2114.32 | PnL: 0.31% | $0.42 +2025-03-10 16:09:37,940 - INFO - OPENED LONG at 2114.32 | Stop loss: 2103.7002464285715 | Take profit: 2146.107030357143 +2025-03-10 16:09:37,963 - INFO - CLOSED long at 2114.57 | PnL: 0.01% | $-0.17 +2025-03-10 16:09:37,963 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.191003571429 | Take profit: 2082.7792196428572 +2025-03-10 16:09:38,688 - INFO - TAKE PROFIT hit for short at 2082.7792196428572 | PnL: 1.50% | $2.77 +2025-03-10 16:09:38,714 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2219035714284 | Take profit: 2053.4065196428573 +2025-03-10 16:09:38,919 - INFO - TAKE PROFIT hit for short at 2053.4065196428573 | PnL: 1.50% | $2.85 +2025-03-10 16:09:38,945 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3031535714285 | Take profit: 2020.1627696428573 +2025-03-10 16:09:39,052 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.13, Avg Loss=$-0.10 +2025-03-10 16:09:39,053 - INFO - Episode 2: Reward=29.22, Balance=$106.62, Win Rate=75.0%, Trades=8, Episode PnL=$6.65, Total PnL=$409.18, Max Drawdown=0.0%, Pred Accuracy=99.6% +2025-03-10 16:09:39,053 - INFO - Refreshing data for episode 3 +2025-03-10 16:09:39,053 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:39,379 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:39,389 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:39,413 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.8088035714286 | Take profit: 2094.165819642857 +2025-03-10 16:09:39,841 - INFO - CLOSED short at 2114.78 | PnL: 0.53% | $0.85 +2025-03-10 16:09:39,859 - INFO - OPENED SHORT at 2115.52 | Stop loss: 2126.1457535714285 | Take profit: 2083.714969642857 +2025-03-10 16:09:40,060 - INFO - CLOSED short at 2114.57 | PnL: 0.04% | $-0.11 +2025-03-10 16:09:40,089 - INFO - OPENED LONG at 2112.57 | Stop loss: 2101.9589964285715 | Take profit: 2144.3307803571433 +2025-03-10 16:09:40,120 - INFO - CLOSED long at 2113.28 | PnL: 0.03% | $-0.13 +2025-03-10 16:09:40,120 - INFO - OPENED SHORT at 2113.28 | Stop loss: 2123.894553571429 | Take profit: 2081.5085696428573 +2025-03-10 16:09:40,727 - INFO - TAKE PROFIT hit for short at 2081.5085696428573 | PnL: 1.50% | $2.76 +2025-03-10 16:09:40,754 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2219035714284 | Take profit: 2053.4065196428573 +2025-03-10 16:09:40,945 - INFO - TAKE PROFIT hit for short at 2053.4065196428573 | PnL: 1.50% | $2.84 +2025-03-10 16:09:40,976 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3031535714285 | Take profit: 2020.1627696428573 +2025-03-10 16:09:41,013 - INFO - CLOSED short at 2052.89 | PnL: -0.09% | $-0.40 +2025-03-10 16:09:41,036 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.534253571428 | Take profit: 2022.349469642857 +2025-03-10 16:09:41,080 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.15, Avg Loss=$-0.21 +2025-03-10 16:09:41,081 - INFO - Episode 3: Reward=24.80, Balance=$105.81, Win Rate=50.0%, Trades=6, Episode PnL=$5.94, Total PnL=$414.99, Max Drawdown=0.4%, Pred Accuracy=99.7% +2025-03-10 16:09:41,082 - INFO - Refreshing data for episode 4 +2025-03-10 16:09:41,082 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:41,378 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:41,388 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:41,407 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.808910714286 | Take profit: 2094.1656589285717 +2025-03-10 16:09:42,127 - INFO - TAKE PROFIT hit for short at 2094.1656589285717 | PnL: 1.50% | $2.74 +2025-03-10 16:09:42,174 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.890060714286 | Take profit: 2064.8422089285714 +2025-03-10 16:09:42,807 - INFO - TAKE PROFIT hit for short at 2064.8422089285714 | PnL: 1.50% | $2.82 +2025-03-10 16:09:42,830 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.303260714286 | Take profit: 2020.1626089285712 +2025-03-10 16:09:42,935 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$0.00 +2025-03-10 16:09:42,935 - INFO - Episode 4: Reward=27.69, Balance=$105.56, Win Rate=100.0%, Trades=2, Episode PnL=$5.56, Total PnL=$420.55, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 16:09:42,935 - INFO - Refreshing data for episode 5 +2025-03-10 16:09:42,936 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:43,267 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:43,277 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:43,963 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.808975 | Take profit: 2094.1655625000003 +2025-03-10 16:09:44,370 - INFO - CLOSED short at 2120.26 | PnL: 0.28% | $0.34 +2025-03-10 16:09:44,391 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.442375 | Take profit: 2084.9853625 +2025-03-10 16:09:45,183 - INFO - TAKE PROFIT hit for short at 2084.9853625 | PnL: 1.50% | $2.75 +2025-03-10 16:09:45,208 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0312249999997 | Take profit: 2049.2988124999997 +2025-03-10 16:09:45,414 - INFO - TAKE PROFIT hit for short at 2049.2988124999997 | PnL: 1.50% | $2.83 +2025-03-10 16:09:45,434 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3033250000003 | Take profit: 2020.1625125 +2025-03-10 16:09:45,540 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.98, Avg Loss=$0.00 +2025-03-10 16:09:45,541 - INFO - Episode 5: Reward=29.01, Balance=$105.93, Win Rate=100.0%, Trades=3, Episode PnL=$5.93, Total PnL=$426.48, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 16:09:45,542 - INFO - Refreshing data for episode 6 +2025-03-10 16:09:45,542 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:45,847 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:45,857 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:45,880 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.808975 | Take profit: 2094.1655625000003 +2025-03-10 16:09:46,591 - INFO - CLOSED short at 2098.28 | PnL: 1.31% | $2.37 +2025-03-10 16:09:46,592 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.740275 | Take profit: 2129.8266875 +2025-03-10 16:09:46,612 - INFO - CLOSED long at 2091.36 | PnL: -0.33% | $-0.86 +2025-03-10 16:09:46,613 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.8651250000003 | Take profit: 2059.9171125000003 +2025-03-10 16:09:46,769 - INFO - STOP LOSS hit for short at 2101.8651250000003 | PnL: -0.50% | $-1.20 +2025-03-10 16:09:46,792 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.975375 | Take profit: 2071.7863624999995 +2025-03-10 16:09:47,224 - INFO - TAKE PROFIT hit for short at 2071.7863624999995 | PnL: 1.50% | $2.75 +2025-03-10 16:09:47,247 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.589825 | Take profit: 2017.5030125000003 +2025-03-10 16:09:47,378 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.56, Avg Loss=$-1.03 +2025-03-10 16:09:47,379 - INFO - Episode 6: Reward=28.36, Balance=$103.06, Win Rate=50.0%, Trades=4, Episode PnL=$3.92, Total PnL=$429.54, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 16:09:47,379 - INFO - Refreshing data for episode 7 +2025-03-10 16:09:47,379 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:47,715 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:47,724 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:47,752 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.8090392857143 | Take profit: 2094.165466071429 +2025-03-10 16:09:47,933 - INFO - CLOSED short at 2118.0 | PnL: 0.38% | $0.55 +2025-03-10 16:09:47,956 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.4573892857147 | Take profit: 2089.9004160714285 +2025-03-10 16:09:48,577 - INFO - TAKE PROFIT hit for short at 2089.9004160714285 | PnL: 1.50% | $2.76 +2025-03-10 16:09:48,602 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3375892857143 | Take profit: 2058.4198160714286 +2025-03-10 16:09:48,678 - INFO - STOP LOSS hit for short at 2100.3375892857143 | PnL: -0.50% | $-1.22 +2025-03-10 16:09:48,702 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.975439285714 | Take profit: 2071.786266071428 +2025-03-10 16:09:49,188 - INFO - TAKE PROFIT hit for short at 2071.786266071428 | PnL: 1.50% | $2.80 +2025-03-10 16:09:49,219 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5898892857144 | Take profit: 2017.5029160714287 +2025-03-10 16:09:49,358 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.04, Avg Loss=$-1.22 +2025-03-10 16:09:49,360 - INFO - Episode 7: Reward=29.21, Balance=$104.90, Win Rate=75.0%, Trades=4, Episode PnL=$4.90, Total PnL=$434.44, Max Drawdown=1.2%, Pred Accuracy=99.7% +2025-03-10 16:09:49,360 - INFO - Refreshing data for episode 8 +2025-03-10 16:09:49,361 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:49,671 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:49,683 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:49,708 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.8090392857143 | Take profit: 2094.165466071429 +2025-03-10 16:09:50,488 - INFO - TAKE PROFIT hit for short at 2094.165466071429 | PnL: 1.50% | $2.74 +2025-03-10 16:09:50,511 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5986392857144 | Take profit: 2068.4766660714286 +2025-03-10 16:09:51,050 - INFO - TAKE PROFIT hit for short at 2068.4766660714286 | PnL: 1.50% | $2.82 +2025-03-10 16:09:51,075 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5898892857144 | Take profit: 2017.5029160714287 +2025-03-10 16:09:51,203 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$0.00 +2025-03-10 16:09:51,204 - INFO - Episode 8: Reward=27.90, Balance=$105.56, Win Rate=100.0%, Trades=2, Episode PnL=$5.56, Total PnL=$440.00, Max Drawdown=0.0%, Pred Accuracy=99.6% +2025-03-10 16:09:51,204 - INFO - Refreshing data for episode 9 +2025-03-10 16:09:51,204 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:51,512 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:51,522 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:51,548 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.809192857143 | Take profit: 2094.1652357142857 +2025-03-10 16:09:51,963 - INFO - CLOSED short at 2115.52 | PnL: 0.50% | $0.78 +2025-03-10 16:09:51,984 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.372292857143 | Take profit: 2082.9559357142857 +2025-03-10 16:09:52,662 - INFO - TAKE PROFIT hit for short at 2082.9559357142857 | PnL: 1.50% | $2.77 +2025-03-10 16:09:52,689 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2222928571427 | Take profit: 2053.4059357142855 +2025-03-10 16:09:52,869 - INFO - TAKE PROFIT hit for short at 2053.4059357142855 | PnL: 1.50% | $2.84 +2025-03-10 16:09:52,913 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.776092857143 | Take profit: 2012.7845357142858 +2025-03-10 16:09:52,976 - INFO - STOP LOSS hit for short at 2053.776092857143 | PnL: -0.50% | $-1.25 +2025-03-10 16:09:52,998 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.13, Avg Loss=$-1.25 +2025-03-10 16:09:52,998 - INFO - Episode 9: Reward=29.06, Balance=$105.13, Win Rate=75.0%, Trades=4, Episode PnL=$5.13, Total PnL=$445.13, Max Drawdown=1.2%, Pred Accuracy=99.5% +2025-03-10 16:09:52,998 - INFO - Refreshing data for episode 10 +2025-03-10 16:09:52,999 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:53,299 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:53,309 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:53,990 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.809228571429 | Take profit: 2094.1651821428572 +2025-03-10 16:09:54,712 - INFO - TAKE PROFIT hit for short at 2094.1651821428572 | PnL: 1.50% | $2.74 +2025-03-10 16:09:54,732 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.598828571429 | Take profit: 2068.4763821428573 +2025-03-10 16:09:55,348 - INFO - TAKE PROFIT hit for short at 2068.4763821428573 | PnL: 1.50% | $2.82 +2025-03-10 16:09:55,371 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.590078571429 | Take profit: 2017.5026321428572 +2025-03-10 16:09:55,503 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$0.00 +2025-03-10 16:09:55,504 - INFO - Episode 10: Reward=14.10, Balance=$105.56, Win Rate=100.0%, Trades=2, Episode PnL=$5.56, Total PnL=$450.70, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 16:09:55,518 - ERROR - Failed to save model: File checkpoints/trading_agent_episode_10.pt cannot be opened. +2025-03-10 16:09:55,523 - ERROR - Traceback: Traceback (most recent call last): + File "main.py", line 1601, in save + torch.save({ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\serialization.py", line 943, in save + with _open_zipfile_writer(f) as opened_zipfile: + ^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\serialization.py", line 810, in _open_zipfile_writer + return container(name_or_buffer) + ^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\popov\miniforge3\Lib\site-packages\torch\serialization.py", line 781, in __init__ + super().__init__(torch._C.PyTorchFileWriter(self.name, _compute_crc32)) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +RuntimeError: File checkpoints/trading_agent_episode_10.pt cannot be opened. + +2025-03-10 16:09:55,523 - INFO - Checkpoint saved at episode 10 +2025-03-10 16:09:56,399 - INFO - Visualization saved for episode 10 +2025-03-10 16:09:58,230 - INFO - Visualization saved for episode 10 +2025-03-10 16:09:58,243 - INFO - Refreshing data for episode 11 +2025-03-10 16:09:58,243 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:09:58,590 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:09:58,601 - INFO - Initialized environment with 100 candles +2025-03-10 16:09:58,673 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.809228571429 | Take profit: 2094.1651821428572 +2025-03-10 16:09:58,748 - INFO - CLOSED short at 2122.01 | PnL: 0.19% | $0.18 +2025-03-10 16:09:58,773 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.8294285714287 | Take profit: 2090.2645821428573 +2025-03-10 16:09:59,092 - INFO - CLOSED short at 2116.81 | PnL: 0.25% | $0.30 +2025-03-10 16:09:59,117 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.4024785714287 | Take profit: 2082.9854321428575 +2025-03-10 16:09:59,445 - INFO - CLOSED short at 2091.36 | PnL: 1.11% | $1.98 +2025-03-10 16:09:59,446 - INFO - OPENED LONG at 2091.36 | Stop loss: 2080.8546214285716 | Take profit: 2122.803267857143 +2025-03-10 16:09:59,468 - INFO - CLOSED long at 2100.05 | PnL: 0.42% | $0.63 +2025-03-10 16:09:59,468 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.598828571429 | Take profit: 2068.4763821428573 +2025-03-10 16:10:00,038 - INFO - TAKE PROFIT hit for short at 2068.4763821428573 | PnL: 1.50% | $2.83 +2025-03-10 16:10:00,059 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.590078571429 | Take profit: 2017.5026321428572 +2025-03-10 16:10:00,193 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.18, Avg Loss=$0.00 +2025-03-10 16:10:00,195 - INFO - Episode 11: Reward=19.51, Balance=$105.92, Win Rate=100.0%, Trades=5, Episode PnL=$5.29, Total PnL=$456.62, Max Drawdown=0.0%, Pred Accuracy=99.0% +2025-03-10 16:10:00,195 - INFO - Refreshing data for episode 12 +2025-03-10 16:10:00,196 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:00,517 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:00,527 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:00,550 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.809228571429 | Take profit: 2094.1651821428572 +2025-03-10 16:10:01,289 - INFO - TAKE PROFIT hit for short at 2094.1651821428572 | PnL: 1.50% | $2.74 +2025-03-10 16:10:01,315 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.598828571429 | Take profit: 2068.4763821428573 +2025-03-10 16:10:01,918 - INFO - TAKE PROFIT hit for short at 2068.4763821428573 | PnL: 1.50% | $2.82 +2025-03-10 16:10:01,944 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.590078571429 | Take profit: 2017.5026321428572 +2025-03-10 16:10:02,076 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$0.00 +2025-03-10 16:10:02,076 - INFO - Episode 12: Reward=14.09, Balance=$105.56, Win Rate=100.0%, Trades=2, Episode PnL=$5.56, Total PnL=$462.18, Max Drawdown=0.0%, Pred Accuracy=98.3% +2025-03-10 16:10:02,076 - INFO - Refreshing data for episode 13 +2025-03-10 16:10:02,076 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:02,381 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:02,390 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:02,415 - INFO - OPENED SHORT at 2126.13 | Stop loss: 2136.8094035714284 | Take profit: 2094.1649196428575 +2025-03-10 16:10:03,165 - INFO - TAKE PROFIT hit for short at 2094.1649196428575 | PnL: 1.50% | $2.74 +2025-03-10 16:10:03,197 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5990035714285 | Take profit: 2068.476119642857 +2025-03-10 16:10:03,729 - INFO - CLOSED short at 2083.07 | PnL: 0.81% | $1.42 +2025-03-10 16:10:03,730 - INFO - OPENED LONG at 2083.07 | Stop loss: 2072.6058964285717 | Take profit: 2114.3891803571432 +2025-03-10 16:10:03,754 - INFO - CLOSED long at 2075.07 | PnL: -0.38% | $-0.99 +2025-03-10 16:10:03,754 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.4941035714287 | Take profit: 2043.8708196428572 +2025-03-10 16:10:03,851 - INFO - TAKE PROFIT hit for short at 2043.8708196428572 | PnL: 1.50% | $2.83 +2025-03-10 16:10:03,875 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.2032035714283 | Take profit: 2022.0235196428569 +2025-03-10 16:10:03,945 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.33, Avg Loss=$-0.99 +2025-03-10 16:10:03,946 - INFO - Episode 13: Reward=-0.09, Balance=$106.01, Win Rate=75.0%, Trades=4, Episode PnL=$7.00, Total PnL=$468.19, Max Drawdown=0.0%, Pred Accuracy=97.4% +2025-03-10 16:10:03,947 - INFO - Refreshing data for episode 14 +2025-03-10 16:10:03,947 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:04,251 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:04,261 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:04,286 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9977857142862 | Take profit: 2094.3559214285715 +2025-03-10 16:10:04,310 - INFO - CLOSED short at 2126.7 | PnL: -0.02% | $-0.23 +2025-03-10 16:10:04,334 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.666235714286 | Take profit: 2090.1105714285713 +2025-03-10 16:10:04,680 - INFO - CLOSED short at 2114.78 | PnL: 0.34% | $0.47 +2025-03-10 16:10:04,681 - INFO - OPENED LONG at 2114.78 | Stop loss: 2104.1599142857144 | Take profit: 2146.570978571429 +2025-03-10 16:10:04,706 - INFO - CLOSED long at 2115.52 | PnL: 0.03% | $-0.13 +2025-03-10 16:10:04,706 - INFO - OPENED SHORT at 2115.52 | Stop loss: 2126.1437857142855 | Take profit: 2083.7179214285716 +2025-03-10 16:10:05,507 - INFO - TAKE PROFIT hit for short at 2083.7179214285716 | PnL: 1.50% | $2.75 +2025-03-10 16:10:05,531 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.219935714286 | Take profit: 2053.4094714285716 +2025-03-10 16:10:05,714 - INFO - CLOSED short at 2048.3 | PnL: 1.75% | $3.32 +2025-03-10 16:10:05,740 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.301185714286 | Take profit: 2020.1657214285715 +2025-03-10 16:10:05,872 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.18, Avg Loss=$-0.18 +2025-03-10 16:10:05,873 - INFO - Episode 14: Reward=1.54, Balance=$106.18, Win Rate=60.0%, Trades=5, Episode PnL=$6.31, Total PnL=$474.37, Max Drawdown=0.2%, Pred Accuracy=97.9% +2025-03-10 16:10:05,873 - INFO - Refreshing data for episode 15 +2025-03-10 16:10:05,873 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:06,178 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:06,188 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:06,862 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9980535714285 | Take profit: 2094.3555196428574 +2025-03-10 16:10:07,139 - INFO - CLOSED short at 2120.96 | PnL: 0.25% | $0.30 +2025-03-10 16:10:07,163 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.5709535714286 | Take profit: 2092.956819642857 +2025-03-10 16:10:07,621 - INFO - TAKE PROFIT hit for short at 2092.956819642857 | PnL: 1.50% | $2.75 +2025-03-10 16:10:07,644 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.596703571429 | Take profit: 2068.4795696428573 +2025-03-10 16:10:08,218 - INFO - TAKE PROFIT hit for short at 2068.4795696428573 | PnL: 1.50% | $2.83 +2025-03-10 16:10:08,244 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5879535714284 | Take profit: 2017.5058196428574 +2025-03-10 16:10:08,414 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.96, Avg Loss=$0.00 +2025-03-10 16:10:08,415 - INFO - Episode 15: Reward=15.18, Balance=$105.88, Win Rate=100.0%, Trades=3, Episode PnL=$5.88, Total PnL=$480.25, Max Drawdown=0.0%, Pred Accuracy=98.3% +2025-03-10 16:10:08,415 - INFO - Refreshing data for episode 16 +2025-03-10 16:10:08,416 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:08,743 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:08,753 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:08,776 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9981464285715 | Take profit: 2094.355380357143 +2025-03-10 16:10:09,462 - INFO - TAKE PROFIT hit for short at 2094.355380357143 | PnL: 1.50% | $2.75 +2025-03-10 16:10:09,486 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.596796428572 | Take profit: 2068.479430357143 +2025-03-10 16:10:09,922 - INFO - CLOSED short at 2084.75 | PnL: 0.73% | $1.26 +2025-03-10 16:10:09,923 - INFO - OPENED LONG at 2084.75 | Stop loss: 2074.2797035714284 | Take profit: 2116.0910696428573 +2025-03-10 16:10:09,943 - INFO - CLOSED long at 2081.0 | PnL: -0.18% | $-0.57 +2025-03-10 16:10:09,943 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.4515464285714 | Take profit: 2049.715180357143 +2025-03-10 16:10:10,097 - INFO - TAKE PROFIT hit for short at 2049.715180357143 | PnL: 1.50% | $2.84 +2025-03-10 16:10:10,118 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3015464285713 | Take profit: 2020.1651803571428 +2025-03-10 16:10:10,245 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.28, Avg Loss=$-0.57 +2025-03-10 16:10:10,245 - INFO - Episode 16: Reward=14.02, Balance=$106.28, Win Rate=75.0%, Trades=4, Episode PnL=$6.85, Total PnL=$486.53, Max Drawdown=0.0%, Pred Accuracy=98.4% +2025-03-10 16:10:10,245 - INFO - Refreshing data for episode 17 +2025-03-10 16:10:10,246 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:10,557 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:10,566 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:10,593 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9981821428573 | Take profit: 2094.3553267857146 +2025-03-10 16:10:10,890 - INFO - CLOSED short at 2124.77 | PnL: 0.07% | $-0.05 +2025-03-10 16:10:10,890 - INFO - OPENED LONG at 2124.77 | Stop loss: 2114.099567857143 | Take profit: 2156.711423214286 +2025-03-10 16:10:10,920 - INFO - CLOSED long at 2120.26 | PnL: -0.21% | $-0.61 +2025-03-10 16:10:10,920 - INFO - OPENED SHORT at 2120.26 | Stop loss: 2130.9078821428575 | Take profit: 2088.386226785715 +2025-03-10 16:10:11,178 - INFO - CLOSED short at 2113.28 | PnL: 0.33% | $0.45 +2025-03-10 16:10:11,178 - INFO - OPENED LONG at 2113.28 | Stop loss: 2102.667017857143 | Take profit: 2145.0490732142857 +2025-03-10 16:10:11,200 - INFO - CLOSED long at 2114.5 | PnL: 0.06% | $-0.08 +2025-03-10 16:10:11,200 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.119082142857 | Take profit: 2082.7126267857143 +2025-03-10 16:10:11,717 - INFO - TAKE PROFIT hit for short at 2082.7126267857143 | PnL: 1.50% | $2.74 +2025-03-10 16:10:11,739 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.220332142857 | Take profit: 2053.4088767857143 +2025-03-10 16:10:11,917 - INFO - TAKE PROFIT hit for short at 2053.4088767857143 | PnL: 1.50% | $2.81 +2025-03-10 16:10:11,944 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.301582142857 | Take profit: 2020.1651267857144 +2025-03-10 16:10:12,071 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.00, Avg Loss=$-0.25 +2025-03-10 16:10:12,072 - INFO - Episode 17: Reward=10.69, Balance=$105.25, Win Rate=50.0%, Trades=6, Episode PnL=$5.94, Total PnL=$491.78, Max Drawdown=0.0%, Pred Accuracy=98.4% +2025-03-10 16:10:12,073 - INFO - Refreshing data for episode 18 +2025-03-10 16:10:12,073 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:12,383 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:12,393 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:12,417 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.998407142857 | Take profit: 2094.3549892857145 +2025-03-10 16:10:13,008 - INFO - CLOSED short at 2114.57 | PnL: 0.55% | $0.89 +2025-03-10 16:10:13,031 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.179657142857 | Take profit: 2080.8112392857142 +2025-03-10 16:10:13,596 - INFO - TAKE PROFIT hit for short at 2080.8112392857142 | PnL: 1.50% | $2.77 +2025-03-10 16:10:13,623 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.220557142857 | Take profit: 2053.408539285714 +2025-03-10 16:10:13,806 - INFO - TAKE PROFIT hit for short at 2053.408539285714 | PnL: 1.50% | $2.85 +2025-03-10 16:10:13,830 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.301807142857 | Take profit: 2020.1647892857143 +2025-03-10 16:10:13,970 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.17, Avg Loss=$0.00 +2025-03-10 16:10:13,971 - INFO - Episode 18: Reward=15.52, Balance=$106.50, Win Rate=100.0%, Trades=3, Episode PnL=$6.50, Total PnL=$498.28, Max Drawdown=0.0%, Pred Accuracy=98.1% +2025-03-10 16:10:13,971 - INFO - Refreshing data for episode 19 +2025-03-10 16:10:13,971 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:14,306 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:14,317 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:14,342 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.998407142857 | Take profit: 2094.3549892857145 +2025-03-10 16:10:14,992 - INFO - CLOSED short at 2114.5 | PnL: 0.56% | $0.89 +2025-03-10 16:10:14,992 - INFO - OPENED LONG at 2114.5 | Stop loss: 2103.880692857143 | Take profit: 2146.287710714286 +2025-03-10 16:10:15,013 - INFO - CLOSED long at 2115.07 | PnL: 0.03% | $-0.14 +2025-03-10 16:10:15,013 - INFO - OPENED SHORT at 2115.07 | Stop loss: 2125.6921571428575 | Take profit: 2083.2737392857143 +2025-03-10 16:10:15,522 - INFO - TAKE PROFIT hit for short at 2083.2737392857143 | PnL: 1.50% | $2.77 +2025-03-10 16:10:15,546 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.220557142857 | Take profit: 2053.408539285714 +2025-03-10 16:10:15,740 - INFO - TAKE PROFIT hit for short at 2053.408539285714 | PnL: 1.50% | $2.84 +2025-03-10 16:10:15,761 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.301807142857 | Take profit: 2020.1647892857143 +2025-03-10 16:10:15,884 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.17, Avg Loss=$-0.14 +2025-03-10 16:10:15,885 - INFO - Episode 19: Reward=0.37, Balance=$106.36, Win Rate=75.0%, Trades=4, Episode PnL=$6.50, Total PnL=$504.64, Max Drawdown=0.0%, Pred Accuracy=98.1% +2025-03-10 16:10:15,885 - INFO - Refreshing data for episode 20 +2025-03-10 16:10:15,885 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:16,182 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:16,193 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:16,874 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.998417857143 | Take profit: 2094.354973214286 +2025-03-10 16:10:17,595 - INFO - TAKE PROFIT hit for short at 2094.354973214286 | PnL: 1.50% | $2.75 +2025-03-10 16:10:17,621 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5970678571434 | Take profit: 2068.479023214286 +2025-03-10 16:10:18,159 - INFO - CLOSED short at 2084.11 | PnL: 0.76% | $1.32 +2025-03-10 16:10:18,182 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.532167857143 | Take profit: 2051.753723214286 +2025-03-10 16:10:18,251 - INFO - TAKE PROFIT hit for short at 2051.753723214286 | PnL: 1.50% | $2.86 +2025-03-10 16:10:18,274 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.301817857143 | Take profit: 2020.1647732142858 +2025-03-10 16:10:18,406 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.31, Avg Loss=$0.00 +2025-03-10 16:10:18,407 - INFO - Episode 20: Reward=1.98, Balance=$106.93, Win Rate=100.0%, Trades=3, Episode PnL=$6.93, Total PnL=$511.57, Max Drawdown=0.0%, Pred Accuracy=98.1% +2025-03-10 16:10:18,543 - INFO - Model saved to checkpoints/trading_agent_episode_20.pt +2025-03-10 16:10:18,544 - INFO - Checkpoint saved at episode 20 +2025-03-10 16:10:18,544 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:10:19,387 - INFO - Visualization saved for episode 20 +2025-03-10 16:10:21,432 - INFO - Visualization saved for episode 20 +2025-03-10 16:10:21,448 - INFO - Refreshing data for episode 21 +2025-03-10 16:10:21,448 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:21,791 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:21,802 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:21,822 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9990071428574 | Take profit: 2094.3540892857145 +2025-03-10 16:10:22,540 - INFO - TAKE PROFIT hit for short at 2094.3540892857145 | PnL: 1.50% | $2.75 +2025-03-10 16:10:22,565 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5976571428573 | Take profit: 2068.4781392857144 +2025-03-10 16:10:23,130 - INFO - TAKE PROFIT hit for short at 2068.4781392857144 | PnL: 1.50% | $2.82 +2025-03-10 16:10:23,154 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5889071428574 | Take profit: 2017.5043892857145 +2025-03-10 16:10:23,306 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$0.00 +2025-03-10 16:10:23,308 - INFO - Episode 21: Reward=0.29, Balance=$105.57, Win Rate=100.0%, Trades=2, Episode PnL=$5.57, Total PnL=$517.13, Max Drawdown=0.0%, Pred Accuracy=98.2% +2025-03-10 16:10:23,309 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:10:23,309 - INFO - Refreshing data for episode 22 +2025-03-10 16:10:23,309 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:23,606 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:23,616 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:23,636 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9990071428574 | Take profit: 2094.3540892857145 +2025-03-10 16:10:24,355 - INFO - TAKE PROFIT hit for short at 2094.3540892857145 | PnL: 1.50% | $2.75 +2025-03-10 16:10:24,379 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5976571428573 | Take profit: 2068.4781392857144 +2025-03-10 16:10:24,988 - INFO - TAKE PROFIT hit for short at 2068.4781392857144 | PnL: 1.50% | $2.82 +2025-03-10 16:10:25,009 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5889071428574 | Take profit: 2017.5043892857145 +2025-03-10 16:10:25,166 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$0.00 +2025-03-10 16:10:25,167 - INFO - Episode 22: Reward=14.10, Balance=$105.57, Win Rate=100.0%, Trades=2, Episode PnL=$5.57, Total PnL=$522.70, Max Drawdown=0.0%, Pred Accuracy=98.3% +2025-03-10 16:10:25,167 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:10:25,167 - INFO - Refreshing data for episode 23 +2025-03-10 16:10:25,168 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:25,471 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:25,482 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:25,501 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9990071428574 | Take profit: 2094.3540892857145 +2025-03-10 16:10:26,263 - INFO - TAKE PROFIT hit for short at 2094.3540892857145 | PnL: 1.50% | $2.75 +2025-03-10 16:10:26,290 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5976571428573 | Take profit: 2068.4781392857144 +2025-03-10 16:10:26,409 - INFO - CLOSED short at 2100.0 | PnL: 0.00% | $-0.20 +2025-03-10 16:10:26,435 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.391557142857 | Take profit: 2071.2164392857144 +2025-03-10 16:10:26,916 - INFO - TAKE PROFIT hit for short at 2071.2164392857144 | PnL: 1.50% | $2.81 +2025-03-10 16:10:26,938 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5889071428574 | Take profit: 2017.5043892857145 +2025-03-10 16:10:27,092 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$-0.20 +2025-03-10 16:10:27,093 - INFO - Episode 23: Reward=12.79, Balance=$105.36, Win Rate=66.7%, Trades=3, Episode PnL=$5.36, Total PnL=$528.06, Max Drawdown=0.2%, Pred Accuracy=98.3% +2025-03-10 16:10:27,094 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:10:27,094 - INFO - Refreshing data for episode 24 +2025-03-10 16:10:27,095 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:27,418 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:27,428 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:27,450 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9990071428574 | Take profit: 2094.3540892857145 +2025-03-10 16:10:28,228 - INFO - TAKE PROFIT hit for short at 2094.3540892857145 | PnL: 1.50% | $2.75 +2025-03-10 16:10:28,249 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5976571428573 | Take profit: 2068.4781392857144 +2025-03-10 16:10:28,271 - INFO - CLOSED short at 2096.36 | PnL: 0.18% | $0.15 +2025-03-10 16:10:28,271 - INFO - OPENED LONG at 2096.36 | Stop loss: 2085.830792857143 | Take profit: 2127.876510714286 +2025-03-10 16:10:28,297 - INFO - CLOSED long at 2089.04 | PnL: -0.35% | $-0.90 +2025-03-10 16:10:28,298 - INFO - OPENED SHORT at 2089.04 | Stop loss: 2099.532607142857 | Take profit: 2057.633289285714 +2025-03-10 16:10:28,371 - INFO - STOP LOSS hit for short at 2099.532607142857 | PnL: -0.50% | $-1.20 +2025-03-10 16:10:28,397 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.391557142857 | Take profit: 2071.2164392857144 +2025-03-10 16:10:28,860 - INFO - TAKE PROFIT hit for short at 2071.2164392857144 | PnL: 1.50% | $2.77 +2025-03-10 16:10:28,882 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5889071428574 | Take profit: 2017.5043892857145 +2025-03-10 16:10:29,030 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.89, Avg Loss=$-1.05 +2025-03-10 16:10:29,031 - INFO - Episode 24: Reward=12.96, Balance=$103.56, Win Rate=60.0%, Trades=5, Episode PnL=$4.46, Total PnL=$531.62, Max Drawdown=1.9%, Pred Accuracy=98.2% +2025-03-10 16:10:29,032 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:10:29,032 - INFO - Refreshing data for episode 25 +2025-03-10 16:10:29,032 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:29,347 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:29,356 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:30,037 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9990071428574 | Take profit: 2094.3540892857145 +2025-03-10 16:10:30,764 - INFO - TAKE PROFIT hit for short at 2094.3540892857145 | PnL: 1.50% | $2.75 +2025-03-10 16:10:30,789 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5976571428573 | Take profit: 2068.4781392857144 +2025-03-10 16:10:30,891 - INFO - CLOSED short at 2100.0 | PnL: 0.00% | $-0.20 +2025-03-10 16:10:30,915 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.391557142857 | Take profit: 2071.2164392857144 +2025-03-10 16:10:31,312 - INFO - CLOSED short at 2083.07 | PnL: 0.94% | $1.68 +2025-03-10 16:10:31,331 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.492757142857 | Take profit: 2043.8728392857145 +2025-03-10 16:10:31,422 - INFO - TAKE PROFIT hit for short at 2043.8728392857145 | PnL: 1.50% | $2.86 +2025-03-10 16:10:31,441 - INFO - OPENED LONG at 2052.89 | Stop loss: 2042.5781428571427 | Take profit: 2083.754460714286 +2025-03-10 16:10:31,463 - INFO - CLOSED long at 2053.22 | PnL: 0.02% | $-0.18 +2025-03-10 16:10:31,463 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.5335071428567 | Take profit: 2022.350589285714 +2025-03-10 16:10:31,523 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.43, Avg Loss=$-0.19 +2025-03-10 16:10:31,524 - INFO - Episode 25: Reward=-0.96, Balance=$106.92, Win Rate=60.0%, Trades=5, Episode PnL=$7.09, Total PnL=$538.54, Max Drawdown=0.2%, Pred Accuracy=98.2% +2025-03-10 16:10:31,524 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:10:31,524 - INFO - Refreshing data for episode 26 +2025-03-10 16:10:31,525 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:31,827 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:31,837 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:31,858 - INFO - OPENED LONG at 2126.32 | Stop loss: 2115.640992857143 | Take profit: 2158.285910714286 +2025-03-10 16:10:31,880 - INFO - CLOSED long at 2126.7 | PnL: 0.02% | $-0.16 +2025-03-10 16:10:31,880 - INFO - OPENED SHORT at 2126.7 | Stop loss: 2137.3809071428573 | Take profit: 2094.728389285714 +2025-03-10 16:10:32,561 - INFO - TAKE PROFIT hit for short at 2094.728389285714 | PnL: 1.50% | $2.74 +2025-03-10 16:10:32,580 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5976571428573 | Take profit: 2068.4781392857144 +2025-03-10 16:10:33,160 - INFO - TAKE PROFIT hit for short at 2068.4781392857144 | PnL: 1.50% | $2.82 +2025-03-10 16:10:33,186 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5889071428574 | Take profit: 2017.5043892857145 +2025-03-10 16:10:33,336 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$-0.16 +2025-03-10 16:10:33,336 - INFO - Episode 26: Reward=12.43, Balance=$105.40, Win Rate=66.7%, Trades=3, Episode PnL=$5.56, Total PnL=$543.94, Max Drawdown=0.0%, Pred Accuracy=98.3% +2025-03-10 16:10:33,337 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:10:33,337 - INFO - Refreshing data for episode 27 +2025-03-10 16:10:33,337 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:33,654 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:33,664 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:33,687 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9990071428574 | Take profit: 2094.3540892857145 +2025-03-10 16:10:33,946 - INFO - CLOSED short at 2120.96 | PnL: 0.25% | $0.30 +2025-03-10 16:10:33,970 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.571907142857 | Take profit: 2092.9553892857143 +2025-03-10 16:10:34,405 - INFO - CLOSED short at 2091.36 | PnL: 1.58% | $2.90 +2025-03-10 16:10:34,405 - INFO - OPENED LONG at 2091.36 | Stop loss: 2080.855792857143 | Take profit: 2122.801510714286 +2025-03-10 16:10:34,427 - INFO - CLOSED long at 2100.05 | PnL: 0.42% | $0.64 +2025-03-10 16:10:34,427 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5976571428573 | Take profit: 2068.4781392857144 +2025-03-10 16:10:35,053 - INFO - TAKE PROFIT hit for short at 2068.4781392857144 | PnL: 1.50% | $2.85 +2025-03-10 16:10:35,078 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5889071428574 | Take profit: 2017.5043892857145 +2025-03-10 16:10:35,106 - INFO - CLOSED short at 2051.0 | PnL: -0.13% | $-0.48 +2025-03-10 16:10:35,106 - INFO - OPENED LONG at 2051.0 | Stop loss: 2040.6975928571428 | Take profit: 2081.8361107142855 +2025-03-10 16:10:35,128 - INFO - CLOSED long at 2043.51 | PnL: -0.37% | $-0.97 +2025-03-10 16:10:35,128 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.774957142857 | Take profit: 2012.7862392857144 +2025-03-10 16:10:35,197 - INFO - STOP LOSS hit for short at 2053.774957142857 | PnL: -0.50% | $-1.24 +2025-03-10 16:10:35,221 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.347557142857 | Take profit: 2023.1484392857146 +2025-03-10 16:10:35,242 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.67, Avg Loss=$-0.90 +2025-03-10 16:10:35,243 - INFO - Episode 27: Reward=15.28, Balance=$104.00, Win Rate=57.1%, Trades=7, Episode PnL=$4.33, Total PnL=$547.93, Max Drawdown=2.5%, Pred Accuracy=98.2% +2025-03-10 16:10:35,243 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:10:35,243 - INFO - Refreshing data for episode 28 +2025-03-10 16:10:35,244 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:35,552 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:35,562 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:35,589 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9990071428574 | Take profit: 2094.3540892857145 +2025-03-10 16:10:35,681 - INFO - CLOSED short at 2122.24 | PnL: 0.19% | $0.18 +2025-03-10 16:10:35,681 - INFO - OPENED LONG at 2122.24 | Stop loss: 2111.5813928571424 | Take profit: 2154.144710714286 +2025-03-10 16:10:35,707 - INFO - CLOSED long at 2120.48 | PnL: -0.08% | $-0.36 +2025-03-10 16:10:35,708 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1298071428573 | Take profit: 2088.601689285714 +2025-03-10 16:10:36,747 - INFO - TAKE PROFIT hit for short at 2088.601689285714 | PnL: 1.50% | $2.74 +2025-03-10 16:10:36,768 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.030307142857 | Take profit: 2049.300189285714 +2025-03-10 16:10:36,965 - INFO - TAKE PROFIT hit for short at 2049.300189285714 | PnL: 1.50% | $2.81 +2025-03-10 16:10:36,989 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.302407142857 | Take profit: 2020.1638892857143 +2025-03-10 16:10:37,112 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.91, Avg Loss=$-0.36 +2025-03-10 16:10:37,112 - INFO - Episode 28: Reward=13.41, Balance=$105.38, Win Rate=75.0%, Trades=4, Episode PnL=$5.73, Total PnL=$553.31, Max Drawdown=0.0%, Pred Accuracy=98.3% +2025-03-10 16:10:37,112 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:10:37,113 - INFO - Refreshing data for episode 29 +2025-03-10 16:10:37,113 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:37,443 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:37,452 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:37,478 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9990071428574 | Take profit: 2094.3540892857145 +2025-03-10 16:10:38,233 - INFO - TAKE PROFIT hit for short at 2094.3540892857145 | PnL: 1.50% | $2.75 +2025-03-10 16:10:38,255 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5976571428573 | Take profit: 2068.4781392857144 +2025-03-10 16:10:38,571 - INFO - CLOSED short at 2098.66 | PnL: 0.07% | $-0.07 +2025-03-10 16:10:38,571 - INFO - OPENED LONG at 2098.66 | Stop loss: 2088.1192928571427 | Take profit: 2130.2110107142857 +2025-03-10 16:10:38,597 - INFO - CLOSED long at 2090.59 | PnL: -0.38% | $-0.97 +2025-03-10 16:10:38,598 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.0903571428576 | Take profit: 2059.1600392857144 +2025-03-10 16:10:38,855 - INFO - TAKE PROFIT hit for short at 2059.1600392857144 | PnL: 1.50% | $2.79 +2025-03-10 16:10:38,876 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.302407142857 | Take profit: 2020.1638892857143 +2025-03-10 16:10:38,985 - INFO - CLOSED short at 2054.03 | PnL: -0.15% | $-0.51 +2025-03-10 16:10:39,007 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.77, Avg Loss=$-0.52 +2025-03-10 16:10:39,008 - INFO - Episode 29: Reward=8.81, Balance=$103.99, Win Rate=40.0%, Trades=5, Episode PnL=$4.96, Total PnL=$557.30, Max Drawdown=0.5%, Pred Accuracy=98.3% +2025-03-10 16:10:39,008 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:10:39,009 - INFO - Refreshing data for episode 30 +2025-03-10 16:10:39,009 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:39,315 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:39,324 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:40,002 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.99905 | Take profit: 2094.354025 +2025-03-10 16:10:40,783 - INFO - TAKE PROFIT hit for short at 2094.354025 | PnL: 1.50% | $2.75 +2025-03-10 16:10:40,804 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5977 | Take profit: 2068.4780750000004 +2025-03-10 16:10:41,213 - INFO - CLOSED short at 2084.95 | PnL: 0.72% | $1.24 +2025-03-10 16:10:41,213 - INFO - OPENED LONG at 2084.95 | Stop loss: 2074.4778 | Take profit: 2116.295425 +2025-03-10 16:10:41,236 - INFO - CLOSED long at 2080.58 | PnL: -0.21% | $-0.63 +2025-03-10 16:10:41,237 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.03035 | Take profit: 2049.3001249999998 +2025-03-10 16:10:41,423 - INFO - TAKE PROFIT hit for short at 2049.3001249999998 | PnL: 1.50% | $2.84 +2025-03-10 16:10:41,448 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3024499999997 | Take profit: 2020.1638249999999 +2025-03-10 16:10:41,570 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.28, Avg Loss=$-0.63 +2025-03-10 16:10:41,570 - INFO - Episode 30: Reward=13.95, Balance=$106.20, Win Rate=75.0%, Trades=4, Episode PnL=$6.83, Total PnL=$563.50, Max Drawdown=0.0%, Pred Accuracy=98.3% +2025-03-10 16:10:41,715 - INFO - Model saved to checkpoints/trading_agent_episode_30.pt +2025-03-10 16:10:41,716 - INFO - Checkpoint saved at episode 30 +2025-03-10 16:10:41,716 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:10:42,601 - INFO - Visualization saved for episode 30 +2025-03-10 16:10:44,168 - INFO - Visualization saved for episode 30 +2025-03-10 16:10:44,181 - INFO - Refreshing data for episode 31 +2025-03-10 16:10:44,181 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:44,524 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:44,533 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:44,620 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9991821428575 | Take profit: 2094.3538267857143 +2025-03-10 16:10:44,815 - INFO - CLOSED short at 2121.8 | PnL: 0.21% | $0.22 +2025-03-10 16:10:44,815 - INFO - OPENED LONG at 2121.8 | Stop loss: 2111.143417857143 | Take profit: 2153.6983732142858 +2025-03-10 16:10:44,840 - INFO - CLOSED long at 2121.42 | PnL: -0.02% | $-0.23 +2025-03-10 16:10:44,842 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.074682142857 | Take profit: 2089.527326785714 +2025-03-10 16:10:45,412 - INFO - TAKE PROFIT hit for short at 2089.527326785714 | PnL: 1.50% | $2.74 +2025-03-10 16:10:45,434 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3367821428574 | Take profit: 2058.4210267857143 +2025-03-10 16:10:45,500 - INFO - STOP LOSS hit for short at 2100.3367821428574 | PnL: -0.50% | $-1.21 +2025-03-10 16:10:45,523 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.974632142857 | Take profit: 2071.7874767857143 +2025-03-10 16:10:45,803 - INFO - CLOSED short at 2081.0 | PnL: 1.07% | $1.92 +2025-03-10 16:10:45,803 - INFO - OPENED LONG at 2081.0 | Stop loss: 2070.547417857143 | Take profit: 2112.2863732142855 +2025-03-10 16:10:45,825 - INFO - CLOSED long at 2084.25 | PnL: 0.16% | $0.11 +2025-03-10 16:10:45,826 - INFO - OPENED SHORT at 2084.25 | Stop loss: 2094.7188321428575 | Take profit: 2052.914876785714 +2025-03-10 16:10:45,957 - INFO - TAKE PROFIT hit for short at 2052.914876785714 | PnL: 1.50% | $2.84 +2025-03-10 16:10:45,979 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3025821428573 | Take profit: 2020.1636267857143 +2025-03-10 16:10:46,106 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 80.0% in downtrends | Avg Win=$1.57, Avg Loss=$-0.72 +2025-03-10 16:10:46,107 - INFO - Episode 31: Reward=16.72, Balance=$106.40, Win Rate=71.4%, Trades=7, Episode PnL=$6.51, Total PnL=$569.89, Max Drawdown=1.2%, Pred Accuracy=98.4% +2025-03-10 16:10:46,107 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:10:46,107 - INFO - Refreshing data for episode 32 +2025-03-10 16:10:46,108 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:46,440 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:46,451 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:46,470 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9991821428575 | Take profit: 2094.3538267857143 +2025-03-10 16:10:46,905 - INFO - CLOSED short at 2114.75 | PnL: 0.54% | $0.87 +2025-03-10 16:10:46,926 - INFO - OPENED SHORT at 2116.06 | Stop loss: 2126.687882142857 | Take profit: 2084.2477267857143 +2025-03-10 16:10:47,641 - INFO - TAKE PROFIT hit for short at 2084.2477267857143 | PnL: 1.50% | $2.77 +2025-03-10 16:10:47,662 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.221332142857 | Take profit: 2053.4073767857144 +2025-03-10 16:10:47,728 - INFO - CLOSED short at 2085.37 | PnL: -0.03% | $-0.26 +2025-03-10 16:10:47,729 - INFO - OPENED LONG at 2085.37 | Stop loss: 2074.895567857143 | Take profit: 2116.7219232142857 +2025-03-10 16:10:47,751 - INFO - CLOSED long at 2084.11 | PnL: -0.06% | $-0.32 +2025-03-10 16:10:47,753 - INFO - OPENED SHORT at 2084.11 | Stop loss: 2094.5781321428576 | Take profit: 2052.7769767857144 +2025-03-10 16:10:47,841 - INFO - TAKE PROFIT hit for short at 2052.7769767857144 | PnL: 1.50% | $2.83 +2025-03-10 16:10:47,865 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3025821428573 | Take profit: 2020.1636267857143 +2025-03-10 16:10:47,988 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.16, Avg Loss=$-0.29 +2025-03-10 16:10:47,989 - INFO - Episode 32: Reward=12.42, Balance=$105.88, Win Rate=60.0%, Trades=5, Episode PnL=$6.20, Total PnL=$575.77, Max Drawdown=0.0%, Pred Accuracy=98.4% +2025-03-10 16:10:47,989 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:10:47,989 - INFO - Refreshing data for episode 33 +2025-03-10 16:10:47,989 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:48,309 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:48,318 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:48,340 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9991821428575 | Take profit: 2094.3538267857143 +2025-03-10 16:10:48,467 - INFO - CLOSED short at 2120.54 | PnL: 0.27% | $0.34 +2025-03-10 16:10:48,467 - INFO - OPENED LONG at 2120.54 | Stop loss: 2109.889717857143 | Take profit: 2152.419473214286 +2025-03-10 16:10:48,491 - INFO - CLOSED long at 2118.0 | PnL: -0.12% | $-0.43 +2025-03-10 16:10:48,492 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.637582142857 | Take profit: 2086.158626785714 +2025-03-10 16:10:48,606 - INFO - CLOSED short at 2120.96 | PnL: -0.14% | $-0.47 +2025-03-10 16:10:48,635 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.572082142857 | Take profit: 2092.955126785714 +2025-03-10 16:10:49,075 - INFO - TAKE PROFIT hit for short at 2092.955126785714 | PnL: 1.50% | $2.73 +2025-03-10 16:10:49,099 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5978321428574 | Take profit: 2068.4778767857147 +2025-03-10 16:10:49,695 - INFO - TAKE PROFIT hit for short at 2068.4778767857147 | PnL: 1.50% | $2.80 +2025-03-10 16:10:49,721 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5890821428575 | Take profit: 2017.5041267857143 +2025-03-10 16:10:49,914 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.96, Avg Loss=$-0.45 +2025-03-10 16:10:49,915 - INFO - Episode 33: Reward=11.89, Balance=$104.97, Win Rate=60.0%, Trades=5, Episode PnL=$5.40, Total PnL=$580.74, Max Drawdown=0.6%, Pred Accuracy=98.4% +2025-03-10 16:10:49,916 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:10:49,916 - INFO - Refreshing data for episode 34 +2025-03-10 16:10:49,917 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:50,298 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:50,308 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:50,337 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9991821428575 | Take profit: 2094.3538267857143 +2025-03-10 16:10:51,058 - INFO - TAKE PROFIT hit for short at 2094.3538267857143 | PnL: 1.50% | $2.75 +2025-03-10 16:10:51,080 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5978321428574 | Take profit: 2068.4778767857147 +2025-03-10 16:10:51,263 - INFO - CLOSED short at 2104.22 | PnL: -0.20% | $-0.60 +2025-03-10 16:10:51,263 - INFO - OPENED LONG at 2104.22 | Stop loss: 2093.6513178571427 | Take profit: 2135.8546732142854 +2025-03-10 16:10:51,285 - INFO - CLOSED long at 2104.67 | PnL: 0.02% | $-0.16 +2025-03-10 16:10:51,285 - INFO - OPENED SHORT at 2104.67 | Stop loss: 2115.240932142857 | Take profit: 2073.0285767857144 +2025-03-10 16:10:51,665 - INFO - TAKE PROFIT hit for short at 2073.0285767857144 | PnL: 1.50% | $2.80 +2025-03-10 16:10:51,692 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5890821428575 | Take profit: 2017.5041267857143 +2025-03-10 16:10:51,852 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.77, Avg Loss=$-0.38 +2025-03-10 16:10:51,853 - INFO - Episode 34: Reward=10.73, Balance=$104.79, Win Rate=50.0%, Trades=4, Episode PnL=$4.94, Total PnL=$585.53, Max Drawdown=0.0%, Pred Accuracy=98.5% +2025-03-10 16:10:51,853 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:10:51,853 - INFO - Refreshing data for episode 35 +2025-03-10 16:10:51,855 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:52,163 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:52,175 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:53,139 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9991821428575 | Take profit: 2094.3538267857143 +2025-03-10 16:10:53,321 - INFO - CLOSED short at 2121.8 | PnL: 0.21% | $0.22 +2025-03-10 16:10:53,352 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.074682142857 | Take profit: 2089.527326785714 +2025-03-10 16:10:53,965 - INFO - TAKE PROFIT hit for short at 2089.527326785714 | PnL: 1.50% | $2.75 +2025-03-10 16:10:53,985 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3367821428574 | Take profit: 2058.4210267857143 +2025-03-10 16:10:54,050 - INFO - STOP LOSS hit for short at 2100.3367821428574 | PnL: -0.50% | $-1.21 +2025-03-10 16:10:54,077 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.974632142857 | Take profit: 2071.7874767857143 +2025-03-10 16:10:54,179 - INFO - CLOSED short at 2099.22 | PnL: 0.20% | $0.20 +2025-03-10 16:10:54,180 - INFO - OPENED LONG at 2099.22 | Stop loss: 2088.6763178571427 | Take profit: 2130.7796732142856 +2025-03-10 16:10:54,208 - INFO - CLOSED long at 2094.16 | PnL: -0.24% | $-0.68 +2025-03-10 16:10:54,209 - INFO - OPENED SHORT at 2094.16 | Stop loss: 2104.678382142857 | Take profit: 2062.6762267857143 +2025-03-10 16:10:54,535 - INFO - TAKE PROFIT hit for short at 2062.6762267857143 | PnL: 1.50% | $2.78 +2025-03-10 16:10:54,556 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3025821428573 | Take profit: 2020.1636267857143 +2025-03-10 16:10:54,684 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.49, Avg Loss=$-0.95 +2025-03-10 16:10:54,690 - INFO - Episode 35: Reward=14.24, Balance=$104.06, Win Rate=66.7%, Trades=6, Episode PnL=$4.74, Total PnL=$589.58, Max Drawdown=1.2%, Pred Accuracy=98.4% +2025-03-10 16:10:54,690 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:10:54,690 - INFO - Refreshing data for episode 36 +2025-03-10 16:10:54,690 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:55,030 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:55,038 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:55,060 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9991821428575 | Take profit: 2094.3538267857143 +2025-03-10 16:10:55,102 - INFO - CLOSED short at 2122.01 | PnL: 0.20% | $0.20 +2025-03-10 16:10:55,102 - INFO - OPENED LONG at 2122.01 | Stop loss: 2111.3523678571432 | Take profit: 2153.911523214286 +2025-03-10 16:10:55,123 - INFO - CLOSED long at 2122.17 | PnL: 0.01% | $-0.18 +2025-03-10 16:10:55,123 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.8284321428573 | Take profit: 2090.266076785714 +2025-03-10 16:10:55,817 - INFO - TAKE PROFIT hit for short at 2090.266076785714 | PnL: 1.50% | $2.75 +2025-03-10 16:10:55,842 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3367821428574 | Take profit: 2058.4210267857143 +2025-03-10 16:10:55,906 - INFO - STOP LOSS hit for short at 2100.3367821428574 | PnL: -0.50% | $-1.21 +2025-03-10 16:10:55,931 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.974632142857 | Take profit: 2071.7874767857143 +2025-03-10 16:10:56,343 - INFO - TAKE PROFIT hit for short at 2071.7874767857143 | PnL: 1.50% | $2.79 +2025-03-10 16:10:56,368 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5890821428575 | Take profit: 2017.5041267857143 +2025-03-10 16:10:56,512 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.91, Avg Loss=$-0.70 +2025-03-10 16:10:56,513 - INFO - Episode 36: Reward=13.70, Balance=$104.34, Win Rate=60.0%, Trades=5, Episode PnL=$4.52, Total PnL=$593.93, Max Drawdown=1.2%, Pred Accuracy=98.5% +2025-03-10 16:10:56,513 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:10:56,514 - INFO - Refreshing data for episode 37 +2025-03-10 16:10:56,514 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:56,816 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:56,826 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:56,850 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9991821428575 | Take profit: 2094.3538267857143 +2025-03-10 16:10:57,538 - INFO - TAKE PROFIT hit for short at 2094.3538267857143 | PnL: 1.50% | $2.75 +2025-03-10 16:10:57,562 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5978321428574 | Take profit: 2068.4778767857147 +2025-03-10 16:10:57,846 - INFO - CLOSED short at 2094.16 | PnL: 0.28% | $0.36 +2025-03-10 16:10:57,870 - INFO - OPENED SHORT at 2096.96 | Stop loss: 2107.492382142857 | Take profit: 2065.434226785714 +2025-03-10 16:10:58,085 - INFO - CLOSED short at 2084.11 | PnL: 0.61% | $1.03 +2025-03-10 16:10:58,109 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.532932142857 | Take profit: 2051.7525767857146 +2025-03-10 16:10:58,177 - INFO - TAKE PROFIT hit for short at 2051.7525767857146 | PnL: 1.50% | $2.86 +2025-03-10 16:10:58,202 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3025821428573 | Take profit: 2020.1636267857143 +2025-03-10 16:10:58,336 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.75, Avg Loss=$0.00 +2025-03-10 16:10:58,337 - INFO - Episode 37: Reward=16.73, Balance=$107.00, Win Rate=100.0%, Trades=4, Episode PnL=$7.00, Total PnL=$600.93, Max Drawdown=0.0%, Pred Accuracy=98.5% +2025-03-10 16:10:58,337 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:10:58,337 - INFO - Refreshing data for episode 38 +2025-03-10 16:10:58,338 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:10:58,642 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:10:58,651 - INFO - Initialized environment with 100 candles +2025-03-10 16:10:58,674 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.9991821428575 | Take profit: 2094.3538267857143 +2025-03-10 16:10:59,415 - INFO - TAKE PROFIT hit for short at 2094.3538267857143 | PnL: 1.50% | $2.75 +2025-03-10 16:10:59,439 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5978321428574 | Take profit: 2068.4778767857147 +2025-03-10 16:10:59,886 - INFO - CLOSED short at 2080.58 | PnL: 0.93% | $1.66 +2025-03-10 16:10:59,913 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.221332142857 | Take profit: 2053.4073767857144 +2025-03-10 16:11:00,108 - INFO - TAKE PROFIT hit for short at 2053.4073767857144 | PnL: 1.50% | $2.87 +2025-03-10 16:11:00,131 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3025821428573 | Take profit: 2020.1636267857143 +2025-03-10 16:11:00,260 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.42, Avg Loss=$0.00 +2025-03-10 16:11:00,261 - INFO - Episode 38: Reward=16.00, Balance=$107.27, Win Rate=100.0%, Trades=3, Episode PnL=$7.27, Total PnL=$608.20, Max Drawdown=0.0%, Pred Accuracy=98.5% +2025-03-10 16:11:00,399 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 16:11:00,399 - INFO - New best PnL model saved: $7.27 +2025-03-10 16:11:00,399 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:11:00,400 - INFO - Refreshing data for episode 39 +2025-03-10 16:11:00,400 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:11:00,756 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:11:00,766 - INFO - Initialized environment with 100 candles +2025-03-10 16:11:00,791 - INFO - OPENED SHORT at 2126.32 | Stop loss: 2136.999342857143 | Take profit: 2094.353585714286 +2025-03-10 16:11:01,541 - INFO - TAKE PROFIT hit for short at 2094.353585714286 | PnL: 1.50% | $2.75 +2025-03-10 16:11:01,570 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.597992857143 | Take profit: 2068.477635714286 +2025-03-10 16:11:02,072 - INFO - CLOSED short at 2084.95 | PnL: 0.72% | $1.24 +2025-03-10 16:11:02,073 - INFO - OPENED LONG at 2084.95 | Stop loss: 2074.477507142857 | Take profit: 2116.2958642857143 +2025-03-10 16:11:02,099 - INFO - CLOSED long at 2080.58 | PnL: -0.21% | $-0.63 +2025-03-10 16:11:02,100 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0306428571425 | Take profit: 2049.2996857142857 +2025-03-10 16:11:02,310 - INFO - TAKE PROFIT hit for short at 2049.2996857142857 | PnL: 1.50% | $2.84 +2025-03-10 16:11:02,332 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3027428571427 | Take profit: 2020.1633857142856 +2025-03-10 16:11:02,382 - INFO - CLOSED short at 2052.89 | PnL: -0.09% | $-0.40 +2025-03-10 16:11:02,383 - INFO - OPENED LONG at 2052.89 | Stop loss: 2042.577807142857 | Take profit: 2083.754964285714 +2025-03-10 16:11:02,406 - INFO - CLOSED long at 2053.22 | PnL: 0.02% | $-0.17 +2025-03-10 16:11:02,406 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.5338428571426 | Take profit: 2022.3500857142856 +2025-03-10 16:11:02,471 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.27, Avg Loss=$-0.40 +2025-03-10 16:11:02,472 - INFO - Episode 39: Reward=10.83, Balance=$105.62, Win Rate=50.0%, Trades=6, Episode PnL=$6.43, Total PnL=$613.82, Max Drawdown=0.0%, Pred Accuracy=98.6% +2025-03-10 16:11:02,472 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:11:02,472 - INFO - Refreshing data for episode 40 +2025-03-10 16:11:02,473 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:11:02,778 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:11:02,787 - INFO - Initialized environment with 100 candles +2025-03-10 16:11:03,471 - INFO - OPENED SHORT at 2126.7 | Stop loss: 2137.379857142857 | Take profit: 2094.7299642857142 +2025-03-10 16:11:03,535 - INFO - CLOSED short at 2122.24 | PnL: 0.21% | $0.21 +2025-03-10 16:11:03,536 - INFO - OPENED LONG at 2122.24 | Stop loss: 2111.5824428571427 | Take profit: 2154.1431357142856 +2025-03-10 16:11:03,567 - INFO - CLOSED long at 2120.48 | PnL: -0.08% | $-0.36 +2025-03-10 16:11:03,567 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.128757142857 | Take profit: 2088.6032642857144 +2025-03-10 16:11:04,622 - INFO - TAKE PROFIT hit for short at 2088.6032642857144 | PnL: 1.50% | $2.74 +2025-03-10 16:11:04,645 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.029257142857 | Take profit: 2049.3017642857144 +2025-03-10 16:11:04,860 - INFO - TAKE PROFIT hit for short at 2049.3017642857144 | PnL: 1.50% | $2.82 +2025-03-10 16:11:04,888 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.301357142857 | Take profit: 2020.1654642857143 +2025-03-10 16:11:05,061 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.92, Avg Loss=$-0.36 +2025-03-10 16:11:05,062 - INFO - Episode 40: Reward=13.43, Balance=$105.42, Win Rate=75.0%, Trades=4, Episode PnL=$5.77, Total PnL=$619.24, Max Drawdown=0.0%, Pred Accuracy=98.7% +2025-03-10 16:11:05,204 - INFO - Model saved to checkpoints/trading_agent_episode_40.pt +2025-03-10 16:11:05,204 - INFO - Checkpoint saved at episode 40 +2025-03-10 16:11:05,204 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:11:06,102 - INFO - Visualization saved for episode 40 +2025-03-10 16:11:07,793 - INFO - Visualization saved for episode 40 +2025-03-10 16:11:07,808 - INFO - Refreshing data for episode 41 +2025-03-10 16:11:07,808 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:11:08,122 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:11:08,133 - INFO - Initialized environment with 100 candles +2025-03-10 16:11:08,217 - INFO - OPENED SHORT at 2126.7 | Stop loss: 2137.3799249999997 | Take profit: 2094.7298625 +2025-03-10 16:11:08,488 - INFO - CLOSED short at 2116.52 | PnL: 0.48% | $0.74 +2025-03-10 16:11:08,489 - INFO - OPENED LONG at 2116.52 | Stop loss: 2105.890975 | Take profit: 2148.3374375 +2025-03-10 16:11:08,519 - INFO - CLOSED long at 2119.02 | PnL: 0.12% | $0.04 +2025-03-10 16:11:08,519 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.661525 | Take profit: 2087.1650625 +2025-03-10 16:11:08,876 - INFO - CLOSED short at 2115.11 | PnL: 0.18% | $0.17 +2025-03-10 16:11:08,876 - INFO - OPENED LONG at 2115.11 | Stop loss: 2104.488025 | Take profit: 2146.9062875000004 +2025-03-10 16:11:08,910 - INFO - CLOSED long at 2114.32 | PnL: -0.04% | $-0.27 +2025-03-10 16:11:08,910 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.938025 | Take profit: 2082.5355625 +2025-03-10 16:11:09,644 - INFO - TAKE PROFIT hit for short at 2082.5355625 | PnL: 1.50% | $2.76 +2025-03-10 16:11:09,668 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.220175 | Take profit: 2053.4091125 +2025-03-10 16:11:09,865 - INFO - TAKE PROFIT hit for short at 2053.4091125 | PnL: 1.50% | $2.84 +2025-03-10 16:11:09,896 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.301425 | Take profit: 2020.1653625 +2025-03-10 16:11:10,092 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.31, Avg Loss=$-0.27 +2025-03-10 16:11:10,093 - INFO - Episode 41: Reward=15.63, Balance=$106.28, Win Rate=83.3%, Trades=6, Episode PnL=$6.51, Total PnL=$625.51, Max Drawdown=0.0%, Pred Accuracy=98.8% +2025-03-10 16:11:10,093 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:11:10,094 - INFO - Refreshing data for episode 42 +2025-03-10 16:11:10,094 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:11:10,406 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:11:10,416 - INFO - Initialized environment with 100 candles +2025-03-10 16:11:10,444 - INFO - OPENED SHORT at 2126.7 | Stop loss: 2137.3802035714284 | Take profit: 2094.729444642857 +2025-03-10 16:11:11,255 - INFO - TAKE PROFIT hit for short at 2094.729444642857 | PnL: 1.50% | $2.75 +2025-03-10 16:11:11,285 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.596953571429 | Take profit: 2068.4791946428572 +2025-03-10 16:11:11,749 - INFO - CLOSED short at 2090.99 | PnL: 0.43% | $0.67 +2025-03-10 16:11:11,782 - INFO - OPENED SHORT at 2084.95 | Stop loss: 2095.421453571428 | Take profit: 2053.605694642857 +2025-03-10 16:11:12,045 - INFO - TAKE PROFIT hit for short at 2053.605694642857 | PnL: 1.50% | $2.84 +2025-03-10 16:11:12,077 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3017035714283 | Take profit: 2020.164944642857 +2025-03-10 16:11:12,266 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.08, Avg Loss=$0.00 +2025-03-10 16:11:12,267 - INFO - Episode 42: Reward=15.39, Balance=$106.25, Win Rate=100.0%, Trades=3, Episode PnL=$6.25, Total PnL=$631.77, Max Drawdown=0.0%, Pred Accuracy=98.8% +2025-03-10 16:11:12,268 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:11:12,268 - INFO - Refreshing data for episode 43 +2025-03-10 16:11:12,268 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:11:12,616 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:11:12,626 - INFO - Initialized environment with 100 candles +2025-03-10 16:11:12,654 - INFO - OPENED SHORT at 2126.7 | Stop loss: 2137.3802035714284 | Take profit: 2094.729444642857 +2025-03-10 16:11:13,440 - INFO - TAKE PROFIT hit for short at 2094.729444642857 | PnL: 1.50% | $2.75 +2025-03-10 16:11:13,500 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.8885035714284 | Take profit: 2064.8445446428573 +2025-03-10 16:11:14,254 - INFO - TAKE PROFIT hit for short at 2064.8445446428573 | PnL: 1.50% | $2.82 +2025-03-10 16:11:14,282 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3017035714283 | Take profit: 2020.164944642857 +2025-03-10 16:11:14,459 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$0.00 +2025-03-10 16:11:14,460 - INFO - Episode 43: Reward=13.88, Balance=$105.57, Win Rate=100.0%, Trades=2, Episode PnL=$5.57, Total PnL=$637.33, Max Drawdown=0.0%, Pred Accuracy=98.9% +2025-03-10 16:11:14,460 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:11:14,460 - INFO - Refreshing data for episode 44 +2025-03-10 16:11:14,460 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:11:14,769 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:11:14,782 - INFO - Initialized environment with 100 candles +2025-03-10 16:11:14,810 - INFO - OPENED SHORT at 2126.7 | Stop loss: 2137.3802035714284 | Take profit: 2094.729444642857 +2025-03-10 16:11:15,419 - INFO - CLOSED short at 2115.11 | PnL: 0.54% | $0.87 +2025-03-10 16:11:15,420 - INFO - OPENED LONG at 2115.11 | Stop loss: 2104.487746428572 | Take profit: 2146.906705357143 +2025-03-10 16:11:15,473 - INFO - CLOSED long at 2114.57 | PnL: -0.03% | $-0.25 +2025-03-10 16:11:15,474 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.189553571429 | Take profit: 2082.7813946428573 +2025-03-10 16:11:16,168 - INFO - TAKE PROFIT hit for short at 2082.7813946428573 | PnL: 1.50% | $2.76 +2025-03-10 16:11:16,191 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2204535714286 | Take profit: 2053.408694642857 +2025-03-10 16:11:16,372 - INFO - CLOSED short at 2067.71 | PnL: 0.82% | $1.45 +2025-03-10 16:11:16,393 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5882035714285 | Take profit: 2017.5054446428574 +2025-03-10 16:11:16,569 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.69, Avg Loss=$-0.25 +2025-03-10 16:11:16,569 - INFO - Episode 44: Reward=15.20, Balance=$104.84, Win Rate=75.0%, Trades=4, Episode PnL=$5.08, Total PnL=$642.17, Max Drawdown=0.0%, Pred Accuracy=98.9% +2025-03-10 16:11:16,570 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:11:16,570 - INFO - Refreshing data for episode 45 +2025-03-10 16:11:16,571 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:11:16,883 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:11:16,894 - INFO - Initialized environment with 100 candles +2025-03-10 16:11:17,727 - INFO - OPENED SHORT at 2126.7 | Stop loss: 2137.3809357142854 | Take profit: 2094.728346428571 +2025-03-10 16:11:18,320 - INFO - CLOSED short at 2115.21 | PnL: 0.54% | $0.86 +2025-03-10 16:11:18,351 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.7179357142854 | Take profit: 2082.3173464285715 +2025-03-10 16:11:19,083 - INFO - TAKE PROFIT hit for short at 2082.3173464285715 | PnL: 1.50% | $2.77 +2025-03-10 16:11:19,109 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2211857142856 | Take profit: 2053.4075964285717 +2025-03-10 16:11:19,372 - INFO - TAKE PROFIT hit for short at 2053.4075964285717 | PnL: 1.50% | $2.84 +2025-03-10 16:11:19,398 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.302435714286 | Take profit: 2020.1638464285713 +2025-03-10 16:11:19,562 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.16, Avg Loss=$0.00 +2025-03-10 16:11:19,563 - INFO - Episode 45: Reward=15.51, Balance=$106.47, Win Rate=100.0%, Trades=3, Episode PnL=$6.47, Total PnL=$648.64, Max Drawdown=0.0%, Pred Accuracy=99.0% +2025-03-10 16:11:19,564 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:11:19,564 - INFO - Refreshing data for episode 46 +2025-03-10 16:11:19,564 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:11:19,876 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:11:19,888 - INFO - Initialized environment with 100 candles +2025-03-10 16:11:19,915 - INFO - OPENED SHORT at 2126.7 | Stop loss: 2137.3809357142854 | Take profit: 2094.728346428571 +2025-03-10 16:11:20,722 - INFO - TAKE PROFIT hit for short at 2094.728346428571 | PnL: 1.50% | $2.75 +2025-03-10 16:11:20,754 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.597685714286 | Take profit: 2068.4780964285715 +2025-03-10 16:11:21,204 - INFO - CLOSED short at 2084.95 | PnL: 0.72% | $1.24 +2025-03-10 16:11:21,233 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0303357142857 | Take profit: 2049.300146428571 +2025-03-10 16:11:21,357 - INFO - CLOSED short at 2084.11 | PnL: -0.17% | $-0.55 +2025-03-10 16:11:21,358 - INFO - OPENED LONG at 2084.11 | Stop loss: 2073.6420142857146 | Take profit: 2115.4428035714286 +2025-03-10 16:11:21,386 - INFO - CLOSED long at 2083.07 | PnL: -0.05% | $-0.30 +2025-03-10 16:11:21,386 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.5327857142856 | Take profit: 2051.752796428572 +2025-03-10 16:11:21,461 - INFO - CLOSED short at 2048.3 | PnL: 1.67% | $3.16 +2025-03-10 16:11:21,462 - INFO - OPENED LONG at 2048.3 | Stop loss: 2038.0110642857144 | Take profit: 2079.095653571429 +2025-03-10 16:11:21,491 - INFO - CLOSED long at 2051.0 | PnL: 0.13% | $0.07 +2025-03-10 16:11:21,492 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.302435714286 | Take profit: 2020.1638464285713 +2025-03-10 16:11:21,654 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.81, Avg Loss=$-0.43 +2025-03-10 16:11:21,655 - INFO - Episode 46: Reward=16.16, Balance=$106.37, Win Rate=66.7%, Trades=6, Episode PnL=$6.61, Total PnL=$655.01, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 16:11:21,655 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:11:21,655 - INFO - Refreshing data for episode 47 +2025-03-10 16:11:21,656 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:11:21,957 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:11:21,969 - INFO - Initialized environment with 100 candles +2025-03-10 16:11:21,998 - INFO - OPENED SHORT at 2126.7 | Stop loss: 2137.3809357142854 | Take profit: 2094.728346428571 +2025-03-10 16:11:22,820 - INFO - TAKE PROFIT hit for short at 2094.728346428571 | PnL: 1.50% | $2.75 +2025-03-10 16:11:22,844 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.597685714286 | Take profit: 2068.4780964285715 +2025-03-10 16:11:23,040 - INFO - CLOSED short at 2104.22 | PnL: -0.20% | $-0.60 +2025-03-10 16:11:23,040 - INFO - OPENED LONG at 2104.22 | Stop loss: 2093.651464285714 | Take profit: 2135.854453571428 +2025-03-10 16:11:23,071 - INFO - CLOSED long at 2104.67 | PnL: 0.02% | $-0.16 +2025-03-10 16:11:23,071 - INFO - OPENED SHORT at 2104.67 | Stop loss: 2115.2407857142857 | Take profit: 2073.0287964285717 +2025-03-10 16:11:23,565 - INFO - TAKE PROFIT hit for short at 2073.0287964285717 | PnL: 1.50% | $2.80 +2025-03-10 16:11:23,593 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5889357142855 | Take profit: 2017.5043464285718 +2025-03-10 16:11:23,793 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.77, Avg Loss=$-0.38 +2025-03-10 16:11:23,793 - INFO - Episode 47: Reward=10.74, Balance=$104.79, Win Rate=50.0%, Trades=4, Episode PnL=$4.94, Total PnL=$659.80, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 16:11:23,794 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:11:23,794 - INFO - Refreshing data for episode 48 +2025-03-10 16:11:23,795 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:11:24,092 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:11:24,106 - INFO - Initialized environment with 100 candles +2025-03-10 16:11:24,133 - INFO - OPENED SHORT at 2126.7 | Stop loss: 2137.3809357142854 | Take profit: 2094.728346428571 +2025-03-10 16:11:24,842 - INFO - CLOSED short at 2114.57 | PnL: 0.57% | $0.92 +2025-03-10 16:11:24,870 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.180285714286 | Take profit: 2080.8102964285717 +2025-03-10 16:11:25,608 - INFO - TAKE PROFIT hit for short at 2080.8102964285717 | PnL: 1.50% | $2.77 +2025-03-10 16:11:25,633 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2211857142856 | Take profit: 2053.4075964285717 +2025-03-10 16:11:25,853 - INFO - TAKE PROFIT hit for short at 2053.4075964285717 | PnL: 1.50% | $2.85 +2025-03-10 16:11:25,880 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.302435714286 | Take profit: 2020.1638464285713 +2025-03-10 16:11:26,057 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.18, Avg Loss=$0.00 +2025-03-10 16:11:26,058 - INFO - Episode 48: Reward=15.55, Balance=$106.54, Win Rate=100.0%, Trades=3, Episode PnL=$6.54, Total PnL=$666.34, Max Drawdown=0.0%, Pred Accuracy=99.2% +2025-03-10 16:11:26,058 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:11:26,058 - INFO - Refreshing data for episode 49 +2025-03-10 16:11:26,059 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:11:26,358 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:11:26,375 - INFO - Initialized environment with 100 candles +2025-03-10 16:11:26,404 - INFO - OPENED SHORT at 2126.7 | Stop loss: 2137.3809357142854 | Take profit: 2094.728346428571 +2025-03-10 16:11:27,224 - INFO - TAKE PROFIT hit for short at 2094.728346428571 | PnL: 1.50% | $2.75 +2025-03-10 16:11:27,250 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.597685714286 | Take profit: 2068.4780964285715 +2025-03-10 16:11:27,970 - INFO - TAKE PROFIT hit for short at 2068.4780964285715 | PnL: 1.50% | $2.82 +2025-03-10 16:11:27,995 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5889357142855 | Take profit: 2017.5043464285718 +2025-03-10 16:11:28,196 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$0.00 +2025-03-10 16:11:28,197 - INFO - Episode 49: Reward=14.09, Balance=$105.57, Win Rate=100.0%, Trades=2, Episode PnL=$5.57, Total PnL=$671.90, Max Drawdown=0.0%, Pred Accuracy=99.2% +2025-03-10 16:11:28,198 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:11:28,198 - INFO - Early stopping triggered after 50 episodes without improvement +2025-03-10 16:11:28,347 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 16:11:29,390 - INFO - Training results saved to training_results.png +2025-03-10 16:11:29,530 - INFO - Model saved to models/trading_agent_continuous_100.pt +2025-03-10 16:11:34,534 - INFO - Starting training batch 4 +2025-03-10 16:11:34,535 - INFO - Refreshing data for new training batch +2025-03-10 16:11:34,535 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:11:34,866 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 16:11:34,878 - INFO - Initialized environment with 500 candles +2025-03-10 16:11:34,878 - INFO - Updated environment with fresh candles +2025-03-10 16:11:34,879 - INFO - Starting training on device: cuda +2025-03-10 16:11:34,879 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 16:11:34,879 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 16:11:35,163 - INFO - Model loaded successfully with weights_only=True +2025-03-10 16:11:35,168 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $7.27, Win Rate: 66.7% +2025-03-10 16:11:35,177 - INFO - Refreshing data for episode 0 +2025-03-10 16:11:35,177 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:11:35,476 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:11:35,488 - INFO - Initialized environment with 100 candles +2025-03-10 16:11:36,691 - INFO - OPENED SHORT at 2126.7 | Stop loss: 2137.3811357142854 | Take profit: 2094.7280464285714 +2025-03-10 16:11:37,653 - INFO - TAKE PROFIT hit for short at 2094.7280464285714 | PnL: 1.50% | $2.75 +2025-03-10 16:11:37,683 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.597885714286 | Take profit: 2068.4777964285718 +2025-03-10 16:11:38,301 - INFO - CLOSED short at 2084.11 | PnL: 0.76% | $1.32 +2025-03-10 16:11:38,354 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.492985714286 | Take profit: 2043.8724964285716 +2025-03-10 16:11:38,475 - INFO - TAKE PROFIT hit for short at 2043.8724964285716 | PnL: 1.50% | $2.86 +2025-03-10 16:11:38,500 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.2020857142857 | Take profit: 2022.0251964285712 +2025-03-10 16:11:38,608 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.31, Avg Loss=$0.00 +2025-03-10 16:11:38,609 - INFO - Episode 0: Reward=29.38, Balance=$106.92, Win Rate=100.0%, Trades=3, Episode PnL=$6.92, Total PnL=$678.83, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 16:12:01,487 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 16:12:01,517 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 16:12:01,517 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:01,518 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:05,377 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 16:12:05,399 - INFO - Initialized environment with 500 candles +2025-03-10 16:12:08,202 - INFO - Starting continuous training mode. Press Ctrl+C to stop. +2025-03-10 16:12:08,202 - INFO - Starting training batch 1 +2025-03-10 16:12:08,202 - INFO - Refreshing data for new training batch +2025-03-10 16:12:08,203 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:08,535 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 16:12:08,554 - INFO - Initialized environment with 500 candles +2025-03-10 16:12:08,554 - INFO - Updated environment with fresh candles +2025-03-10 16:12:08,555 - INFO - Starting training on device: cuda +2025-03-10 16:12:08,555 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 16:12:08,556 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 16:12:08,719 - INFO - Model loaded successfully with weights_only=True +2025-03-10 16:12:08,720 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $7.27, Win Rate: 66.7% +2025-03-10 16:12:08,722 - INFO - Refreshing data for episode 0 +2025-03-10 16:12:08,723 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:09,048 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:09,057 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:10,183 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.6686892857147 | Take profit: 2090.106891071429 +2025-03-10 16:12:10,268 - INFO - CLOSED short at 2098.28 | PnL: 1.12% | $1.99 +2025-03-10 16:12:10,268 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.739960714286 | Take profit: 2129.8271589285714 +2025-03-10 16:12:10,276 - INFO - CLOSED long at 2091.36 | PnL: -0.33% | $-0.86 +2025-03-10 16:12:10,276 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.8654392857143 | Take profit: 2059.916641071429 +2025-03-10 16:12:10,293 - INFO - STOP LOSS hit for short at 2101.8654392857143 | PnL: -0.50% | $-1.19 +2025-03-10 16:12:10,304 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9756892857145 | Take profit: 2071.7858910714285 +2025-03-10 16:12:10,305 - INFO - CLOSED short at 2104.22 | PnL: -0.04% | $-0.27 +2025-03-10 16:12:10,310 - INFO - OPENED SHORT at 2104.67 | Stop loss: 2115.2419892857147 | Take profit: 2073.0269910714287 +2025-03-10 16:12:10,372 - INFO - TAKE PROFIT hit for short at 2073.0269910714287 | PnL: 1.50% | $2.73 +2025-03-10 16:12:10,376 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5901392857145 | Take profit: 2017.5025410714286 +2025-03-10 16:12:10,604 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.36, Avg Loss=$-0.77 +2025-03-10 16:12:10,606 - INFO - Episode 0: Reward=12.93, Balance=$102.41, Win Rate=40.0%, Trades=5, Episode PnL=$3.26, Total PnL=$2.41, Max Drawdown=0.3%, Pred Accuracy=99.7% +2025-03-10 16:12:10,751 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 16:12:10,752 - INFO - Checkpoint saved at episode 0 +2025-03-10 16:12:11,867 - INFO - Visualization saved for episode 0 +2025-03-10 16:12:13,677 - INFO - Visualization saved for episode 0 +2025-03-10 16:12:13,690 - INFO - Refreshing data for episode 1 +2025-03-10 16:12:13,690 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:14,013 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:14,023 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:14,078 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.6690964285717 | Take profit: 2090.106280357143 +2025-03-10 16:12:14,375 - INFO - CLOSED short at 2120.96 | PnL: 0.05% | $-0.10 +2025-03-10 16:12:14,400 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.5735464285717 | Take profit: 2092.952930357143 +2025-03-10 16:12:14,961 - INFO - TAKE PROFIT hit for short at 2092.952930357143 | PnL: 1.50% | $2.74 +2025-03-10 16:12:14,987 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5992964285715 | Take profit: 2068.475680357143 +2025-03-10 16:12:15,443 - INFO - CLOSED short at 2090.59 | PnL: 0.45% | $0.70 +2025-03-10 16:12:15,443 - INFO - OPENED LONG at 2090.59 | Stop loss: 2080.0880035714285 | Take profit: 2122.0224196428576 +2025-03-10 16:12:15,471 - INFO - CLOSED long at 2090.99 | PnL: 0.02% | $-0.16 +2025-03-10 16:12:15,472 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.4939964285713 | Take profit: 2059.5515803571425 +2025-03-10 16:12:15,704 - INFO - TAKE PROFIT hit for short at 2059.5515803571425 | PnL: 1.50% | $2.83 +2025-03-10 16:12:15,733 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3040464285714 | Take profit: 2020.1614303571428 +2025-03-10 16:12:15,949 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.09, Avg Loss=$-0.13 +2025-03-10 16:12:15,949 - INFO - Episode 1: Reward=12.81, Balance=$106.01, Win Rate=60.0%, Trades=5, Episode PnL=$6.18, Total PnL=$8.42, Max Drawdown=0.1%, Pred Accuracy=99.7% +2025-03-10 16:12:15,949 - INFO - Refreshing data for episode 2 +2025-03-10 16:12:15,949 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:16,274 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:16,287 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:16,319 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.6690964285717 | Take profit: 2090.106280357143 +2025-03-10 16:12:16,607 - INFO - CLOSED short at 2120.96 | PnL: 0.05% | $-0.10 +2025-03-10 16:12:16,630 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.5735464285717 | Take profit: 2092.952930357143 +2025-03-10 16:12:17,140 - INFO - TAKE PROFIT hit for short at 2092.952930357143 | PnL: 1.50% | $2.74 +2025-03-10 16:12:17,165 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5992964285715 | Take profit: 2068.475680357143 +2025-03-10 16:12:17,499 - INFO - CLOSED short at 2096.96 | PnL: 0.15% | $0.09 +2025-03-10 16:12:17,524 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.202346428571 | Take profit: 2067.1065303571427 +2025-03-10 16:12:17,817 - INFO - TAKE PROFIT hit for short at 2067.1065303571427 | PnL: 1.50% | $2.82 +2025-03-10 16:12:17,846 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3040464285714 | Take profit: 2020.1614303571428 +2025-03-10 16:12:18,035 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.88, Avg Loss=$-0.10 +2025-03-10 16:12:18,035 - INFO - Episode 2: Reward=27.66, Balance=$105.55, Win Rate=75.0%, Trades=4, Episode PnL=$5.55, Total PnL=$13.97, Max Drawdown=0.1%, Pred Accuracy=99.7% +2025-03-10 16:12:18,035 - INFO - Refreshing data for episode 3 +2025-03-10 16:12:18,035 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:18,339 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:18,349 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:18,377 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.6690964285717 | Take profit: 2090.106280357143 +2025-03-10 16:12:19,076 - INFO - CLOSED short at 2100.05 | PnL: 1.03% | $1.83 +2025-03-10 16:12:19,076 - INFO - OPENED LONG at 2100.05 | Stop loss: 2089.500703571429 | Take profit: 2131.6243196428572 +2025-03-10 16:12:19,101 - INFO - CLOSED long at 2096.36 | PnL: -0.18% | $-0.55 +2025-03-10 16:12:19,127 - INFO - OPENED SHORT at 2089.04 | Stop loss: 2099.5342464285714 | Take profit: 2057.6308303571427 +2025-03-10 16:12:19,206 - INFO - STOP LOSS hit for short at 2099.5342464285714 | PnL: -0.50% | $-1.19 +2025-03-10 16:12:19,232 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3931964285716 | Take profit: 2071.2139803571426 +2025-03-10 16:12:19,727 - INFO - TAKE PROFIT hit for short at 2071.2139803571426 | PnL: 1.50% | $2.75 +2025-03-10 16:12:19,757 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5905464285715 | Take profit: 2017.501930357143 +2025-03-10 16:12:19,784 - INFO - CLOSED short at 2051.0 | PnL: -0.13% | $-0.47 +2025-03-10 16:12:19,784 - INFO - OPENED LONG at 2051.0 | Stop loss: 2040.6959535714286 | Take profit: 2081.8385696428572 +2025-03-10 16:12:19,814 - INFO - CLOSED long at 2043.51 | PnL: -0.37% | $-0.93 +2025-03-10 16:12:19,814 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.7765964285713 | Take profit: 2012.7837803571429 +2025-03-10 16:12:19,893 - INFO - STOP LOSS hit for short at 2053.7765964285713 | PnL: -0.50% | $-1.19 +2025-03-10 16:12:19,922 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.3491964285718 | Take profit: 2023.1459803571431 +2025-03-10 16:12:20,003 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 40.0% in downtrends | Avg Win=$2.29, Avg Loss=$-0.87 +2025-03-10 16:12:20,003 - INFO - Episode 3: Reward=24.32, Balance=$100.24, Win Rate=28.6%, Trades=7, Episode PnL=$1.17, Total PnL=$14.22, Max Drawdown=2.5%, Pred Accuracy=99.7% +2025-03-10 16:12:20,004 - INFO - Refreshing data for episode 4 +2025-03-10 16:12:20,005 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:20,432 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:20,442 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:20,467 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.6690964285717 | Take profit: 2090.106280357143 +2025-03-10 16:12:20,812 - INFO - CLOSED short at 2120.26 | PnL: 0.08% | $-0.03 +2025-03-10 16:12:20,812 - INFO - OPENED LONG at 2120.26 | Stop loss: 2109.6096535714287 | Take profit: 2152.1374696428575 +2025-03-10 16:12:20,844 - INFO - CLOSED long at 2116.81 | PnL: -0.16% | $-0.51 +2025-03-10 16:12:20,845 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.443096428571 | Take profit: 2084.984280357143 +2025-03-10 16:12:21,121 - INFO - CLOSED short at 2113.28 | PnL: 0.17% | $0.13 +2025-03-10 16:12:21,122 - INFO - OPENED LONG at 2113.28 | Stop loss: 2102.6645535714288 | Take profit: 2145.052769642857 +2025-03-10 16:12:21,143 - INFO - CLOSED long at 2114.5 | PnL: 0.06% | $-0.08 +2025-03-10 16:12:21,144 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.121546428571 | Take profit: 2082.708930357143 +2025-03-10 16:12:21,197 - INFO - CLOSED short at 2098.24 | PnL: 0.77% | $1.30 +2025-03-10 16:12:21,197 - INFO - OPENED LONG at 2098.24 | Stop loss: 2087.699753571428 | Take profit: 2129.787169642857 +2025-03-10 16:12:21,224 - INFO - CLOSED long at 2098.28 | PnL: 0.00% | $-0.19 +2025-03-10 16:12:21,224 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.8204464285714 | Take profit: 2066.732230357143 +2025-03-10 16:12:21,276 - INFO - CLOSED short at 2100.05 | PnL: -0.08% | $-0.36 +2025-03-10 16:12:21,277 - INFO - OPENED LONG at 2100.05 | Stop loss: 2089.500703571429 | Take profit: 2131.6243196428572 +2025-03-10 16:12:21,298 - INFO - CLOSED long at 2096.36 | PnL: -0.18% | $-0.54 +2025-03-10 16:12:21,298 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.8908464285714 | Take profit: 2064.8410303571427 +2025-03-10 16:12:21,553 - INFO - CLOSED short at 2099.22 | PnL: -0.14% | $-0.46 +2025-03-10 16:12:21,553 - INFO - OPENED LONG at 2099.22 | Stop loss: 2088.6748535714282 | Take profit: 2130.781869642857 +2025-03-10 16:12:21,625 - INFO - CLOSED long at 2098.66 | PnL: -0.03% | $-0.25 +2025-03-10 16:12:21,626 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.202346428571 | Take profit: 2067.1065303571427 +2025-03-10 16:12:21,648 - INFO - CLOSED short at 2090.59 | PnL: 0.38% | $0.55 +2025-03-10 16:12:21,648 - INFO - OPENED LONG at 2090.59 | Stop loss: 2080.0880035714285 | Take profit: 2122.0224196428576 +2025-03-10 16:12:21,670 - INFO - CLOSED long at 2090.99 | PnL: 0.02% | $-0.16 +2025-03-10 16:12:21,671 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.4939964285713 | Take profit: 2059.5515803571425 +2025-03-10 16:12:21,714 - INFO - CLOSED short at 2080.58 | PnL: 0.50% | $0.77 +2025-03-10 16:12:21,714 - INFO - OPENED LONG at 2080.58 | Stop loss: 2070.1280535714286 | Take profit: 2111.8622696428574 +2025-03-10 16:12:21,736 - INFO - CLOSED long at 2084.75 | PnL: 0.20% | $0.20 +2025-03-10 16:12:21,737 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2227964285717 | Take profit: 2053.405180357143 +2025-03-10 16:12:21,834 - INFO - CLOSED short at 2084.11 | PnL: 0.03% | $-0.14 +2025-03-10 16:12:21,834 - INFO - OPENED LONG at 2084.11 | Stop loss: 2073.6404035714286 | Take profit: 2115.445219642857 +2025-03-10 16:12:21,858 - INFO - CLOSED long at 2083.07 | PnL: -0.05% | $-0.29 +2025-03-10 16:12:21,859 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.5343964285717 | Take profit: 2051.750380357143 +2025-03-10 16:12:21,913 - INFO - CLOSED short at 2067.71 | PnL: 0.74% | $1.24 +2025-03-10 16:12:21,914 - INFO - OPENED LONG at 2067.71 | Stop loss: 2057.322403571429 | Take profit: 2098.799219642857 +2025-03-10 16:12:21,942 - INFO - CLOSED long at 2048.3 | PnL: -0.94% | $-2.05 +2025-03-10 16:12:21,943 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5905464285715 | Take profit: 2017.501930357143 +2025-03-10 16:12:22,067 - INFO - CLOSED short at 2053.22 | PnL: -0.24% | $-0.66 +2025-03-10 16:12:22,067 - INFO - OPENED LONG at 2053.22 | Stop loss: 2042.9048535714282 | Take profit: 2084.0918696428566 +2025-03-10 16:12:22,101 - INFO - CLOSED long at 2058.11 | PnL: 0.24% | $0.27 +2025-03-10 16:12:22,101 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.4495964285716 | Take profit: 2027.164780357143 +2025-03-10 16:12:22,191 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$0.64, Avg Loss=$-0.44 +2025-03-10 16:12:22,193 - INFO - Episode 4: Reward=13.23, Balance=$98.73, Win Rate=35.0%, Trades=20, Episode PnL=$2.35, Total PnL=$12.95, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 16:12:22,193 - INFO - Refreshing data for episode 5 +2025-03-10 16:12:22,193 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:22,502 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:22,511 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:23,275 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.6690964285717 | Take profit: 2090.106280357143 +2025-03-10 16:12:23,387 - INFO - CLOSED short at 2120.54 | PnL: 0.07% | $-0.06 +2025-03-10 16:12:23,401 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.6390464285714 | Take profit: 2086.1564303571427 +2025-03-10 16:12:23,538 - INFO - CLOSED short at 2119.02 | PnL: -0.05% | $-0.29 +2025-03-10 16:12:23,538 - INFO - OPENED LONG at 2119.02 | Stop loss: 2108.3758535714287 | Take profit: 2150.8788696428574 +2025-03-10 16:12:23,570 - INFO - CLOSED long at 2120.96 | PnL: 0.09% | $-0.02 +2025-03-10 16:12:23,571 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6138464285714 | Take profit: 2089.072030357143 +2025-03-10 16:12:23,704 - INFO - CLOSED short at 2114.78 | PnL: 0.29% | $0.37 +2025-03-10 16:12:23,705 - INFO - OPENED LONG at 2114.78 | Stop loss: 2104.1570535714286 | Take profit: 2146.575269642857 +2025-03-10 16:12:23,728 - INFO - CLOSED long at 2115.52 | PnL: 0.03% | $-0.13 +2025-03-10 16:12:23,729 - INFO - OPENED SHORT at 2115.52 | Stop loss: 2126.1466464285713 | Take profit: 2083.713630357143 +2025-03-10 16:12:23,866 - INFO - CLOSED short at 2115.11 | PnL: 0.02% | $-0.16 +2025-03-10 16:12:23,867 - INFO - OPENED LONG at 2115.11 | Stop loss: 2104.4854035714284 | Take profit: 2146.910219642857 +2025-03-10 16:12:23,958 - INFO - CLOSED long at 2112.57 | PnL: -0.12% | $-0.43 +2025-03-10 16:12:23,959 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.1818964285717 | Take profit: 2080.807880357143 +2025-03-10 16:12:24,203 - INFO - CLOSED short at 2089.04 | PnL: 1.11% | $1.97 +2025-03-10 16:12:24,204 - INFO - OPENED LONG at 2089.04 | Stop loss: 2078.5457535714286 | Take profit: 2120.4491696428568 +2025-03-10 16:12:24,230 - INFO - CLOSED long at 2089.84 | PnL: 0.04% | $-0.12 +2025-03-10 16:12:24,231 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3382464285714 | Take profit: 2058.418830357143 +2025-03-10 16:12:24,302 - INFO - CLOSED short at 2102.83 | PnL: -0.62% | $-1.43 +2025-03-10 16:12:24,303 - INFO - OPENED LONG at 2102.83 | Stop loss: 2092.266803571428 | Take profit: 2134.4460196428568 +2025-03-10 16:12:24,334 - INFO - CLOSED long at 2103.41 | PnL: 0.03% | $-0.14 +2025-03-10 16:12:24,335 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9760964285715 | Take profit: 2071.7852803571427 +2025-03-10 16:12:24,390 - INFO - CLOSED short at 2104.67 | PnL: -0.06% | $-0.31 +2025-03-10 16:12:24,390 - INFO - OPENED LONG at 2104.67 | Stop loss: 2094.0976035714284 | Take profit: 2136.3136196428572 +2025-03-10 16:12:24,414 - INFO - CLOSED long at 2105.26 | PnL: 0.03% | $-0.14 +2025-03-10 16:12:24,415 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.835346428572 | Take profit: 2073.607530357143 +2025-03-10 16:12:24,464 - INFO - CLOSED short at 2099.22 | PnL: 0.29% | $0.36 +2025-03-10 16:12:24,464 - INFO - OPENED LONG at 2099.22 | Stop loss: 2088.6748535714282 | Take profit: 2130.781869642857 +2025-03-10 16:12:24,488 - INFO - CLOSED long at 2094.16 | PnL: -0.24% | $-0.66 +2025-03-10 16:12:24,489 - INFO - OPENED SHORT at 2094.16 | Stop loss: 2104.679846428571 | Take profit: 2062.674030357143 +2025-03-10 16:12:24,520 - INFO - CLOSED short at 2096.96 | PnL: -0.13% | $-0.45 +2025-03-10 16:12:24,521 - INFO - OPENED LONG at 2096.96 | Stop loss: 2086.4261535714286 | Take profit: 2128.487969642857 +2025-03-10 16:12:24,555 - INFO - CLOSED long at 2098.66 | PnL: 0.08% | $-0.04 +2025-03-10 16:12:24,555 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.202346428571 | Take profit: 2067.1065303571427 +2025-03-10 16:12:24,955 - INFO - CLOSED short at 2048.3 | PnL: 2.40% | $4.42 +2025-03-10 16:12:24,955 - INFO - OPENED LONG at 2048.3 | Stop loss: 2038.0094535714286 | Take profit: 2079.0980696428574 +2025-03-10 16:12:24,989 - INFO - CLOSED long at 2051.0 | PnL: 0.13% | $0.06 +2025-03-10 16:12:24,989 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3040464285714 | Take profit: 2020.1614303571428 +2025-03-10 16:12:25,044 - INFO - CLOSED short at 2052.89 | PnL: -0.09% | $-0.39 +2025-03-10 16:12:25,044 - INFO - OPENED LONG at 2052.89 | Stop loss: 2042.5765035714285 | Take profit: 2083.756919642857 +2025-03-10 16:12:25,074 - INFO - CLOSED long at 2053.22 | PnL: 0.02% | $-0.17 +2025-03-10 16:12:25,075 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.535146428571 | Take profit: 2022.3481303571425 +2025-03-10 16:12:25,180 - INFO - CLOSED short at 2046.76 | PnL: 0.31% | $0.43 +2025-03-10 16:12:25,180 - INFO - OPENED LONG at 2046.76 | Stop loss: 2036.4771535714285 | Take profit: 2077.534969642857 +2025-03-10 16:12:25,204 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 45.5% in downtrends | Avg Win=$1.27, Avg Loss=$-0.31 +2025-03-10 16:12:25,205 - INFO - Episode 5: Reward=11.68, Balance=$102.69, Win Rate=27.3%, Trades=22, Episode PnL=$4.47, Total PnL=$15.64, Max Drawdown=0.1%, Pred Accuracy=99.7% +2025-03-10 16:12:25,206 - INFO - Refreshing data for episode 6 +2025-03-10 16:12:25,206 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:25,500 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:25,510 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:25,536 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.6690964285717 | Take profit: 2090.106280357143 +2025-03-10 16:12:25,580 - INFO - CLOSED short at 2122.24 | PnL: -0.01% | $-0.22 +2025-03-10 16:12:25,580 - INFO - OPENED LONG at 2122.24 | Stop loss: 2111.5797535714282 | Take profit: 2154.1471696428566 +2025-03-10 16:12:25,604 - INFO - CLOSED long at 2120.48 | PnL: -0.08% | $-0.36 +2025-03-10 16:12:25,605 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.131446428571 | Take profit: 2088.599230357143 +2025-03-10 16:12:25,754 - INFO - CLOSED short at 2119.02 | PnL: 0.07% | $-0.06 +2025-03-10 16:12:25,755 - INFO - OPENED LONG at 2119.02 | Stop loss: 2108.3758535714287 | Take profit: 2150.8788696428574 +2025-03-10 16:12:25,787 - INFO - CLOSED long at 2120.96 | PnL: 0.09% | $-0.02 +2025-03-10 16:12:25,788 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6138464285714 | Take profit: 2089.072030357143 +2025-03-10 16:12:26,358 - INFO - TAKE PROFIT hit for short at 2089.072030357143 | PnL: 1.50% | $2.73 +2025-03-10 16:12:26,383 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3382464285714 | Take profit: 2058.418830357143 +2025-03-10 16:12:26,464 - INFO - STOP LOSS hit for short at 2100.3382464285714 | PnL: -0.50% | $-1.20 +2025-03-10 16:12:26,489 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9760964285715 | Take profit: 2071.7852803571427 +2025-03-10 16:12:26,988 - INFO - TAKE PROFIT hit for short at 2071.7852803571427 | PnL: 1.50% | $2.77 +2025-03-10 16:12:27,013 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5905464285715 | Take profit: 2017.501930357143 +2025-03-10 16:12:27,248 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 40.0% in downtrends | Avg Win=$2.75, Avg Loss=$-0.37 +2025-03-10 16:12:27,249 - INFO - Episode 6: Reward=22.30, Balance=$103.64, Win Rate=28.6%, Trades=7, Episode PnL=$4.01, Total PnL=$19.28, Max Drawdown=1.2%, Pred Accuracy=99.7% +2025-03-10 16:12:27,249 - INFO - Refreshing data for episode 7 +2025-03-10 16:12:27,250 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:27,551 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:27,561 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:27,586 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.6690964285717 | Take profit: 2090.106280357143 +2025-03-10 16:12:28,400 - INFO - TAKE PROFIT hit for short at 2090.106280357143 | PnL: 1.50% | $2.74 +2025-03-10 16:12:28,427 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3382464285714 | Take profit: 2058.418830357143 +2025-03-10 16:12:28,510 - INFO - STOP LOSS hit for short at 2100.3382464285714 | PnL: -0.50% | $-1.21 +2025-03-10 16:12:28,532 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9760964285715 | Take profit: 2071.7852803571427 +2025-03-10 16:12:29,110 - INFO - TAKE PROFIT hit for short at 2071.7852803571427 | PnL: 1.50% | $2.79 +2025-03-10 16:12:29,143 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5905464285715 | Take profit: 2017.501930357143 +2025-03-10 16:12:29,384 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.76, Avg Loss=$-1.21 +2025-03-10 16:12:29,385 - INFO - Episode 7: Reward=28.00, Balance=$104.32, Win Rate=66.7%, Trades=3, Episode PnL=$4.32, Total PnL=$23.60, Max Drawdown=1.2%, Pred Accuracy=99.6% +2025-03-10 16:12:29,386 - INFO - Refreshing data for episode 8 +2025-03-10 16:12:29,386 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:29,809 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:29,822 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:29,855 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.6692642857147 | Take profit: 2090.106028571429 +2025-03-10 16:12:30,273 - INFO - CLOSED short at 2114.75 | PnL: 0.34% | $0.47 +2025-03-10 16:12:30,303 - INFO - OPENED SHORT at 2116.06 | Stop loss: 2126.689514285714 | Take profit: 2084.2452785714286 +2025-03-10 16:12:31,129 - INFO - TAKE PROFIT hit for short at 2084.2452785714286 | PnL: 1.50% | $2.76 +2025-03-10 16:12:31,155 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.222964285714 | Take profit: 2053.4049285714286 +2025-03-10 16:12:31,345 - INFO - TAKE PROFIT hit for short at 2053.4049285714286 | PnL: 1.50% | $2.83 +2025-03-10 16:12:31,370 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3042142857144 | Take profit: 2020.1611785714288 +2025-03-10 16:12:31,552 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.02, Avg Loss=$0.00 +2025-03-10 16:12:31,553 - INFO - Episode 8: Reward=29.05, Balance=$106.06, Win Rate=100.0%, Trades=3, Episode PnL=$6.06, Total PnL=$29.66, Max Drawdown=0.0%, Pred Accuracy=99.6% +2025-03-10 16:12:31,553 - INFO - Refreshing data for episode 9 +2025-03-10 16:12:31,553 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:31,875 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:31,887 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:31,913 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.669367857143 | Take profit: 2090.105873214286 +2025-03-10 16:12:32,750 - INFO - CLOSED short at 2096.36 | PnL: 1.21% | $2.17 +2025-03-10 16:12:32,750 - INFO - OPENED LONG at 2096.36 | Stop loss: 2085.8288821428573 | Take profit: 2127.8793767857146 +2025-03-10 16:12:32,783 - INFO - CLOSED long at 2089.04 | PnL: -0.35% | $-0.90 +2025-03-10 16:12:32,783 - INFO - OPENED SHORT at 2089.04 | Stop loss: 2099.534517857143 | Take profit: 2057.6304232142857 +2025-03-10 16:12:32,860 - INFO - STOP LOSS hit for short at 2099.534517857143 | PnL: -0.50% | $-1.19 +2025-03-10 16:12:32,891 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3934678571427 | Take profit: 2071.2135732142856 +2025-03-10 16:12:33,331 - INFO - TAKE PROFIT hit for short at 2071.2135732142856 | PnL: 1.50% | $2.74 +2025-03-10 16:12:33,350 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.590817857143 | Take profit: 2017.501523214286 +2025-03-10 16:12:33,546 - INFO - CLOSED short at 2046.76 | PnL: 0.08% | $-0.05 +2025-03-10 16:12:33,547 - INFO - OPENED LONG at 2046.76 | Stop loss: 2036.4768821428572 | Take profit: 2077.5353767857146 +2025-03-10 16:12:33,573 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$2.46, Avg Loss=$-0.71 +2025-03-10 16:12:33,573 - INFO - Episode 9: Reward=26.60, Balance=$102.77, Win Rate=40.0%, Trades=5, Episode PnL=$3.67, Total PnL=$32.43, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 16:12:33,574 - INFO - Refreshing data for episode 10 +2025-03-10 16:12:33,574 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:33,865 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:33,877 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:34,690 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.669367857143 | Take profit: 2090.105873214286 +2025-03-10 16:12:35,402 - INFO - CLOSED short at 2098.24 | PnL: 1.12% | $1.99 +2025-03-10 16:12:35,430 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.820717857143 | Take profit: 2066.7318232142857 +2025-03-10 16:12:35,725 - INFO - CLOSED short at 2104.67 | PnL: -0.30% | $-0.81 +2025-03-10 16:12:35,748 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.835617857143 | Take profit: 2073.607123214286 +2025-03-10 16:12:36,136 - INFO - TAKE PROFIT hit for short at 2073.607123214286 | PnL: 1.50% | $2.78 +2025-03-10 16:12:36,163 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.590817857143 | Take profit: 2017.501523214286 +2025-03-10 16:12:36,320 - INFO - CLOSED short at 2050.18 | PnL: -0.09% | $-0.39 +2025-03-10 16:12:36,320 - INFO - OPENED LONG at 2050.18 | Stop loss: 2039.879782142857 | Take profit: 2081.0066767857143 +2025-03-10 16:12:36,346 - INFO - CLOSED long at 2046.76 | PnL: -0.17% | $-0.54 +2025-03-10 16:12:36,347 - INFO - OPENED SHORT at 2046.76 | Stop loss: 2057.043117857143 | Take profit: 2015.9846232142859 +2025-03-10 16:12:36,372 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$2.38, Avg Loss=$-0.58 +2025-03-10 16:12:36,373 - INFO - Episode 10: Reward=10.71, Balance=$103.03, Win Rate=40.0%, Trades=5, Episode PnL=$3.57, Total PnL=$35.46, Max Drawdown=0.8%, Pred Accuracy=99.3% +2025-03-10 16:12:36,537 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 16:12:36,538 - INFO - Checkpoint saved at episode 10 +2025-03-10 16:12:37,880 - INFO - Visualization saved for episode 10 +2025-03-10 16:12:39,839 - INFO - Visualization saved for episode 10 +2025-03-10 16:12:39,855 - INFO - Refreshing data for episode 11 +2025-03-10 16:12:39,855 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:40,160 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:40,171 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:40,252 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.669367857143 | Take profit: 2090.105873214286 +2025-03-10 16:12:41,039 - INFO - TAKE PROFIT hit for short at 2090.105873214286 | PnL: 1.50% | $2.74 +2025-03-10 16:12:41,064 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3385178571434 | Take profit: 2058.418423214286 +2025-03-10 16:12:41,133 - INFO - STOP LOSS hit for short at 2100.3385178571434 | PnL: -0.50% | $-1.21 +2025-03-10 16:12:41,156 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9763678571426 | Take profit: 2071.7848732142857 +2025-03-10 16:12:41,247 - INFO - CLOSED short at 2099.63 | PnL: 0.18% | $0.16 +2025-03-10 16:12:41,271 - INFO - OPENED SHORT at 2099.22 | Stop loss: 2109.765417857143 | Take profit: 2067.6577232142854 +2025-03-10 16:12:41,424 - INFO - CLOSED short at 2080.58 | PnL: 0.89% | $1.57 +2025-03-10 16:12:41,448 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2230678571427 | Take profit: 2053.404773214286 +2025-03-10 16:12:41,666 - INFO - TAKE PROFIT hit for short at 2053.404773214286 | PnL: 1.50% | $2.83 +2025-03-10 16:12:41,696 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3043178571425 | Take profit: 2020.1610232142857 +2025-03-10 16:12:41,876 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.82, Avg Loss=$-1.21 +2025-03-10 16:12:41,876 - INFO - Episode 11: Reward=17.01, Balance=$106.09, Win Rate=80.0%, Trades=5, Episode PnL=$6.09, Total PnL=$41.55, Max Drawdown=1.2%, Pred Accuracy=98.8% +2025-03-10 16:12:41,877 - INFO - Refreshing data for episode 12 +2025-03-10 16:12:41,877 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:42,205 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:42,216 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:42,233 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.669367857143 | Take profit: 2090.105873214286 +2025-03-10 16:12:42,754 - INFO - CLOSED short at 2114.32 | PnL: 0.36% | $0.51 +2025-03-10 16:12:42,776 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.192167857143 | Take profit: 2082.7774732142857 +2025-03-10 16:12:42,952 - INFO - CLOSED short at 2100.05 | PnL: 0.69% | $1.15 +2025-03-10 16:12:42,974 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.891117857143 | Take profit: 2064.8406232142856 +2025-03-10 16:12:43,048 - INFO - CLOSED short at 2096.19 | PnL: 0.01% | $-0.18 +2025-03-10 16:12:43,048 - INFO - OPENED LONG at 2096.19 | Stop loss: 2085.659732142857 | Take profit: 2127.7068267857144 +2025-03-10 16:12:43,076 - INFO - CLOSED long at 2100.0 | PnL: 0.18% | $0.16 +2025-03-10 16:12:43,076 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.549317857143 | Take profit: 2068.426023214286 +2025-03-10 16:12:43,625 - INFO - TAKE PROFIT hit for short at 2068.426023214286 | PnL: 1.50% | $2.79 +2025-03-10 16:12:43,650 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.590817857143 | Take profit: 2017.501523214286 +2025-03-10 16:12:43,870 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.15, Avg Loss=$-0.18 +2025-03-10 16:12:43,871 - INFO - Episode 12: Reward=2.40, Balance=$104.43, Win Rate=80.0%, Trades=5, Episode PnL=$4.27, Total PnL=$45.99, Max Drawdown=0.0%, Pred Accuracy=98.0% +2025-03-10 16:12:43,871 - INFO - Refreshing data for episode 13 +2025-03-10 16:12:43,872 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:44,176 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:44,185 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:44,209 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.669367857143 | Take profit: 2090.105873214286 +2025-03-10 16:12:44,996 - INFO - TAKE PROFIT hit for short at 2090.105873214286 | PnL: 1.50% | $2.74 +2025-03-10 16:12:45,022 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3385178571434 | Take profit: 2058.418423214286 +2025-03-10 16:12:45,091 - INFO - STOP LOSS hit for short at 2100.3385178571434 | PnL: -0.50% | $-1.21 +2025-03-10 16:12:45,115 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9763678571426 | Take profit: 2071.7848732142857 +2025-03-10 16:12:45,435 - INFO - CLOSED short at 2084.25 | PnL: 0.91% | $1.61 +2025-03-10 16:12:45,456 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.846167857143 | Take profit: 2054.0154732142855 +2025-03-10 16:12:45,578 - INFO - TAKE PROFIT hit for short at 2054.0154732142855 | PnL: 1.50% | $2.83 +2025-03-10 16:12:45,605 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3043178571425 | Take profit: 2020.1610232142857 +2025-03-10 16:12:45,798 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.39, Avg Loss=$-1.21 +2025-03-10 16:12:45,799 - INFO - Episode 13: Reward=2.26, Balance=$105.97, Win Rate=75.0%, Trades=4, Episode PnL=$5.97, Total PnL=$51.96, Max Drawdown=1.2%, Pred Accuracy=97.6% +2025-03-10 16:12:45,799 - INFO - Refreshing data for episode 14 +2025-03-10 16:12:45,800 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:46,125 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:46,137 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:46,167 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.669367857143 | Take profit: 2090.105873214286 +2025-03-10 16:12:47,001 - INFO - TAKE PROFIT hit for short at 2090.105873214286 | PnL: 1.50% | $2.74 +2025-03-10 16:12:47,028 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3385178571434 | Take profit: 2058.418423214286 +2025-03-10 16:12:47,096 - INFO - STOP LOSS hit for short at 2100.3385178571434 | PnL: -0.50% | $-1.21 +2025-03-10 16:12:47,119 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9763678571426 | Take profit: 2071.7848732142857 +2025-03-10 16:12:47,581 - INFO - TAKE PROFIT hit for short at 2071.7848732142857 | PnL: 1.50% | $2.78 +2025-03-10 16:12:47,608 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.590817857143 | Take profit: 2017.501523214286 +2025-03-10 16:12:47,809 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.76, Avg Loss=$-1.21 +2025-03-10 16:12:47,810 - INFO - Episode 14: Reward=0.39, Balance=$104.32, Win Rate=66.7%, Trades=3, Episode PnL=$4.32, Total PnL=$56.28, Max Drawdown=1.2%, Pred Accuracy=98.1% +2025-03-10 16:12:47,810 - INFO - Refreshing data for episode 15 +2025-03-10 16:12:47,810 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:48,106 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:48,115 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:48,880 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.669367857143 | Take profit: 2090.105873214286 +2025-03-10 16:12:49,763 - INFO - TAKE PROFIT hit for short at 2090.105873214286 | PnL: 1.50% | $2.74 +2025-03-10 16:12:49,791 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3385178571434 | Take profit: 2058.418423214286 +2025-03-10 16:12:49,864 - INFO - STOP LOSS hit for short at 2100.3385178571434 | PnL: -0.50% | $-1.21 +2025-03-10 16:12:49,888 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9763678571426 | Take profit: 2071.7848732142857 +2025-03-10 16:12:50,398 - INFO - TAKE PROFIT hit for short at 2071.7848732142857 | PnL: 1.50% | $2.78 +2025-03-10 16:12:50,424 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.590817857143 | Take profit: 2017.501523214286 +2025-03-10 16:12:50,561 - INFO - CLOSED short at 2058.11 | PnL: -0.48% | $-1.18 +2025-03-10 16:12:50,562 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.7701321428572 | Take profit: 2089.055626785714 +2025-03-10 16:12:50,592 - INFO - CLOSED long at 2054.03 | PnL: -0.20% | $-0.60 +2025-03-10 16:12:50,593 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.3494678571433 | Take profit: 2023.145573214286 +2025-03-10 16:12:50,670 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$2.76, Avg Loss=$-1.00 +2025-03-10 16:12:50,671 - INFO - Episode 15: Reward=9.67, Balance=$102.54, Win Rate=40.0%, Trades=5, Episode PnL=$3.14, Total PnL=$58.82, Max Drawdown=1.2%, Pred Accuracy=98.4% +2025-03-10 16:12:50,671 - INFO - Refreshing data for episode 16 +2025-03-10 16:12:50,672 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:51,021 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:51,036 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:51,068 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.669725 | Take profit: 2090.1053375 +2025-03-10 16:12:52,015 - INFO - TAKE PROFIT hit for short at 2090.1053375 | PnL: 1.50% | $2.74 +2025-03-10 16:12:52,044 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.338875 | Take profit: 2058.4178875000002 +2025-03-10 16:12:52,128 - INFO - STOP LOSS hit for short at 2100.338875 | PnL: -0.50% | $-1.21 +2025-03-10 16:12:52,176 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.790775 | Take profit: 2072.5821874999997 +2025-03-10 16:12:52,651 - INFO - TAKE PROFIT hit for short at 2072.5821874999997 | PnL: 1.50% | $2.78 +2025-03-10 16:12:52,675 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.591175 | Take profit: 2017.5009875 +2025-03-10 16:12:52,874 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.76, Avg Loss=$-1.21 +2025-03-10 16:12:52,875 - INFO - Episode 16: Reward=14.00, Balance=$104.32, Win Rate=66.7%, Trades=3, Episode PnL=$4.32, Total PnL=$63.13, Max Drawdown=1.2%, Pred Accuracy=98.4% +2025-03-10 16:12:52,875 - INFO - Refreshing data for episode 17 +2025-03-10 16:12:52,876 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:53,179 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:53,189 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:53,215 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.6700285714287 | Take profit: 2090.1048821428576 +2025-03-10 16:12:53,402 - INFO - CLOSED short at 2116.52 | PnL: 0.26% | $0.31 +2025-03-10 16:12:53,403 - INFO - OPENED LONG at 2116.52 | Stop loss: 2105.8874214285715 | Take profit: 2148.342767857143 +2025-03-10 16:12:53,426 - INFO - CLOSED long at 2119.02 | PnL: 0.12% | $0.04 +2025-03-10 16:12:53,426 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6650785714287 | Take profit: 2087.159732142857 +2025-03-10 16:12:53,562 - INFO - CLOSED short at 2116.81 | PnL: 0.10% | $0.01 +2025-03-10 16:12:53,562 - INFO - OPENED LONG at 2116.81 | Stop loss: 2106.1759714285713 | Take profit: 2148.6371178571426 +2025-03-10 16:12:53,589 - INFO - CLOSED long at 2114.78 | PnL: -0.10% | $-0.38 +2025-03-10 16:12:53,589 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.403878571429 | Take profit: 2082.9833321428573 +2025-03-10 16:12:53,813 - INFO - CLOSED short at 2113.28 | PnL: 0.07% | $-0.06 +2025-03-10 16:12:53,841 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.1224785714285 | Take profit: 2082.707532142857 +2025-03-10 16:12:54,416 - INFO - TAKE PROFIT hit for short at 2082.707532142857 | PnL: 1.50% | $2.74 +2025-03-10 16:12:54,446 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2237285714286 | Take profit: 2053.4037821428574 +2025-03-10 16:12:54,531 - INFO - CLOSED short at 2085.37 | PnL: -0.03% | $-0.26 +2025-03-10 16:12:54,562 - INFO - OPENED SHORT at 2084.11 | Stop loss: 2094.5805285714287 | Take profit: 2052.7733821428574 +2025-03-10 16:12:54,648 - INFO - TAKE PROFIT hit for short at 2052.7733821428574 | PnL: 1.50% | $2.81 +2025-03-10 16:12:54,669 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3049785714284 | Take profit: 2020.160032142857 +2025-03-10 16:12:54,835 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.18, Avg Loss=$-0.23 +2025-03-10 16:12:54,836 - INFO - Episode 17: Reward=-1.25, Balance=$105.20, Win Rate=62.5%, Trades=8, Episode PnL=$5.55, Total PnL=$68.33, Max Drawdown=0.3%, Pred Accuracy=98.3% +2025-03-10 16:12:54,836 - INFO - Refreshing data for episode 18 +2025-03-10 16:12:54,836 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:55,161 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:55,173 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:55,200 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.6700285714287 | Take profit: 2090.1048821428576 +2025-03-10 16:12:55,917 - INFO - CLOSED short at 2098.28 | PnL: 1.12% | $1.99 +2025-03-10 16:12:55,918 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.7386214285716 | Take profit: 2129.829167857143 +2025-03-10 16:12:55,946 - INFO - CLOSED long at 2091.36 | PnL: -0.33% | $-0.86 +2025-03-10 16:12:55,946 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.8667785714288 | Take profit: 2059.9146321428575 +2025-03-10 16:12:56,115 - INFO - STOP LOSS hit for short at 2101.8667785714288 | PnL: -0.50% | $-1.19 +2025-03-10 16:12:56,138 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9770285714285 | Take profit: 2071.7838821428572 +2025-03-10 16:12:56,607 - INFO - TAKE PROFIT hit for short at 2071.7838821428572 | PnL: 1.50% | $2.74 +2025-03-10 16:12:56,634 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5914785714285 | Take profit: 2017.5005321428573 +2025-03-10 16:12:56,860 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.37, Avg Loss=$-1.02 +2025-03-10 16:12:56,861 - INFO - Episode 18: Reward=0.49, Balance=$102.68, Win Rate=50.0%, Trades=4, Episode PnL=$3.54, Total PnL=$71.02, Max Drawdown=0.1%, Pred Accuracy=98.1% +2025-03-10 16:12:56,862 - INFO - Refreshing data for episode 19 +2025-03-10 16:12:56,862 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:57,186 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:57,198 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:57,229 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.6701000000003 | Take profit: 2090.1047750000002 +2025-03-10 16:12:58,001 - INFO - TAKE PROFIT hit for short at 2090.1047750000002 | PnL: 1.50% | $2.74 +2025-03-10 16:12:58,027 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.33925 | Take profit: 2058.417325 +2025-03-10 16:12:58,099 - INFO - STOP LOSS hit for short at 2100.33925 | PnL: -0.50% | $-1.21 +2025-03-10 16:12:58,122 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9770999999996 | Take profit: 2071.783775 +2025-03-10 16:12:58,298 - INFO - CLOSED short at 2096.96 | PnL: 0.31% | $0.41 +2025-03-10 16:12:58,298 - INFO - OPENED LONG at 2096.96 | Stop loss: 2086.42515 | Take profit: 2128.489475 +2025-03-10 16:12:58,325 - INFO - CLOSED long at 2098.66 | PnL: 0.08% | $-0.04 +2025-03-10 16:12:58,326 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.20335 | Take profit: 2067.105025 +2025-03-10 16:12:58,633 - INFO - TAKE PROFIT hit for short at 2067.105025 | PnL: 1.50% | $2.79 +2025-03-10 16:12:58,655 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.30505 | Take profit: 2020.159925 +2025-03-10 16:12:58,699 - INFO - CLOSED short at 2052.89 | PnL: -0.09% | $-0.39 +2025-03-10 16:12:58,699 - INFO - OPENED LONG at 2052.89 | Stop loss: 2042.5755 | Take profit: 2083.758425 +2025-03-10 16:12:58,729 - INFO - CLOSED long at 2053.22 | PnL: 0.02% | $-0.17 +2025-03-10 16:12:58,730 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.53615 | Take profit: 2022.3466249999997 +2025-03-10 16:12:58,854 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$1.98, Avg Loss=$-0.45 +2025-03-10 16:12:58,854 - INFO - Episode 19: Reward=-2.89, Balance=$104.14, Win Rate=42.9%, Trades=7, Episode PnL=$4.34, Total PnL=$75.15, Max Drawdown=1.2%, Pred Accuracy=98.1% +2025-03-10 16:12:58,855 - INFO - Refreshing data for episode 20 +2025-03-10 16:12:58,855 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:12:59,180 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:12:59,193 - INFO - Initialized environment with 100 candles +2025-03-10 16:12:59,959 - INFO - OPENED SHORT at 2122.01 | Stop loss: 2132.6701000000003 | Take profit: 2090.1047750000002 +2025-03-10 16:13:00,824 - INFO - TAKE PROFIT hit for short at 2090.1047750000002 | PnL: 1.50% | $2.74 +2025-03-10 16:13:00,856 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.33925 | Take profit: 2058.417325 +2025-03-10 16:13:00,937 - INFO - STOP LOSS hit for short at 2100.33925 | PnL: -0.50% | $-1.21 +2025-03-10 16:13:00,962 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9770999999996 | Take profit: 2071.783775 +2025-03-10 16:13:01,482 - INFO - TAKE PROFIT hit for short at 2071.783775 | PnL: 1.50% | $2.78 +2025-03-10 16:13:01,510 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5915500000006 | Take profit: 2017.5004250000002 +2025-03-10 16:13:01,740 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.76, Avg Loss=$-1.21 +2025-03-10 16:13:01,741 - INFO - Episode 20: Reward=0.40, Balance=$104.32, Win Rate=66.7%, Trades=3, Episode PnL=$4.32, Total PnL=$79.47, Max Drawdown=1.2%, Pred Accuracy=98.2% +2025-03-10 16:13:01,887 - INFO - Model saved to checkpoints/trading_agent_episode_20.pt +2025-03-10 16:13:01,888 - INFO - Checkpoint saved at episode 20 +2025-03-10 16:13:01,888 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:02,896 - INFO - Visualization saved for episode 20 +2025-03-10 16:13:05,106 - INFO - Visualization saved for episode 20 +2025-03-10 16:13:05,125 - INFO - Refreshing data for episode 21 +2025-03-10 16:13:05,125 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:05,441 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:05,453 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:05,535 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.8299107142857 | Take profit: 2090.2638589285716 +2025-03-10 16:13:06,367 - INFO - TAKE PROFIT hit for short at 2090.2638589285716 | PnL: 1.50% | $2.74 +2025-03-10 16:13:06,397 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3382607142858 | Take profit: 2058.4188089285717 +2025-03-10 16:13:06,483 - INFO - STOP LOSS hit for short at 2100.3382607142858 | PnL: -0.50% | $-1.21 +2025-03-10 16:13:06,512 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9761107142854 | Take profit: 2071.7852589285712 +2025-03-10 16:13:06,697 - INFO - CLOSED short at 2096.96 | PnL: 0.31% | $0.41 +2025-03-10 16:13:06,697 - INFO - OPENED LONG at 2096.96 | Stop loss: 2086.4261392857143 | Take profit: 2128.4879910714285 +2025-03-10 16:13:06,721 - INFO - CLOSED long at 2098.66 | PnL: 0.08% | $-0.04 +2025-03-10 16:13:06,722 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.2023607142855 | Take profit: 2067.106508928571 +2025-03-10 16:13:07,025 - INFO - TAKE PROFIT hit for short at 2067.106508928571 | PnL: 1.50% | $2.80 +2025-03-10 16:13:07,052 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3040607142857 | Take profit: 2020.1614089285713 +2025-03-10 16:13:07,099 - INFO - CLOSED short at 2052.89 | PnL: -0.09% | $-0.39 +2025-03-10 16:13:07,100 - INFO - OPENED LONG at 2052.89 | Stop loss: 2042.5764892857142 | Take profit: 2083.7569410714286 +2025-03-10 16:13:07,123 - INFO - CLOSED long at 2053.22 | PnL: 0.02% | $-0.17 +2025-03-10 16:13:07,124 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.535160714285 | Take profit: 2022.3481089285713 +2025-03-10 16:13:07,256 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$1.98, Avg Loss=$-0.45 +2025-03-10 16:13:07,257 - INFO - Episode 21: Reward=-2.91, Balance=$104.14, Win Rate=42.9%, Trades=7, Episode PnL=$4.35, Total PnL=$83.61, Max Drawdown=1.2%, Pred Accuracy=98.2% +2025-03-10 16:13:07,258 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:07,258 - INFO - Refreshing data for episode 22 +2025-03-10 16:13:07,258 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:07,577 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:07,588 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:07,609 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.8299107142857 | Take profit: 2090.2638589285716 +2025-03-10 16:13:08,383 - INFO - TAKE PROFIT hit for short at 2090.2638589285716 | PnL: 1.50% | $2.74 +2025-03-10 16:13:08,410 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3382607142858 | Take profit: 2058.4188089285717 +2025-03-10 16:13:08,488 - INFO - STOP LOSS hit for short at 2100.3382607142858 | PnL: -0.50% | $-1.21 +2025-03-10 16:13:08,514 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9761107142854 | Take profit: 2071.7852589285712 +2025-03-10 16:13:09,009 - INFO - TAKE PROFIT hit for short at 2071.7852589285712 | PnL: 1.50% | $2.79 +2025-03-10 16:13:09,040 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.590560714286 | Take profit: 2017.5019089285715 +2025-03-10 16:13:09,145 - INFO - CLOSED short at 2053.22 | PnL: -0.24% | $-0.69 +2025-03-10 16:13:09,146 - INFO - OPENED LONG at 2053.22 | Stop loss: 2042.9048392857142 | Take profit: 2084.0918910714286 +2025-03-10 16:13:09,173 - INFO - CLOSED long at 2058.11 | PnL: 0.24% | $0.28 +2025-03-10 16:13:09,173 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.449610714286 | Take profit: 2027.1647589285715 +2025-03-10 16:13:09,197 - INFO - CLOSED short at 2054.03 | PnL: 0.20% | $0.20 +2025-03-10 16:13:09,198 - INFO - OPENED LONG at 2054.03 | Stop loss: 2043.7107892857143 | Take profit: 2084.914041071429 +2025-03-10 16:13:09,227 - INFO - CLOSED long at 2050.18 | PnL: -0.19% | $-0.58 +2025-03-10 16:13:09,228 - INFO - OPENED SHORT at 2050.18 | Stop loss: 2060.479960714286 | Take profit: 2019.3537089285712 +2025-03-10 16:13:09,315 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$1.50, Avg Loss=$-0.83 +2025-03-10 16:13:09,316 - INFO - Episode 22: Reward=12.16, Balance=$103.52, Win Rate=57.1%, Trades=7, Episode PnL=$3.83, Total PnL=$87.13, Max Drawdown=1.2%, Pred Accuracy=98.2% +2025-03-10 16:13:09,316 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:09,317 - INFO - Refreshing data for episode 23 +2025-03-10 16:13:09,317 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:09,661 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:09,673 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:09,699 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.8299107142857 | Take profit: 2090.2638589285716 +2025-03-10 16:13:10,547 - INFO - TAKE PROFIT hit for short at 2090.2638589285716 | PnL: 1.50% | $2.74 +2025-03-10 16:13:10,576 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3382607142858 | Take profit: 2058.4188089285717 +2025-03-10 16:13:10,667 - INFO - STOP LOSS hit for short at 2100.3382607142858 | PnL: -0.50% | $-1.21 +2025-03-10 16:13:10,703 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9761107142854 | Take profit: 2071.7852589285712 +2025-03-10 16:13:11,250 - INFO - TAKE PROFIT hit for short at 2071.7852589285712 | PnL: 1.50% | $2.79 +2025-03-10 16:13:11,279 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.590560714286 | Take profit: 2017.5019089285715 +2025-03-10 16:13:11,544 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.76, Avg Loss=$-1.21 +2025-03-10 16:13:11,545 - INFO - Episode 23: Reward=14.20, Balance=$104.32, Win Rate=66.7%, Trades=3, Episode PnL=$4.32, Total PnL=$91.45, Max Drawdown=1.2%, Pred Accuracy=98.2% +2025-03-10 16:13:11,546 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:11,546 - INFO - Refreshing data for episode 24 +2025-03-10 16:13:11,547 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:11,857 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:11,871 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:11,902 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.8301714285712 | Take profit: 2090.263467857143 +2025-03-10 16:13:12,463 - INFO - CLOSED short at 2115.11 | PnL: 0.33% | $0.45 +2025-03-10 16:13:12,485 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.9409214285715 | Take profit: 2082.531217857143 +2025-03-10 16:13:13,182 - INFO - TAKE PROFIT hit for short at 2082.531217857143 | PnL: 1.50% | $2.76 +2025-03-10 16:13:13,209 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2230714285715 | Take profit: 2053.404767857143 +2025-03-10 16:13:13,432 - INFO - TAKE PROFIT hit for short at 2053.404767857143 | PnL: 1.50% | $2.83 +2025-03-10 16:13:13,462 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3043214285713 | Take profit: 2020.1610178571427 +2025-03-10 16:13:13,647 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.01, Avg Loss=$0.00 +2025-03-10 16:13:13,648 - INFO - Episode 24: Reward=15.27, Balance=$106.04, Win Rate=100.0%, Trades=3, Episode PnL=$6.04, Total PnL=$97.49, Max Drawdown=0.0%, Pred Accuracy=98.2% +2025-03-10 16:13:13,648 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:13,649 - INFO - Refreshing data for episode 25 +2025-03-10 16:13:13,649 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:13,976 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:13,990 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:14,803 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.8301714285712 | Take profit: 2090.263467857143 +2025-03-10 16:13:15,639 - INFO - TAKE PROFIT hit for short at 2090.263467857143 | PnL: 1.50% | $2.74 +2025-03-10 16:13:15,668 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3385214285718 | Take profit: 2058.418417857143 +2025-03-10 16:13:15,737 - INFO - STOP LOSS hit for short at 2100.3385214285718 | PnL: -0.50% | $-1.21 +2025-03-10 16:13:15,765 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9763714285714 | Take profit: 2071.7848678571427 +2025-03-10 16:13:16,244 - INFO - CLOSED short at 2083.07 | PnL: 0.97% | $1.72 +2025-03-10 16:13:16,265 - INFO - OPENED LONG at 2075.07 | Stop loss: 2064.6453285714288 | Take profit: 2106.2700321428574 +2025-03-10 16:13:16,289 - INFO - CLOSED long at 2067.71 | PnL: -0.35% | $-0.92 +2025-03-10 16:13:16,290 - INFO - OPENED SHORT at 2067.71 | Stop loss: 2078.0978714285716 | Take profit: 2036.620367857143 +2025-03-10 16:13:16,582 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$2.23, Avg Loss=$-1.06 +2025-03-10 16:13:16,583 - INFO - Episode 25: Reward=13.76, Balance=$102.34, Win Rate=50.0%, Trades=4, Episode PnL=$3.25, Total PnL=$99.83, Max Drawdown=1.2%, Pred Accuracy=98.2% +2025-03-10 16:13:16,583 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:16,583 - INFO - Refreshing data for episode 26 +2025-03-10 16:13:16,584 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:16,919 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:16,933 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:16,959 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.8302785714286 | Take profit: 2090.2633071428572 +2025-03-10 16:13:17,712 - INFO - CLOSED short at 2098.28 | PnL: 1.13% | $2.00 +2025-03-10 16:13:17,713 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.739171428572 | Take profit: 2129.828342857143 +2025-03-10 16:13:17,738 - INFO - CLOSED long at 2091.36 | PnL: -0.33% | $-0.86 +2025-03-10 16:13:17,738 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.8662285714286 | Take profit: 2059.9154571428576 +2025-03-10 16:13:17,938 - INFO - STOP LOSS hit for short at 2101.8662285714286 | PnL: -0.50% | $-1.19 +2025-03-10 16:13:17,963 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9764785714283 | Take profit: 2071.784707142857 +2025-03-10 16:13:18,463 - INFO - TAKE PROFIT hit for short at 2071.784707142857 | PnL: 1.50% | $2.74 +2025-03-10 16:13:18,501 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.590928571429 | Take profit: 2017.5013571428574 +2025-03-10 16:13:18,744 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.37, Avg Loss=$-1.02 +2025-03-10 16:13:18,745 - INFO - Episode 26: Reward=14.28, Balance=$102.70, Win Rate=50.0%, Trades=4, Episode PnL=$3.56, Total PnL=$102.53, Max Drawdown=0.0%, Pred Accuracy=98.3% +2025-03-10 16:13:18,745 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:18,746 - INFO - Refreshing data for episode 27 +2025-03-10 16:13:18,746 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:19,068 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:19,083 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:19,111 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.8302785714286 | Take profit: 2090.2633071428572 +2025-03-10 16:13:19,862 - INFO - TAKE PROFIT hit for short at 2090.2633071428572 | PnL: 1.50% | $2.74 +2025-03-10 16:13:19,881 - INFO - OPENED LONG at 2089.84 | Stop loss: 2079.3413714285716 | Take profit: 2121.261742857143 +2025-03-10 16:13:19,906 - INFO - CLOSED long at 2096.19 | PnL: 0.30% | $0.41 +2025-03-10 16:13:19,906 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.7203785714287 | Take profit: 2064.673007142857 +2025-03-10 16:13:20,536 - INFO - TAKE PROFIT hit for short at 2064.673007142857 | PnL: 1.50% | $2.83 +2025-03-10 16:13:20,560 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.304428571428 | Take profit: 2020.1608571428571 +2025-03-10 16:13:20,773 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.99, Avg Loss=$0.00 +2025-03-10 16:13:20,775 - INFO - Episode 27: Reward=14.98, Balance=$105.98, Win Rate=100.0%, Trades=3, Episode PnL=$5.57, Total PnL=$108.51, Max Drawdown=0.0%, Pred Accuracy=98.3% +2025-03-10 16:13:20,775 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:20,776 - INFO - Refreshing data for episode 28 +2025-03-10 16:13:20,776 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:21,087 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:21,101 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:21,126 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.8302821428574 | Take profit: 2090.2633017857142 +2025-03-10 16:13:21,149 - INFO - CLOSED short at 2122.24 | PnL: -0.00% | $-0.20 +2025-03-10 16:13:21,174 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.131832142857 | Take profit: 2088.5986517857145 +2025-03-10 16:13:22,324 - INFO - TAKE PROFIT hit for short at 2088.5986517857145 | PnL: 1.50% | $2.74 +2025-03-10 16:13:22,357 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0323321428573 | Take profit: 2049.2971517857145 +2025-03-10 16:13:22,587 - INFO - TAKE PROFIT hit for short at 2049.2971517857145 | PnL: 1.50% | $2.81 +2025-03-10 16:13:22,616 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.304432142857 | Take profit: 2020.1608517857144 +2025-03-10 16:13:22,838 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.77, Avg Loss=$-0.20 +2025-03-10 16:13:22,839 - INFO - Episode 28: Reward=12.80, Balance=$105.35, Win Rate=66.7%, Trades=3, Episode PnL=$5.35, Total PnL=$113.85, Max Drawdown=0.2%, Pred Accuracy=98.3% +2025-03-10 16:13:22,839 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:22,840 - INFO - Refreshing data for episode 29 +2025-03-10 16:13:22,840 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:23,179 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:23,191 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:23,217 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.8304749999998 | Take profit: 2090.2630125 +2025-03-10 16:13:23,579 - INFO - CLOSED short at 2115.52 | PnL: 0.31% | $0.42 +2025-03-10 16:13:23,611 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.3733749999997 | Take profit: 2082.9543125 +2025-03-10 16:13:23,895 - INFO - CLOSED short at 2098.24 | PnL: 0.78% | $1.34 +2025-03-10 16:13:23,895 - INFO - OPENED LONG at 2098.24 | Stop loss: 2087.6991749999997 | Take profit: 2129.7880375 +2025-03-10 16:13:23,920 - INFO - CLOSED long at 2098.28 | PnL: 0.00% | $-0.20 +2025-03-10 16:13:23,920 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.821025 | Take profit: 2066.7313625 +2025-03-10 16:13:24,144 - INFO - CLOSED short at 2104.22 | PnL: -0.28% | $-0.76 +2025-03-10 16:13:24,145 - INFO - OPENED LONG at 2104.22 | Stop loss: 2093.6492749999998 | Take profit: 2135.8577375 +2025-03-10 16:13:24,172 - INFO - CLOSED long at 2104.67 | PnL: 0.02% | $-0.15 +2025-03-10 16:13:24,173 - INFO - OPENED SHORT at 2104.67 | Stop loss: 2115.242975 | Take profit: 2073.0255125000003 +2025-03-10 16:13:24,245 - INFO - CLOSED short at 2099.22 | PnL: 0.26% | $0.31 +2025-03-10 16:13:24,272 - INFO - OPENED SHORT at 2094.16 | Stop loss: 2104.6804249999996 | Take profit: 2062.6731624999998 +2025-03-10 16:13:24,650 - INFO - TAKE PROFIT hit for short at 2062.6731624999998 | PnL: 1.50% | $2.77 +2025-03-10 16:13:24,675 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.304625 | Take profit: 2020.1605625 +2025-03-10 16:13:24,906 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.21, Avg Loss=$-0.37 +2025-03-10 16:13:24,906 - INFO - Episode 29: Reward=13.04, Balance=$103.72, Win Rate=57.1%, Trades=7, Episode PnL=$4.07, Total PnL=$117.58, Max Drawdown=0.0%, Pred Accuracy=98.4% +2025-03-10 16:13:24,907 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:24,907 - INFO - Refreshing data for episode 30 +2025-03-10 16:13:24,908 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:25,216 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:25,226 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:26,075 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.830753571429 | Take profit: 2090.262594642857 +2025-03-10 16:13:26,684 - INFO - CLOSED short at 2114.57 | PnL: 0.36% | $0.50 +2025-03-10 16:13:26,710 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.1827535714287 | Take profit: 2080.8065946428574 +2025-03-10 16:13:26,739 - INFO - CLOSED short at 2113.28 | PnL: -0.03% | $-0.26 +2025-03-10 16:13:26,765 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.1224035714285 | Take profit: 2082.7076446428573 +2025-03-10 16:13:27,276 - INFO - CLOSED short at 2098.66 | PnL: 0.75% | $1.27 +2025-03-10 16:13:27,277 - INFO - OPENED LONG at 2098.66 | Stop loss: 2088.1167964285714 | Take profit: 2130.214755357143 +2025-03-10 16:13:27,302 - INFO - CLOSED long at 2090.59 | PnL: -0.38% | $-0.96 +2025-03-10 16:13:27,303 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.092853571429 | Take profit: 2059.156294642857 +2025-03-10 16:13:27,603 - INFO - TAKE PROFIT hit for short at 2059.156294642857 | PnL: 1.50% | $2.76 +2025-03-10 16:13:27,629 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.304903571429 | Take profit: 2020.1601446428572 +2025-03-10 16:13:27,874 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.51, Avg Loss=$-0.61 +2025-03-10 16:13:27,875 - INFO - Episode 30: Reward=13.37, Balance=$103.31, Win Rate=60.0%, Trades=5, Episode PnL=$4.27, Total PnL=$120.89, Max Drawdown=0.3%, Pred Accuracy=98.4% +2025-03-10 16:13:28,020 - INFO - Model saved to checkpoints/trading_agent_episode_30.pt +2025-03-10 16:13:28,021 - INFO - Checkpoint saved at episode 30 +2025-03-10 16:13:28,021 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:29,039 - INFO - Visualization saved for episode 30 +2025-03-10 16:13:31,082 - INFO - Visualization saved for episode 30 +2025-03-10 16:13:31,103 - INFO - Refreshing data for episode 31 +2025-03-10 16:13:31,104 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:31,417 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:31,428 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:31,569 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.901382142857 | Take profit: 2090.331126785714 +2025-03-10 16:13:32,333 - INFO - TAKE PROFIT hit for short at 2090.331126785714 | PnL: 1.50% | $2.74 +2025-03-10 16:13:32,359 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.339382142857 | Take profit: 2058.4171267857146 +2025-03-10 16:13:32,435 - INFO - STOP LOSS hit for short at 2100.339382142857 | PnL: -0.50% | $-1.21 +2025-03-10 16:13:32,460 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9772321428572 | Take profit: 2071.783576785714 +2025-03-10 16:13:32,908 - INFO - TAKE PROFIT hit for short at 2071.783576785714 | PnL: 1.50% | $2.78 +2025-03-10 16:13:32,932 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5916821428573 | Take profit: 2017.5002267857146 +2025-03-10 16:13:33,160 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.76, Avg Loss=$-1.21 +2025-03-10 16:13:33,162 - INFO - Episode 31: Reward=13.98, Balance=$104.32, Win Rate=66.7%, Trades=3, Episode PnL=$4.32, Total PnL=$125.20, Max Drawdown=1.2%, Pred Accuracy=98.5% +2025-03-10 16:13:33,162 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:33,163 - INFO - Refreshing data for episode 32 +2025-03-10 16:13:33,163 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:33,466 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:33,476 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:33,494 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.831032142857 | Take profit: 2090.2621767857145 +2025-03-10 16:13:33,586 - INFO - CLOSED short at 2118.0 | PnL: 0.20% | $0.19 +2025-03-10 16:13:33,586 - INFO - OPENED LONG at 2118.0 | Stop loss: 2107.359817857143 | Take profit: 2149.845273214286 +2025-03-10 16:13:33,628 - INFO - CLOSED long at 2121.42 | PnL: 0.16% | $0.12 +2025-03-10 16:13:33,628 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0772821428573 | Take profit: 2089.5234267857145 +2025-03-10 16:13:33,830 - INFO - CLOSED short at 2116.81 | PnL: 0.22% | $0.23 +2025-03-10 16:13:33,830 - INFO - OPENED LONG at 2116.81 | Stop loss: 2106.175767857143 | Take profit: 2148.6374232142857 +2025-03-10 16:13:33,859 - INFO - CLOSED long at 2114.78 | PnL: -0.10% | $-0.38 +2025-03-10 16:13:33,859 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.404082142857 | Take profit: 2082.9830267857146 +2025-03-10 16:13:34,016 - INFO - CLOSED short at 2114.32 | PnL: 0.02% | $-0.15 +2025-03-10 16:13:34,043 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.193032142857 | Take profit: 2082.7761767857146 +2025-03-10 16:13:34,175 - INFO - CLOSED short at 2098.24 | PnL: 0.77% | $1.31 +2025-03-10 16:13:34,203 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.821582142857 | Take profit: 2066.7305267857146 +2025-03-10 16:13:34,958 - INFO - TAKE PROFIT hit for short at 2066.7305267857146 | PnL: 1.50% | $2.78 +2025-03-10 16:13:34,985 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305182142857 | Take profit: 2020.1597267857144 +2025-03-10 16:13:35,233 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$0.93, Avg Loss=$-0.27 +2025-03-10 16:13:35,234 - INFO - Episode 32: Reward=15.04, Balance=$104.09, Win Rate=71.4%, Trades=7, Episode PnL=$4.36, Total PnL=$129.30, Max Drawdown=0.0%, Pred Accuracy=98.5% +2025-03-10 16:13:35,235 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:35,235 - INFO - Refreshing data for episode 33 +2025-03-10 16:13:35,235 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:35,539 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:35,552 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:35,577 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.831032142857 | Take profit: 2090.2621767857145 +2025-03-10 16:13:36,400 - INFO - TAKE PROFIT hit for short at 2090.2621767857145 | PnL: 1.50% | $2.74 +2025-03-10 16:13:36,426 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.339382142857 | Take profit: 2058.4171267857146 +2025-03-10 16:13:36,501 - INFO - STOP LOSS hit for short at 2100.339382142857 | PnL: -0.50% | $-1.21 +2025-03-10 16:13:36,530 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9772321428572 | Take profit: 2071.783576785714 +2025-03-10 16:13:37,008 - INFO - TAKE PROFIT hit for short at 2071.783576785714 | PnL: 1.50% | $2.78 +2025-03-10 16:13:37,032 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5916821428573 | Take profit: 2017.5002267857146 +2025-03-10 16:13:37,278 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.76, Avg Loss=$-1.21 +2025-03-10 16:13:37,279 - INFO - Episode 33: Reward=14.16, Balance=$104.32, Win Rate=66.7%, Trades=3, Episode PnL=$4.32, Total PnL=$133.61, Max Drawdown=1.2%, Pred Accuracy=98.6% +2025-03-10 16:13:37,279 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:37,280 - INFO - Refreshing data for episode 34 +2025-03-10 16:13:37,280 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:37,706 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:37,717 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:37,747 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.831032142857 | Take profit: 2090.2621767857145 +2025-03-10 16:13:38,567 - INFO - TAKE PROFIT hit for short at 2090.2621767857145 | PnL: 1.50% | $2.74 +2025-03-10 16:13:38,594 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.339382142857 | Take profit: 2058.4171267857146 +2025-03-10 16:13:38,675 - INFO - STOP LOSS hit for short at 2100.339382142857 | PnL: -0.50% | $-1.21 +2025-03-10 16:13:38,701 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9772321428572 | Take profit: 2071.783576785714 +2025-03-10 16:13:38,724 - INFO - CLOSED short at 2104.22 | PnL: -0.04% | $-0.27 +2025-03-10 16:13:38,725 - INFO - OPENED LONG at 2104.22 | Stop loss: 2093.6487178571424 | Take profit: 2135.8585732142856 +2025-03-10 16:13:38,751 - INFO - CLOSED long at 2104.67 | PnL: 0.02% | $-0.16 +2025-03-10 16:13:38,752 - INFO - OPENED SHORT at 2104.67 | Stop loss: 2115.2435321428575 | Take profit: 2073.0246767857143 +2025-03-10 16:13:39,210 - INFO - TAKE PROFIT hit for short at 2073.0246767857143 | PnL: 1.50% | $2.77 +2025-03-10 16:13:39,266 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305182142857 | Take profit: 2020.1597267857144 +2025-03-10 16:13:39,486 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$2.76, Avg Loss=$-0.55 +2025-03-10 16:13:39,487 - INFO - Episode 34: Reward=10.92, Balance=$103.88, Win Rate=40.0%, Trades=5, Episode PnL=$4.03, Total PnL=$137.49, Max Drawdown=1.2%, Pred Accuracy=98.6% +2025-03-10 16:13:39,487 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:39,488 - INFO - Refreshing data for episode 35 +2025-03-10 16:13:39,489 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:39,807 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:39,823 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:40,727 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.831032142857 | Take profit: 2090.2621767857145 +2025-03-10 16:13:41,649 - INFO - TAKE PROFIT hit for short at 2090.2621767857145 | PnL: 1.50% | $2.74 +2025-03-10 16:13:41,682 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.339382142857 | Take profit: 2058.4171267857146 +2025-03-10 16:13:41,766 - INFO - STOP LOSS hit for short at 2100.339382142857 | PnL: -0.50% | $-1.21 +2025-03-10 16:13:41,814 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.7912821428567 | Take profit: 2072.581426785714 +2025-03-10 16:13:42,322 - INFO - TAKE PROFIT hit for short at 2072.581426785714 | PnL: 1.50% | $2.78 +2025-03-10 16:13:42,381 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305182142857 | Take profit: 2020.1597267857144 +2025-03-10 16:13:42,625 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.76, Avg Loss=$-1.21 +2025-03-10 16:13:42,626 - INFO - Episode 35: Reward=13.64, Balance=$104.32, Win Rate=66.7%, Trades=3, Episode PnL=$4.32, Total PnL=$141.81, Max Drawdown=1.2%, Pred Accuracy=98.7% +2025-03-10 16:13:42,626 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:42,627 - INFO - Refreshing data for episode 36 +2025-03-10 16:13:42,627 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:42,958 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:42,971 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:43,002 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.831032142857 | Take profit: 2090.2621767857145 +2025-03-10 16:13:43,480 - INFO - CLOSED short at 2116.06 | PnL: 0.29% | $0.37 +2025-03-10 16:13:43,507 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.836232142857 | Take profit: 2083.406576785714 +2025-03-10 16:13:44,263 - INFO - TAKE PROFIT hit for short at 2083.406576785714 | PnL: 1.50% | $2.75 +2025-03-10 16:13:44,289 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2239321428574 | Take profit: 2053.4034767857142 +2025-03-10 16:13:44,498 - INFO - TAKE PROFIT hit for short at 2053.4034767857142 | PnL: 1.50% | $2.83 +2025-03-10 16:13:44,543 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.777732142857 | Take profit: 2012.7820767857143 +2025-03-10 16:13:44,613 - INFO - STOP LOSS hit for short at 2053.777732142857 | PnL: -0.50% | $-1.25 +2025-03-10 16:13:44,636 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.350332142857 | Take profit: 2023.1442767857145 +2025-03-10 16:13:44,732 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.98, Avg Loss=$-1.25 +2025-03-10 16:13:44,733 - INFO - Episode 36: Reward=14.96, Balance=$104.70, Win Rate=75.0%, Trades=4, Episode PnL=$4.70, Total PnL=$146.51, Max Drawdown=1.2%, Pred Accuracy=98.7% +2025-03-10 16:13:44,734 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:44,734 - INFO - Refreshing data for episode 37 +2025-03-10 16:13:44,734 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:45,047 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:45,058 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:45,190 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.6401821428567 | Take profit: 2086.154726785714 +2025-03-10 16:13:45,462 - INFO - CLOSED short at 2116.81 | PnL: 0.06% | $-0.09 +2025-03-10 16:13:45,462 - INFO - OPENED LONG at 2116.81 | Stop loss: 2106.175767857143 | Take profit: 2148.6374232142857 +2025-03-10 16:13:45,518 - INFO - CLOSED long at 2115.52 | PnL: -0.06% | $-0.31 +2025-03-10 16:13:45,519 - INFO - OPENED SHORT at 2115.52 | Stop loss: 2126.147782142857 | Take profit: 2083.7119267857142 +2025-03-10 16:13:46,529 - INFO - TAKE PROFIT hit for short at 2083.7119267857142 | PnL: 1.50% | $2.73 +2025-03-10 16:13:46,558 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2239321428574 | Take profit: 2053.4034767857142 +2025-03-10 16:13:46,733 - INFO - TAKE PROFIT hit for short at 2053.4034767857142 | PnL: 1.50% | $2.81 +2025-03-10 16:13:46,780 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.777732142857 | Take profit: 2012.7820767857143 +2025-03-10 16:13:46,859 - INFO - CLOSED short at 2058.11 | PnL: -0.71% | $-1.67 +2025-03-10 16:13:46,860 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.769267857143 | Take profit: 2089.0569232142857 +2025-03-10 16:13:46,936 - INFO - STOP LOSS hit for long at 2047.769267857143 | PnL: -0.50% | $-1.22 +2025-03-10 16:13:46,978 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 40.0% in downtrends | Avg Win=$2.77, Avg Loss=$-0.82 +2025-03-10 16:13:46,979 - INFO - Episode 37: Reward=3.97, Balance=$102.25, Win Rate=33.3%, Trades=6, Episode PnL=$2.56, Total PnL=$148.75, Max Drawdown=2.7%, Pred Accuracy=98.8% +2025-03-10 16:13:46,979 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:46,980 - INFO - Refreshing data for episode 38 +2025-03-10 16:13:46,980 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:47,303 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:47,317 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:47,505 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0772821428573 | Take profit: 2089.5234267857145 +2025-03-10 16:13:48,151 - INFO - TAKE PROFIT hit for short at 2089.5234267857145 | PnL: 1.50% | $2.74 +2025-03-10 16:13:48,176 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.339382142857 | Take profit: 2058.4171267857146 +2025-03-10 16:13:48,251 - INFO - STOP LOSS hit for short at 2100.339382142857 | PnL: -0.50% | $-1.21 +2025-03-10 16:13:48,294 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.7912821428567 | Take profit: 2072.581426785714 +2025-03-10 16:13:48,580 - INFO - CLOSED short at 2084.75 | PnL: 0.93% | $1.64 +2025-03-10 16:13:48,581 - INFO - OPENED LONG at 2084.75 | Stop loss: 2074.2760678571426 | Take profit: 2116.0965232142858 +2025-03-10 16:13:48,628 - INFO - CLOSED long at 2084.25 | PnL: -0.02% | $-0.25 +2025-03-10 16:13:48,628 - INFO - OPENED SHORT at 2084.25 | Stop loss: 2094.721432142857 | Take profit: 2052.9109767857144 +2025-03-10 16:13:48,768 - INFO - TAKE PROFIT hit for short at 2052.9109767857144 | PnL: 1.50% | $2.82 +2025-03-10 16:13:48,790 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305182142857 | Take profit: 2020.1597267857144 +2025-03-10 16:13:48,995 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.40, Avg Loss=$-0.73 +2025-03-10 16:13:48,996 - INFO - Episode 38: Reward=12.45, Balance=$105.74, Win Rate=60.0%, Trades=5, Episode PnL=$5.99, Total PnL=$154.50, Max Drawdown=1.2%, Pred Accuracy=98.9% +2025-03-10 16:13:48,996 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:48,997 - INFO - Refreshing data for episode 39 +2025-03-10 16:13:48,997 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:49,320 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:49,331 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:49,356 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.831032142857 | Take profit: 2090.2621767857145 +2025-03-10 16:13:49,549 - INFO - CLOSED short at 2116.52 | PnL: 0.27% | $0.32 +2025-03-10 16:13:49,550 - INFO - OPENED LONG at 2116.52 | Stop loss: 2105.887217857143 | Take profit: 2148.3430732142856 +2025-03-10 16:13:49,636 - INFO - CLOSED long at 2124.9 | PnL: 0.40% | $0.58 +2025-03-10 16:13:49,636 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.574682142857 | Take profit: 2092.9512267857144 +2025-03-10 16:13:50,070 - INFO - TAKE PROFIT hit for short at 2092.9512267857144 | PnL: 1.50% | $2.77 +2025-03-10 16:13:50,096 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.6004321428577 | Take profit: 2068.4739767857145 +2025-03-10 16:13:50,696 - INFO - CLOSED short at 2084.11 | PnL: 0.76% | $1.33 +2025-03-10 16:13:50,742 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.495532142857 | Take profit: 2043.8686767857146 +2025-03-10 16:13:50,843 - INFO - TAKE PROFIT hit for short at 2043.8686767857146 | PnL: 1.50% | $2.88 +2025-03-10 16:13:50,870 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.204632142857 | Take profit: 2022.0213767857142 +2025-03-10 16:13:51,048 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.58, Avg Loss=$0.00 +2025-03-10 16:13:51,048 - INFO - Episode 39: Reward=16.65, Balance=$107.88, Win Rate=100.0%, Trades=5, Episode PnL=$7.30, Total PnL=$162.38, Max Drawdown=0.0%, Pred Accuracy=98.9% +2025-03-10 16:13:51,215 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 16:13:51,216 - INFO - New best PnL model saved: $7.30 +2025-03-10 16:13:51,216 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:51,216 - INFO - Refreshing data for episode 40 +2025-03-10 16:13:51,217 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:51,529 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:51,544 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:52,384 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.831032142857 | Take profit: 2090.2621767857145 +2025-03-10 16:13:53,084 - INFO - TAKE PROFIT hit for short at 2090.2621767857145 | PnL: 1.50% | $2.74 +2025-03-10 16:13:53,100 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.339382142857 | Take profit: 2058.4171267857146 +2025-03-10 16:13:53,190 - INFO - STOP LOSS hit for short at 2100.339382142857 | PnL: -0.50% | $-1.21 +2025-03-10 16:13:53,217 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9772321428572 | Take profit: 2071.783576785714 +2025-03-10 16:13:53,490 - INFO - CLOSED short at 2090.99 | PnL: 0.59% | $0.97 +2025-03-10 16:13:53,490 - INFO - OPENED LONG at 2090.99 | Stop loss: 2080.4848678571425 | Take profit: 2122.4301232142857 +2025-03-10 16:13:53,516 - INFO - CLOSED long at 2084.95 | PnL: -0.29% | $-0.78 +2025-03-10 16:13:53,516 - INFO - OPENED SHORT at 2084.95 | Stop loss: 2095.424932142857 | Take profit: 2053.6004767857144 +2025-03-10 16:13:53,757 - INFO - TAKE PROFIT hit for short at 2053.6004767857144 | PnL: 1.50% | $2.79 +2025-03-10 16:13:53,784 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305182142857 | Take profit: 2020.1597267857144 +2025-03-10 16:13:53,981 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.17, Avg Loss=$-0.99 +2025-03-10 16:13:53,982 - INFO - Episode 40: Reward=13.59, Balance=$104.52, Win Rate=60.0%, Trades=5, Episode PnL=$5.29, Total PnL=$166.90, Max Drawdown=1.2%, Pred Accuracy=99.0% +2025-03-10 16:13:54,120 - INFO - Model saved to checkpoints/trading_agent_episode_40.pt +2025-03-10 16:13:54,121 - INFO - Checkpoint saved at episode 40 +2025-03-10 16:13:54,121 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:55,131 - INFO - Visualization saved for episode 40 +2025-03-10 16:13:57,136 - INFO - Visualization saved for episode 40 +2025-03-10 16:13:57,149 - INFO - Refreshing data for episode 41 +2025-03-10 16:13:57,150 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:57,502 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:57,513 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:57,591 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.831032142857 | Take profit: 2090.2621767857145 +2025-03-10 16:13:57,915 - INFO - CLOSED short at 2124.77 | PnL: -0.12% | $-0.43 +2025-03-10 16:13:57,939 - INFO - OPENED SHORT at 2120.26 | Stop loss: 2130.9114821428575 | Take profit: 2088.3808267857144 +2025-03-10 16:13:58,198 - INFO - CLOSED short at 2113.28 | PnL: 0.33% | $0.45 +2025-03-10 16:13:58,198 - INFO - OPENED LONG at 2113.28 | Stop loss: 2102.663417857143 | Take profit: 2145.054473214286 +2025-03-10 16:13:58,242 - INFO - CLOSED long at 2115.07 | PnL: 0.08% | $-0.03 +2025-03-10 16:13:58,243 - INFO - OPENED SHORT at 2115.07 | Stop loss: 2125.6955321428572 | Take profit: 2083.2686767857144 +2025-03-10 16:13:58,528 - INFO - CLOSED short at 2104.67 | PnL: 0.49% | $0.77 +2025-03-10 16:13:58,550 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.836482142857 | Take profit: 2073.6058267857143 +2025-03-10 16:13:58,979 - INFO - TAKE PROFIT hit for short at 2073.6058267857143 | PnL: 1.50% | $2.76 +2025-03-10 16:13:59,007 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5916821428573 | Take profit: 2017.5002267857146 +2025-03-10 16:13:59,055 - INFO - CLOSED short at 2043.51 | PnL: 0.23% | $0.27 +2025-03-10 16:13:59,056 - INFO - OPENED LONG at 2043.51 | Stop loss: 2033.2422678571427 | Take profit: 2074.2379232142857 +2025-03-10 16:13:59,082 - INFO - CLOSED long at 2052.89 | PnL: 0.46% | $0.73 +2025-03-10 16:13:59,082 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.204632142857 | Take profit: 2022.0213767857142 +2025-03-10 16:13:59,236 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$0.99, Avg Loss=$-0.23 +2025-03-10 16:13:59,237 - INFO - Episode 41: Reward=15.29, Balance=$104.51, Win Rate=71.4%, Trades=7, Episode PnL=$3.81, Total PnL=$171.40, Max Drawdown=0.4%, Pred Accuracy=99.1% +2025-03-10 16:13:59,238 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:13:59,238 - INFO - Refreshing data for episode 42 +2025-03-10 16:13:59,238 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:13:59,542 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:13:59,552 - INFO - Initialized environment with 100 candles +2025-03-10 16:13:59,579 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.831032142857 | Take profit: 2090.2621767857145 +2025-03-10 16:13:59,885 - INFO - CLOSED short at 2124.77 | PnL: -0.12% | $-0.43 +2025-03-10 16:13:59,914 - INFO - OPENED SHORT at 2120.26 | Stop loss: 2130.9114821428575 | Take profit: 2088.3808267857144 +2025-03-10 16:14:00,290 - INFO - CLOSED short at 2115.07 | PnL: 0.24% | $0.28 +2025-03-10 16:14:00,290 - INFO - OPENED LONG at 2115.07 | Stop loss: 2104.444467857143 | Take profit: 2146.871323214286 +2025-03-10 16:14:00,323 - INFO - CLOSED long at 2098.24 | PnL: -0.80% | $-1.75 +2025-03-10 16:14:00,324 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.7813821428567 | Take profit: 2066.691126785714 +2025-03-10 16:14:01,128 - INFO - TAKE PROFIT hit for short at 2066.691126785714 | PnL: 1.50% | $2.69 +2025-03-10 16:14:01,156 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305182142857 | Take profit: 2020.1597267857144 +2025-03-10 16:14:01,371 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.49, Avg Loss=$-1.09 +2025-03-10 16:14:01,372 - INFO - Episode 42: Reward=10.44, Balance=$100.79, Win Rate=50.0%, Trades=4, Episode PnL=$2.54, Total PnL=$172.19, Max Drawdown=0.4%, Pred Accuracy=99.2% +2025-03-10 16:14:01,372 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:14:01,372 - INFO - Refreshing data for episode 43 +2025-03-10 16:14:01,373 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:01,686 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:01,698 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:01,731 - INFO - OPENED SHORT at 2122.17 | Stop loss: 2132.831032142857 | Take profit: 2090.2621767857145 +2025-03-10 16:14:02,583 - INFO - TAKE PROFIT hit for short at 2090.2621767857145 | PnL: 1.50% | $2.74 +2025-03-10 16:14:02,633 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.721132142857 | Take profit: 2064.671876785714 +2025-03-10 16:14:03,180 - INFO - CLOSED short at 2067.71 | PnL: 1.36% | $2.53 +2025-03-10 16:14:03,181 - INFO - OPENED LONG at 2067.71 | Stop loss: 2057.321267857143 | Take profit: 2098.8009232142854 +2025-03-10 16:14:03,208 - INFO - CLOSED long at 2048.3 | PnL: -0.94% | $-2.14 +2025-03-10 16:14:03,209 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5916821428573 | Take profit: 2017.5002267857146 +2025-03-10 16:14:03,428 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.63, Avg Loss=$-2.14 +2025-03-10 16:14:03,429 - INFO - Episode 43: Reward=13.00, Balance=$103.13, Win Rate=66.7%, Trades=3, Episode PnL=$5.27, Total PnL=$175.33, Max Drawdown=0.0%, Pred Accuracy=99.2% +2025-03-10 16:14:03,430 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:14:03,430 - INFO - Refreshing data for episode 44 +2025-03-10 16:14:03,430 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:03,747 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:03,756 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:03,808 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1313964285714 | Take profit: 2088.599305357143 +2025-03-10 16:14:04,093 - INFO - CLOSED short at 2128.33 | PnL: -0.37% | $-0.92 +2025-03-10 16:14:04,152 - INFO - OPENED SHORT at 2120.26 | Stop loss: 2130.9102964285717 | Take profit: 2088.382605357143 +2025-03-10 16:14:04,871 - INFO - CLOSED short at 2099.22 | PnL: 0.99% | $1.73 +2025-03-10 16:14:04,896 - INFO - OPENED SHORT at 2094.16 | Stop loss: 2104.679796428571 | Take profit: 2062.6741053571427 +2025-03-10 16:14:05,290 - INFO - TAKE PROFIT hit for short at 2062.6741053571427 | PnL: 1.50% | $2.77 +2025-03-10 16:14:05,339 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.7765464285717 | Take profit: 2012.7838553571428 +2025-03-10 16:14:05,423 - INFO - STOP LOSS hit for short at 2053.7765464285717 | PnL: -0.50% | $-1.22 +2025-03-10 16:14:05,452 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.3491464285717 | Take profit: 2023.146055357143 +2025-03-10 16:14:05,566 - INFO - CLOSED short at 2044.1 | PnL: 0.48% | $0.77 +2025-03-10 16:14:05,593 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.75, Avg Loss=$-1.07 +2025-03-10 16:14:05,595 - INFO - Episode 44: Reward=14.40, Balance=$103.12, Win Rate=60.0%, Trades=5, Episode PnL=$3.12, Total PnL=$178.45, Max Drawdown=1.2%, Pred Accuracy=99.3% +2025-03-10 16:14:05,595 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:14:05,595 - INFO - Refreshing data for episode 45 +2025-03-10 16:14:05,596 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:05,899 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:05,910 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:06,756 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.9001964285712 | Take profit: 2090.3329053571424 +2025-03-10 16:14:07,665 - INFO - TAKE PROFIT hit for short at 2090.3329053571424 | PnL: 1.50% | $2.74 +2025-03-10 16:14:07,711 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.7199464285713 | Take profit: 2064.6736553571427 +2025-03-10 16:14:07,914 - INFO - CLOSED short at 2099.22 | PnL: -0.14% | $-0.49 +2025-03-10 16:14:07,915 - INFO - OPENED LONG at 2099.22 | Stop loss: 2088.6749035714283 | Take profit: 2130.7817946428568 +2025-03-10 16:14:07,941 - INFO - CLOSED long at 2094.16 | PnL: -0.24% | $-0.68 +2025-03-10 16:14:07,941 - INFO - OPENED SHORT at 2094.16 | Stop loss: 2104.679796428571 | Take profit: 2062.6741053571427 +2025-03-10 16:14:08,324 - INFO - TAKE PROFIT hit for short at 2062.6741053571427 | PnL: 1.50% | $2.79 +2025-03-10 16:14:08,347 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3039964285713 | Take profit: 2020.161505357143 +2025-03-10 16:14:08,617 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.76, Avg Loss=$-0.59 +2025-03-10 16:14:08,619 - INFO - Episode 45: Reward=9.97, Balance=$104.36, Win Rate=50.0%, Trades=4, Episode PnL=$5.04, Total PnL=$182.80, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 16:14:08,619 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:14:08,620 - INFO - Refreshing data for episode 46 +2025-03-10 16:14:08,620 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:08,928 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:08,938 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:08,969 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.900532142857 | Take profit: 2090.332401785714 +2025-03-10 16:14:09,860 - INFO - TAKE PROFIT hit for short at 2090.332401785714 | PnL: 1.50% | $2.74 +2025-03-10 16:14:09,915 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.7202821428573 | Take profit: 2064.6731517857143 +2025-03-10 16:14:09,970 - INFO - CLOSED short at 2102.83 | PnL: -0.32% | $-0.84 +2025-03-10 16:14:09,971 - INFO - OPENED LONG at 2102.83 | Stop loss: 2092.266517857143 | Take profit: 2134.4464482142857 +2025-03-10 16:14:10,004 - INFO - CLOSED long at 2103.41 | PnL: 0.03% | $-0.14 +2025-03-10 16:14:10,005 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.976382142857 | Take profit: 2071.784851785714 +2025-03-10 16:14:10,027 - INFO - CLOSED short at 2104.22 | PnL: -0.04% | $-0.28 +2025-03-10 16:14:10,027 - INFO - OPENED LONG at 2104.22 | Stop loss: 2093.6495678571428 | Take profit: 2135.8572982142855 +2025-03-10 16:14:10,055 - INFO - CLOSED long at 2104.67 | PnL: 0.02% | $-0.16 +2025-03-10 16:14:10,056 - INFO - OPENED SHORT at 2104.67 | Stop loss: 2115.242682142857 | Take profit: 2073.0259517857144 +2025-03-10 16:14:10,328 - INFO - CLOSED short at 2084.75 | PnL: 0.95% | $1.68 +2025-03-10 16:14:10,359 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.454332142857 | Take profit: 2049.7110017857144 +2025-03-10 16:14:10,548 - INFO - TAKE PROFIT hit for short at 2049.7110017857144 | PnL: 1.50% | $2.82 +2025-03-10 16:14:10,575 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.304332142857 | Take profit: 2020.1610017857142 +2025-03-10 16:14:10,785 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$2.41, Avg Loss=$-0.35 +2025-03-10 16:14:10,785 - INFO - Episode 46: Reward=23.01, Balance=$105.83, Win Rate=42.9%, Trades=7, Episode PnL=$6.13, Total PnL=$188.64, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 16:14:10,785 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:14:10,785 - INFO - Refreshing data for episode 47 +2025-03-10 16:14:10,785 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:11,100 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:11,111 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:11,139 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.900532142857 | Take profit: 2090.332401785714 +2025-03-10 16:14:11,617 - INFO - CLOSED short at 2114.32 | PnL: 0.37% | $0.53 +2025-03-10 16:14:11,642 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.1921821428573 | Take profit: 2082.777451785714 +2025-03-10 16:14:12,261 - INFO - TAKE PROFIT hit for short at 2082.777451785714 | PnL: 1.50% | $2.76 +2025-03-10 16:14:12,295 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.223082142857 | Take profit: 2053.4047517857143 +2025-03-10 16:14:12,474 - INFO - TAKE PROFIT hit for short at 2053.4047517857143 | PnL: 1.50% | $2.83 +2025-03-10 16:14:12,504 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.304332142857 | Take profit: 2020.1610017857142 +2025-03-10 16:14:12,554 - INFO - CLOSED short at 2052.89 | PnL: -0.09% | $-0.40 +2025-03-10 16:14:12,554 - INFO - OPENED LONG at 2052.89 | Stop loss: 2042.5762178571426 | Take profit: 2083.7573482142857 +2025-03-10 16:14:12,582 - INFO - CLOSED long at 2053.22 | PnL: 0.02% | $-0.17 +2025-03-10 16:14:12,582 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.5354321428567 | Take profit: 2022.3477017857142 +2025-03-10 16:14:12,677 - INFO - CLOSED short at 2046.76 | PnL: 0.31% | $0.44 +2025-03-10 16:14:12,678 - INFO - OPENED LONG at 2046.76 | Stop loss: 2036.476867857143 | Take profit: 2077.535398214286 +2025-03-10 16:14:12,700 - INFO - CLOSED long at 2043.95 | PnL: -0.14% | $-0.49 +2025-03-10 16:14:12,700 - INFO - OPENED SHORT at 2043.95 | Stop loss: 2054.219082142857 | Take profit: 2013.2167517857145 +2025-03-10 16:14:12,744 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.64, Avg Loss=$-0.35 +2025-03-10 16:14:12,745 - INFO - Episode 47: Reward=25.38, Balance=$105.50, Win Rate=57.1%, Trades=7, Episode PnL=$6.17, Total PnL=$194.14, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 16:14:12,746 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:14:12,746 - INFO - Refreshing data for episode 48 +2025-03-10 16:14:12,747 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:13,062 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:13,071 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:13,100 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.900532142857 | Take profit: 2090.332401785714 +2025-03-10 16:14:13,243 - INFO - CLOSED short at 2116.52 | PnL: 0.27% | $0.33 +2025-03-10 16:14:13,267 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.664432142857 | Take profit: 2087.1607017857145 +2025-03-10 16:14:13,379 - INFO - CLOSED short at 2120.26 | PnL: -0.06% | $-0.31 +2025-03-10 16:14:13,401 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.443382142857 | Take profit: 2084.9838517857143 +2025-03-10 16:14:14,128 - INFO - CLOSED short at 2096.96 | PnL: 0.94% | $1.64 +2025-03-10 16:14:14,131 - INFO - OPENED LONG at 2096.96 | Stop loss: 2086.4258678571427 | Take profit: 2128.4883982142856 +2025-03-10 16:14:14,163 - INFO - CLOSED long at 2098.66 | PnL: 0.08% | $-0.04 +2025-03-10 16:14:14,164 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.202632142857 | Take profit: 2067.106101785714 +2025-03-10 16:14:14,283 - INFO - CLOSED short at 2084.75 | PnL: 0.66% | $1.12 +2025-03-10 16:14:14,283 - INFO - OPENED LONG at 2084.75 | Stop loss: 2074.276917857143 | Take profit: 2116.0952482142857 +2025-03-10 16:14:14,312 - INFO - CLOSED long at 2081.0 | PnL: -0.18% | $-0.56 +2025-03-10 16:14:14,312 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.454332142857 | Take profit: 2049.7110017857144 +2025-03-10 16:14:14,482 - INFO - TAKE PROFIT hit for short at 2049.7110017857144 | PnL: 1.50% | $2.80 +2025-03-10 16:14:14,509 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.304332142857 | Take profit: 2020.1610017857142 +2025-03-10 16:14:14,596 - INFO - CLOSED short at 2058.11 | PnL: -0.35% | $-0.92 +2025-03-10 16:14:14,621 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.349482142857 | Take profit: 2023.1455517857146 +2025-03-10 16:14:14,734 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.47, Avg Loss=$-0.46 +2025-03-10 16:14:14,735 - INFO - Episode 48: Reward=26.05, Balance=$104.06, Win Rate=50.0%, Trades=8, Episode PnL=$4.66, Total PnL=$198.20, Max Drawdown=0.9%, Pred Accuracy=99.4% +2025-03-10 16:14:14,736 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:14:14,736 - INFO - Refreshing data for episode 49 +2025-03-10 16:14:14,738 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:15,063 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:15,079 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:15,109 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.900532142857 | Take profit: 2090.332401785714 +2025-03-10 16:14:15,787 - INFO - CLOSED short at 2091.36 | PnL: 1.46% | $2.65 +2025-03-10 16:14:15,811 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5995821428573 | Take profit: 2068.4752517857146 +2025-03-10 16:14:16,450 - INFO - TAKE PROFIT hit for short at 2068.4752517857146 | PnL: 1.50% | $2.82 +2025-03-10 16:14:16,481 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.590832142857 | Take profit: 2017.5015017857145 +2025-03-10 16:14:16,617 - INFO - CLOSED short at 2058.11 | PnL: -0.48% | $-1.19 +2025-03-10 16:14:16,647 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.349482142857 | Take profit: 2023.1455517857146 +2025-03-10 16:14:16,753 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.73, Avg Loss=$-1.19 +2025-03-10 16:14:16,755 - INFO - Episode 49: Reward=27.99, Balance=$104.27, Win Rate=66.7%, Trades=3, Episode PnL=$4.27, Total PnL=$202.47, Max Drawdown=1.1%, Pred Accuracy=99.4% +2025-03-10 16:14:16,755 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:14:16,755 - INFO - Early stopping triggered after 50 episodes without improvement +2025-03-10 16:14:16,904 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 16:14:17,918 - INFO - Training results saved to training_results.png +2025-03-10 16:14:18,061 - INFO - Model saved to models/trading_agent_continuous_0.pt +2025-03-10 16:14:23,065 - INFO - Starting training batch 2 +2025-03-10 16:14:23,065 - INFO - Refreshing data for new training batch +2025-03-10 16:14:23,066 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:23,395 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 16:14:23,406 - INFO - Initialized environment with 500 candles +2025-03-10 16:14:23,406 - INFO - Updated environment with fresh candles +2025-03-10 16:14:23,406 - INFO - Starting training on device: cuda +2025-03-10 16:14:23,408 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 16:14:23,408 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 16:14:23,640 - INFO - Model loaded successfully with weights_only=True +2025-03-10 16:14:23,649 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $7.30, Win Rate: 66.7% +2025-03-10 16:14:23,653 - INFO - Refreshing data for episode 0 +2025-03-10 16:14:23,654 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:23,982 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:23,993 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:24,878 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.900532142857 | Take profit: 2090.332401785714 +2025-03-10 16:14:25,442 - INFO - CLOSED short at 2115.11 | PnL: 0.34% | $0.46 +2025-03-10 16:14:25,476 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.940932142857 | Take profit: 2082.5312017857145 +2025-03-10 16:14:26,215 - INFO - TAKE PROFIT hit for short at 2082.5312017857145 | PnL: 1.50% | $2.76 +2025-03-10 16:14:26,240 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.223082142857 | Take profit: 2053.4047517857143 +2025-03-10 16:14:26,449 - INFO - TAKE PROFIT hit for short at 2053.4047517857143 | PnL: 1.50% | $2.83 +2025-03-10 16:14:26,473 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.304332142857 | Take profit: 2020.1610017857142 +2025-03-10 16:14:26,698 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.02, Avg Loss=$0.00 +2025-03-10 16:14:26,699 - INFO - Episode 0: Reward=29.02, Balance=$106.05, Win Rate=100.0%, Trades=3, Episode PnL=$6.05, Total PnL=$208.52, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 16:14:26,852 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 16:14:26,853 - INFO - Checkpoint saved at episode 0 +2025-03-10 16:14:27,772 - INFO - Visualization saved for episode 0 +2025-03-10 16:14:29,664 - INFO - Visualization saved for episode 0 +2025-03-10 16:14:29,675 - INFO - Refreshing data for episode 1 +2025-03-10 16:14:29,675 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:30,005 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:30,015 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:30,110 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.9013678571428 | Take profit: 2090.3311482142853 +2025-03-10 16:14:30,274 - INFO - CLOSED short at 2121.42 | PnL: 0.04% | $-0.12 +2025-03-10 16:14:30,301 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.152767857143 | Take profit: 2084.696948214286 +2025-03-10 16:14:30,394 - INFO - STOP LOSS hit for short at 2127.152767857143 | PnL: -0.50% | $-1.18 +2025-03-10 16:14:30,416 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4440178571426 | Take profit: 2092.8231982142856 +2025-03-10 16:14:30,527 - INFO - CLOSED short at 2114.75 | PnL: 0.47% | $0.72 +2025-03-10 16:14:30,527 - INFO - OPENED LONG at 2114.75 | Stop loss: 2104.1260821428573 | Take profit: 2146.546501785714 +2025-03-10 16:14:30,549 - INFO - CLOSED long at 2116.06 | PnL: 0.06% | $-0.07 +2025-03-10 16:14:30,550 - INFO - OPENED SHORT at 2116.06 | Stop loss: 2126.6904678571427 | Take profit: 2084.2438482142857 +2025-03-10 16:14:31,241 - INFO - TAKE PROFIT hit for short at 2084.2438482142857 | PnL: 1.50% | $2.72 +2025-03-10 16:14:31,263 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2239178571426 | Take profit: 2053.4034982142857 +2025-03-10 16:14:31,456 - INFO - TAKE PROFIT hit for short at 2053.4034982142857 | PnL: 1.50% | $2.80 +2025-03-10 16:14:31,479 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305167857143 | Take profit: 2020.1597482142859 +2025-03-10 16:14:31,501 - INFO - CLOSED short at 2043.51 | PnL: 0.37% | $0.54 +2025-03-10 16:14:31,501 - INFO - OPENED LONG at 2043.51 | Stop loss: 2033.2422821428572 | Take profit: 2074.2379017857143 +2025-03-10 16:14:31,528 - INFO - CLOSED long at 2052.89 | PnL: 0.46% | $0.74 +2025-03-10 16:14:31,529 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.2046178571427 | Take profit: 2022.0213982142857 +2025-03-10 16:14:31,553 - INFO - CLOSED short at 2053.22 | PnL: -0.02% | $-0.24 +2025-03-10 16:14:31,553 - INFO - OPENED LONG at 2053.22 | Stop loss: 2042.903732142857 | Take profit: 2084.093551785714 +2025-03-10 16:14:31,580 - INFO - CLOSED long at 2058.11 | PnL: 0.24% | $0.29 +2025-03-10 16:14:31,581 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.450717857143 | Take profit: 2027.1630982142858 +2025-03-10 16:14:31,733 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.30, Avg Loss=$-0.40 +2025-03-10 16:14:31,734 - INFO - Episode 1: Reward=28.62, Balance=$106.20, Win Rate=60.0%, Trades=10, Episode PnL=$5.25, Total PnL=$214.72, Max Drawdown=1.3%, Pred Accuracy=99.8% +2025-03-10 16:14:31,735 - INFO - Refreshing data for episode 2 +2025-03-10 16:14:31,735 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:32,050 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:32,059 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:32,080 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.9013678571428 | Take profit: 2090.3311482142853 +2025-03-10 16:14:32,392 - INFO - CLOSED short at 2114.78 | PnL: 0.35% | $0.49 +2025-03-10 16:14:32,413 - INFO - OPENED SHORT at 2115.52 | Stop loss: 2126.147767857143 | Take profit: 2083.7119482142857 +2025-03-10 16:14:33,211 - INFO - TAKE PROFIT hit for short at 2083.7119482142857 | PnL: 1.50% | $2.76 +2025-03-10 16:14:33,235 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2239178571426 | Take profit: 2053.4034982142857 +2025-03-10 16:14:33,434 - INFO - TAKE PROFIT hit for short at 2053.4034982142857 | PnL: 1.50% | $2.83 +2025-03-10 16:14:33,460 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305167857143 | Take profit: 2020.1597482142859 +2025-03-10 16:14:33,683 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.03, Avg Loss=$0.00 +2025-03-10 16:14:33,684 - INFO - Episode 2: Reward=29.09, Balance=$106.08, Win Rate=100.0%, Trades=3, Episode PnL=$6.08, Total PnL=$220.79, Max Drawdown=0.0%, Pred Accuracy=99.9% +2025-03-10 16:14:33,684 - INFO - Refreshing data for episode 3 +2025-03-10 16:14:33,685 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:34,005 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:34,016 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:34,041 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.9013678571428 | Take profit: 2090.3311482142853 +2025-03-10 16:14:34,333 - INFO - CLOSED short at 2116.81 | PnL: 0.26% | $0.30 +2025-03-10 16:14:34,359 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.4040678571428 | Take profit: 2082.983048214286 +2025-03-10 16:14:34,850 - INFO - CLOSED short at 2100.0 | PnL: 0.70% | $1.17 +2025-03-10 16:14:34,878 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.394317857143 | Take profit: 2071.2122982142855 +2025-03-10 16:14:35,366 - INFO - TAKE PROFIT hit for short at 2071.2122982142855 | PnL: 1.50% | $2.78 +2025-03-10 16:14:35,388 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.591667857143 | Take profit: 2017.5002482142859 +2025-03-10 16:14:35,624 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.42, Avg Loss=$0.00 +2025-03-10 16:14:35,625 - INFO - Episode 3: Reward=30.47, Balance=$104.26, Win Rate=100.0%, Trades=3, Episode PnL=$4.26, Total PnL=$225.05, Max Drawdown=0.0%, Pred Accuracy=99.9% +2025-03-10 16:14:35,625 - INFO - Refreshing data for episode 4 +2025-03-10 16:14:35,626 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:35,932 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:35,941 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:36,017 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.192867857143 | Take profit: 2088.6566482142857 +2025-03-10 16:14:36,610 - INFO - CLOSED short at 2098.28 | PnL: 1.05% | $1.86 +2025-03-10 16:14:36,636 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.866967857143 | Take profit: 2059.914348214286 +2025-03-10 16:14:36,793 - INFO - STOP LOSS hit for short at 2101.866967857143 | PnL: -0.50% | $-1.20 +2025-03-10 16:14:36,817 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9772178571425 | Take profit: 2071.7835982142856 +2025-03-10 16:14:37,307 - INFO - TAKE PROFIT hit for short at 2071.7835982142856 | PnL: 1.50% | $2.76 +2025-03-10 16:14:37,330 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.591667857143 | Take profit: 2017.5002482142859 +2025-03-10 16:14:37,634 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$2.31, Avg Loss=$-1.20 +2025-03-10 16:14:37,635 - INFO - Episode 4: Reward=29.46, Balance=$103.42, Win Rate=66.7%, Trades=3, Episode PnL=$3.42, Total PnL=$228.47, Max Drawdown=1.2%, Pred Accuracy=99.9% +2025-03-10 16:14:37,635 - INFO - Refreshing data for episode 5 +2025-03-10 16:14:37,636 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:37,978 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:37,988 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:39,067 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.9013678571428 | Take profit: 2090.3311482142853 +2025-03-10 16:14:39,328 - INFO - CLOSED short at 2128.33 | PnL: -0.29% | $-0.76 +2025-03-10 16:14:39,355 - INFO - OPENED LONG at 2124.77 | Stop loss: 2114.095982142857 | Take profit: 2156.7168017857143 +2025-03-10 16:14:39,385 - INFO - CLOSED long at 2120.26 | PnL: -0.21% | $-0.61 +2025-03-10 16:14:39,386 - INFO - OPENED SHORT at 2120.26 | Stop loss: 2130.911467857143 | Take profit: 2088.380848214286 +2025-03-10 16:14:40,272 - INFO - TAKE PROFIT hit for short at 2088.380848214286 | PnL: 1.50% | $2.70 +2025-03-10 16:14:40,295 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0330678571427 | Take profit: 2049.2960482142857 +2025-03-10 16:14:40,535 - INFO - TAKE PROFIT hit for short at 2049.2960482142857 | PnL: 1.50% | $2.78 +2025-03-10 16:14:40,561 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305167857143 | Take profit: 2020.1597482142859 +2025-03-10 16:14:40,668 - INFO - CLOSED short at 2058.11 | PnL: -0.35% | $-0.91 +2025-03-10 16:14:40,668 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.7692821428573 | Take profit: 2089.056901785714 +2025-03-10 16:14:40,688 - INFO - CLOSED long at 2054.03 | PnL: -0.20% | $-0.60 +2025-03-10 16:14:40,688 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.350317857143 | Take profit: 2023.144298214286 +2025-03-10 16:14:40,817 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.74, Avg Loss=$-0.72 +2025-03-10 16:14:40,817 - INFO - Episode 5: Reward=19.89, Balance=$102.61, Win Rate=33.3%, Trades=6, Episode PnL=$3.82, Total PnL=$231.08, Max Drawdown=0.8%, Pred Accuracy=99.9% +2025-03-10 16:14:40,818 - INFO - Refreshing data for episode 6 +2025-03-10 16:14:40,819 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:41,371 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:41,381 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:41,412 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.9013678571428 | Take profit: 2090.3311482142853 +2025-03-10 16:14:41,996 - INFO - CLOSED short at 2112.57 | PnL: 0.46% | $0.69 +2025-03-10 16:14:41,996 - INFO - OPENED LONG at 2112.57 | Stop loss: 2101.956982142857 | Take profit: 2144.3338017857145 +2025-03-10 16:14:42,026 - INFO - CLOSED long at 2113.28 | PnL: 0.03% | $-0.13 +2025-03-10 16:14:42,026 - INFO - OPENED SHORT at 2113.28 | Stop loss: 2123.896567857143 | Take profit: 2081.5055482142857 +2025-03-10 16:14:42,614 - INFO - CLOSED short at 2084.95 | PnL: 1.34% | $2.44 +2025-03-10 16:14:42,614 - INFO - OPENED LONG at 2084.95 | Stop loss: 2074.475082142857 | Take profit: 2116.2995017857143 +2025-03-10 16:14:42,641 - INFO - CLOSED long at 2080.58 | PnL: -0.21% | $-0.62 +2025-03-10 16:14:42,641 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0330678571427 | Take profit: 2049.2960482142857 +2025-03-10 16:14:42,829 - INFO - TAKE PROFIT hit for short at 2049.2960482142857 | PnL: 1.50% | $2.81 +2025-03-10 16:14:42,852 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305167857143 | Take profit: 2020.1597482142859 +2025-03-10 16:14:43,081 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.98, Avg Loss=$-0.38 +2025-03-10 16:14:43,083 - INFO - Episode 6: Reward=28.51, Balance=$105.19, Win Rate=60.0%, Trades=5, Episode PnL=$5.94, Total PnL=$236.27, Max Drawdown=0.0%, Pred Accuracy=99.9% +2025-03-10 16:14:43,083 - INFO - Refreshing data for episode 7 +2025-03-10 16:14:43,084 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:43,409 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:43,419 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:43,442 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.9013678571428 | Take profit: 2090.3311482142853 +2025-03-10 16:14:43,629 - INFO - CLOSED short at 2119.02 | PnL: 0.15% | $0.10 +2025-03-10 16:14:43,629 - INFO - OPENED LONG at 2119.02 | Stop loss: 2108.3747321428573 | Take profit: 2150.8805517857145 +2025-03-10 16:14:43,655 - INFO - CLOSED long at 2120.96 | PnL: 0.09% | $-0.02 +2025-03-10 16:14:43,655 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.614967857143 | Take profit: 2089.070348214286 +2025-03-10 16:14:44,199 - INFO - TAKE PROFIT hit for short at 2089.070348214286 | PnL: 1.50% | $2.74 +2025-03-10 16:14:44,228 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.339367857143 | Take profit: 2058.4171482142856 +2025-03-10 16:14:44,296 - INFO - STOP LOSS hit for short at 2100.339367857143 | PnL: -0.50% | $-1.21 +2025-03-10 16:14:44,318 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9772178571425 | Take profit: 2071.7835982142856 +2025-03-10 16:14:44,806 - INFO - TAKE PROFIT hit for short at 2071.7835982142856 | PnL: 1.50% | $2.79 +2025-03-10 16:14:44,833 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.591667857143 | Take profit: 2017.5002482142859 +2025-03-10 16:14:45,086 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.88, Avg Loss=$-0.61 +2025-03-10 16:14:45,086 - INFO - Episode 7: Reward=27.60, Balance=$104.41, Win Rate=60.0%, Trades=5, Episode PnL=$4.42, Total PnL=$240.67, Max Drawdown=1.2%, Pred Accuracy=99.9% +2025-03-10 16:14:45,086 - INFO - Refreshing data for episode 8 +2025-03-10 16:14:45,094 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:45,426 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:45,436 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:45,462 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.90145 | Take profit: 2090.3310249999995 +2025-03-10 16:14:45,825 - INFO - CLOSED short at 2114.75 | PnL: 0.35% | $0.49 +2025-03-10 16:14:45,826 - INFO - OPENED LONG at 2114.75 | Stop loss: 2104.126 | Take profit: 2146.546625 +2025-03-10 16:14:45,852 - INFO - CLOSED long at 2116.06 | PnL: 0.06% | $-0.07 +2025-03-10 16:14:45,852 - INFO - OPENED SHORT at 2116.06 | Stop loss: 2126.69055 | Take profit: 2084.243725 +2025-03-10 16:14:45,873 - INFO - CLOSED short at 2115.21 | PnL: 0.04% | $-0.12 +2025-03-10 16:14:45,873 - INFO - OPENED LONG at 2115.21 | Stop loss: 2104.5837 | Take profit: 2147.013525 +2025-03-10 16:14:45,903 - INFO - CLOSED long at 2114.1 | PnL: -0.05% | $-0.30 +2025-03-10 16:14:45,903 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.72075 | Take profit: 2082.313125 +2025-03-10 16:14:46,164 - INFO - CLOSED short at 2098.28 | PnL: 0.75% | $1.27 +2025-03-10 16:14:46,164 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.73835 | Take profit: 2129.829575 +2025-03-10 16:14:46,188 - INFO - CLOSED long at 2091.36 | PnL: -0.33% | $-0.85 +2025-03-10 16:14:46,188 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.86705 | Take profit: 2059.914225 +2025-03-10 16:14:46,361 - INFO - STOP LOSS hit for short at 2101.86705 | PnL: -0.50% | $-1.18 +2025-03-10 16:14:46,391 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9773 | Take profit: 2071.7834749999997 +2025-03-10 16:14:46,851 - INFO - TAKE PROFIT hit for short at 2071.7834749999997 | PnL: 1.50% | $2.72 +2025-03-10 16:14:46,871 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5917500000005 | Take profit: 2017.500125 +2025-03-10 16:14:47,125 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$1.49, Avg Loss=$-0.50 +2025-03-10 16:14:47,126 - INFO - Episode 8: Reward=24.47, Balance=$101.96, Win Rate=37.5%, Trades=8, Episode PnL=$3.18, Total PnL=$242.63, Max Drawdown=0.8%, Pred Accuracy=99.8% +2025-03-10 16:14:47,127 - INFO - Refreshing data for episode 9 +2025-03-10 16:14:47,127 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:47,598 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:47,608 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:47,658 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.13265 | Take profit: 2088.597425 +2025-03-10 16:14:47,912 - INFO - CLOSED short at 2116.81 | PnL: 0.17% | $0.14 +2025-03-10 16:14:47,941 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.4041500000003 | Take profit: 2082.9829250000003 +2025-03-10 16:14:48,371 - INFO - CLOSED short at 2096.19 | PnL: 0.88% | $1.52 +2025-03-10 16:14:48,402 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.5502500000002 | Take profit: 2068.424625 +2025-03-10 16:14:48,658 - INFO - CLOSED short at 2098.66 | PnL: 0.06% | $-0.07 +2025-03-10 16:14:48,682 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.0932000000003 | Take profit: 2059.155775 +2025-03-10 16:14:48,823 - INFO - CLOSED short at 2084.25 | PnL: 0.30% | $0.40 +2025-03-10 16:14:48,846 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8471 | Take profit: 2054.014075 +2025-03-10 16:14:48,956 - INFO - TAKE PROFIT hit for short at 2054.014075 | PnL: 1.50% | $2.80 +2025-03-10 16:14:48,977 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.30525 | Take profit: 2020.159625 +2025-03-10 16:14:49,066 - INFO - CLOSED short at 2058.11 | PnL: -0.35% | $-0.91 +2025-03-10 16:14:49,067 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.7692000000002 | Take profit: 2089.057025 +2025-03-10 16:14:49,088 - INFO - CLOSED long at 2054.03 | PnL: -0.20% | $-0.60 +2025-03-10 16:14:49,088 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.3504000000003 | Take profit: 2023.1441750000001 +2025-03-10 16:14:49,193 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.22, Avg Loss=$-0.53 +2025-03-10 16:14:49,194 - INFO - Episode 9: Reward=12.37, Balance=$103.28, Win Rate=57.1%, Trades=7, Episode PnL=$3.88, Total PnL=$245.91, Max Drawdown=0.1%, Pred Accuracy=99.7% +2025-03-10 16:14:49,194 - INFO - Refreshing data for episode 10 +2025-03-10 16:14:49,195 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:49,521 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:49,531 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:50,313 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.90145 | Take profit: 2090.3310249999995 +2025-03-10 16:14:50,479 - INFO - CLOSED short at 2119.02 | PnL: 0.15% | $0.10 +2025-03-10 16:14:50,479 - INFO - OPENED LONG at 2119.02 | Stop loss: 2108.37465 | Take profit: 2150.8806750000003 +2025-03-10 16:14:50,501 - INFO - CLOSED long at 2120.96 | PnL: 0.09% | $-0.02 +2025-03-10 16:14:50,501 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.61505 | Take profit: 2089.070225 +2025-03-10 16:14:51,157 - INFO - TAKE PROFIT hit for short at 2089.070225 | PnL: 1.50% | $2.74 +2025-03-10 16:14:51,192 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.33945 | Take profit: 2058.417025 +2025-03-10 16:14:51,275 - INFO - STOP LOSS hit for short at 2100.33945 | PnL: -0.50% | $-1.21 +2025-03-10 16:14:51,305 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9773 | Take profit: 2071.7834749999997 +2025-03-10 16:14:51,794 - INFO - CLOSED short at 2084.11 | PnL: 0.92% | $1.62 +2025-03-10 16:14:51,819 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.5356 | Take profit: 2051.748575 +2025-03-10 16:14:51,908 - INFO - TAKE PROFIT hit for short at 2051.748575 | PnL: 1.50% | $2.83 +2025-03-10 16:14:51,945 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.30525 | Take profit: 2020.159625 +2025-03-10 16:14:52,267 - INFO - CLOSED short at 2044.1 | PnL: 0.34% | $0.49 +2025-03-10 16:14:52,298 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.56, Avg Loss=$-0.61 +2025-03-10 16:14:52,299 - INFO - Episode 10: Reward=16.76, Balance=$106.56, Win Rate=71.4%, Trades=7, Episode PnL=$6.58, Total PnL=$252.47, Max Drawdown=1.2%, Pred Accuracy=99.5% +2025-03-10 16:14:52,484 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 16:14:52,485 - INFO - Checkpoint saved at episode 10 +2025-03-10 16:14:53,495 - INFO - Visualization saved for episode 10 +2025-03-10 16:14:55,358 - INFO - Visualization saved for episode 10 +2025-03-10 16:14:55,374 - INFO - Refreshing data for episode 11 +2025-03-10 16:14:55,375 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:55,688 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:55,697 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:55,787 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.901621428571 | Take profit: 2090.3307678571427 +2025-03-10 16:14:56,413 - INFO - CLOSED short at 2113.28 | PnL: 0.42% | $0.63 +2025-03-10 16:14:56,413 - INFO - OPENED LONG at 2113.28 | Stop loss: 2102.663178571429 | Take profit: 2145.0548321428573 +2025-03-10 16:14:56,442 - INFO - CLOSED long at 2114.5 | PnL: 0.06% | $-0.08 +2025-03-10 16:14:56,442 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.1229214285718 | Take profit: 2082.7068678571427 +2025-03-10 16:14:57,027 - INFO - TAKE PROFIT hit for short at 2082.7068678571427 | PnL: 1.50% | $2.76 +2025-03-10 16:14:57,052 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2241714285715 | Take profit: 2053.403117857143 +2025-03-10 16:14:57,244 - INFO - TAKE PROFIT hit for short at 2053.403117857143 | PnL: 1.50% | $2.83 +2025-03-10 16:14:57,273 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305421428571 | Take profit: 2020.159367857143 +2025-03-10 16:14:57,477 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.07, Avg Loss=$-0.08 +2025-03-10 16:14:57,478 - INFO - Episode 11: Reward=14.01, Balance=$106.13, Win Rate=75.0%, Trades=4, Episode PnL=$6.22, Total PnL=$258.61, Max Drawdown=0.0%, Pred Accuracy=99.2% +2025-03-10 16:14:57,479 - INFO - Refreshing data for episode 12 +2025-03-10 16:14:57,479 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:57,817 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:57,826 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:57,852 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.901621428571 | Take profit: 2090.3307678571427 +2025-03-10 16:14:57,952 - INFO - CLOSED short at 2121.8 | PnL: 0.02% | $-0.15 +2025-03-10 16:14:57,985 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0775214285713 | Take profit: 2089.523067857143 +2025-03-10 16:14:58,381 - INFO - CLOSED short at 2112.57 | PnL: 0.42% | $0.62 +2025-03-10 16:14:58,402 - INFO - OPENED SHORT at 2113.28 | Stop loss: 2123.8968214285715 | Take profit: 2081.505167857143 +2025-03-10 16:14:58,926 - INFO - CLOSED short at 2090.99 | PnL: 1.05% | $1.87 +2025-03-10 16:14:58,926 - INFO - OPENED LONG at 2090.99 | Stop loss: 2080.4846285714284 | Take profit: 2122.430482142857 +2025-03-10 16:14:58,950 - INFO - CLOSED long at 2084.95 | PnL: -0.29% | $-0.78 +2025-03-10 16:14:58,950 - INFO - OPENED SHORT at 2084.95 | Stop loss: 2095.425171428571 | Take profit: 2053.600117857143 +2025-03-10 16:14:59,197 - INFO - TAKE PROFIT hit for short at 2053.600117857143 | PnL: 1.50% | $2.78 +2025-03-10 16:14:59,232 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305421428571 | Take profit: 2020.159367857143 +2025-03-10 16:14:59,259 - INFO - CLOSED short at 2043.51 | PnL: 0.37% | $0.54 +2025-03-10 16:14:59,259 - INFO - OPENED LONG at 2043.51 | Stop loss: 2033.2420285714286 | Take profit: 2074.2382821428573 +2025-03-10 16:14:59,292 - INFO - CLOSED long at 2052.89 | PnL: 0.46% | $0.73 +2025-03-10 16:14:59,292 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.204871428571 | Take profit: 2022.0210178571426 +2025-03-10 16:14:59,341 - INFO - CLOSED short at 2058.11 | PnL: -0.25% | $-0.73 +2025-03-10 16:14:59,373 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.3505714285716 | Take profit: 2023.1439178571432 +2025-03-10 16:14:59,507 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.31, Avg Loss=$-0.55 +2025-03-10 16:14:59,508 - INFO - Episode 12: Reward=14.76, Balance=$104.89, Win Rate=62.5%, Trades=8, Episode PnL=$4.93, Total PnL=$263.49, Max Drawdown=0.2%, Pred Accuracy=98.8% +2025-03-10 16:14:59,508 - INFO - Refreshing data for episode 13 +2025-03-10 16:14:59,509 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:14:59,848 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:14:59,858 - INFO - Initialized environment with 100 candles +2025-03-10 16:14:59,883 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.901621428571 | Take profit: 2090.3307678571427 +2025-03-10 16:14:59,976 - INFO - CLOSED short at 2121.8 | PnL: 0.02% | $-0.15 +2025-03-10 16:14:59,976 - INFO - OPENED LONG at 2121.8 | Stop loss: 2111.1405785714287 | Take profit: 2153.7026321428575 +2025-03-10 16:15:00,001 - INFO - CLOSED long at 2121.42 | PnL: -0.02% | $-0.23 +2025-03-10 16:15:00,001 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0775214285713 | Take profit: 2089.523067857143 +2025-03-10 16:15:00,529 - INFO - CLOSED short at 2098.28 | PnL: 1.09% | $1.93 +2025-03-10 16:15:00,530 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.7381785714288 | Take profit: 2129.829832142857 +2025-03-10 16:15:00,554 - INFO - CLOSED long at 2091.36 | PnL: -0.33% | $-0.85 +2025-03-10 16:15:00,554 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.8672214285716 | Take profit: 2059.9139678571432 +2025-03-10 16:15:00,741 - INFO - STOP LOSS hit for short at 2101.8672214285716 | PnL: -0.50% | $-1.18 +2025-03-10 16:15:00,770 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9774714285713 | Take profit: 2071.783217857143 +2025-03-10 16:15:00,931 - INFO - CLOSED short at 2094.16 | PnL: 0.44% | $0.66 +2025-03-10 16:15:00,931 - INFO - OPENED LONG at 2094.16 | Stop loss: 2083.6387785714282 | Take profit: 2125.648032142857 +2025-03-10 16:15:00,956 - INFO - CLOSED long at 2096.96 | PnL: 0.13% | $0.07 +2025-03-10 16:15:00,957 - INFO - OPENED SHORT at 2096.96 | Stop loss: 2107.4952214285713 | Take profit: 2065.429967857143 +2025-03-10 16:15:01,274 - INFO - TAKE PROFIT hit for short at 2065.429967857143 | PnL: 1.50% | $2.75 +2025-03-10 16:15:01,298 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305421428571 | Take profit: 2020.159367857143 +2025-03-10 16:15:01,546 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$1.35, Avg Loss=$-0.61 +2025-03-10 16:15:01,547 - INFO - Episode 13: Reward=-0.35, Balance=$102.98, Win Rate=50.0%, Trades=8, Episode PnL=$4.00, Total PnL=$266.47, Max Drawdown=0.5%, Pred Accuracy=97.9% +2025-03-10 16:15:01,548 - INFO - Refreshing data for episode 14 +2025-03-10 16:15:01,548 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:01,870 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:01,880 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:01,903 - INFO - OPENED SHORT at 2122.24 | Stop loss: 2132.901621428571 | Take profit: 2090.3307678571427 +2025-03-10 16:15:02,232 - INFO - CLOSED short at 2114.78 | PnL: 0.35% | $0.49 +2025-03-10 16:15:02,257 - INFO - OPENED SHORT at 2115.52 | Stop loss: 2126.1480214285716 | Take profit: 2083.7115678571427 +2025-03-10 16:15:03,084 - INFO - TAKE PROFIT hit for short at 2083.7115678571427 | PnL: 1.50% | $2.76 +2025-03-10 16:15:03,122 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2241714285715 | Take profit: 2053.403117857143 +2025-03-10 16:15:03,311 - INFO - TAKE PROFIT hit for short at 2053.403117857143 | PnL: 1.50% | $2.83 +2025-03-10 16:15:03,336 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305421428571 | Take profit: 2020.159367857143 +2025-03-10 16:15:03,615 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.03, Avg Loss=$0.00 +2025-03-10 16:15:03,616 - INFO - Episode 14: Reward=1.49, Balance=$106.08, Win Rate=100.0%, Trades=3, Episode PnL=$6.08, Total PnL=$272.55, Max Drawdown=0.0%, Pred Accuracy=97.7% +2025-03-10 16:15:03,616 - INFO - Refreshing data for episode 15 +2025-03-10 16:15:03,617 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:04,029 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:04,039 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:05,061 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.12925 | Take profit: 2088.602525 +2025-03-10 16:15:05,863 - INFO - CLOSED short at 2089.04 | PnL: 1.48% | $2.71 +2025-03-10 16:15:05,863 - INFO - OPENED LONG at 2089.04 | Stop loss: 2078.54795 | Take profit: 2120.445875 +2025-03-10 16:15:05,890 - INFO - CLOSED long at 2089.84 | PnL: 0.04% | $-0.12 +2025-03-10 16:15:05,890 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.33605 | Take profit: 2058.422125 +2025-03-10 16:15:05,987 - INFO - STOP LOSS hit for short at 2100.33605 | PnL: -0.50% | $-1.21 +2025-03-10 16:15:06,019 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9739 | Take profit: 2071.788575 +2025-03-10 16:15:06,103 - INFO - CLOSED short at 2105.26 | PnL: -0.09% | $-0.37 +2025-03-10 16:15:06,104 - INFO - OPENED LONG at 2105.26 | Stop loss: 2094.68685 | Take profit: 2136.9091750000002 +2025-03-10 16:15:06,130 - INFO - CLOSED long at 2099.63 | PnL: -0.27% | $-0.73 +2025-03-10 16:15:06,130 - INFO - OPENED SHORT at 2099.63 | Stop loss: 2110.175 | Take profit: 2068.065275 +2025-03-10 16:15:06,532 - INFO - TAKE PROFIT hit for short at 2068.065275 | PnL: 1.50% | $2.75 +2025-03-10 16:15:06,559 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.58835 | Take profit: 2017.505225 +2025-03-10 16:15:06,859 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$2.73, Avg Loss=$-0.61 +2025-03-10 16:15:06,860 - INFO - Episode 15: Reward=-1.89, Balance=$103.03, Win Rate=33.3%, Trades=6, Episode PnL=$3.88, Total PnL=$275.58, Max Drawdown=0.0%, Pred Accuracy=98.1% +2025-03-10 16:15:06,860 - INFO - Refreshing data for episode 16 +2025-03-10 16:15:06,861 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:07,212 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:07,223 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:07,252 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.130003571429 | Take profit: 2088.601394642857 +2025-03-10 16:15:08,293 - INFO - CLOSED short at 2098.66 | PnL: 1.03% | $1.82 +2025-03-10 16:15:08,320 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.0905535714287 | Take profit: 2059.1597446428573 +2025-03-10 16:15:08,599 - INFO - TAKE PROFIT hit for short at 2059.1597446428573 | PnL: 1.50% | $2.79 +2025-03-10 16:15:08,626 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.302603571429 | Take profit: 2020.1635946428573 +2025-03-10 16:15:08,920 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.31, Avg Loss=$0.00 +2025-03-10 16:15:08,920 - INFO - Episode 16: Reward=2.18, Balance=$104.61, Win Rate=100.0%, Trades=2, Episode PnL=$4.61, Total PnL=$280.19, Max Drawdown=0.0%, Pred Accuracy=98.3% +2025-03-10 16:15:08,921 - INFO - Refreshing data for episode 17 +2025-03-10 16:15:08,921 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:09,339 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:09,350 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:09,383 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.130182142857 | Take profit: 2088.6011267857143 +2025-03-10 16:15:10,288 - INFO - CLOSED short at 2104.22 | PnL: 0.77% | $1.30 +2025-03-10 16:15:10,289 - INFO - OPENED LONG at 2104.22 | Stop loss: 2093.6511178571427 | Take profit: 2135.8549732142856 +2025-03-10 16:15:10,332 - INFO - CLOSED long at 2104.67 | PnL: 0.02% | $-0.16 +2025-03-10 16:15:10,333 - INFO - OPENED SHORT at 2104.67 | Stop loss: 2115.241132142857 | Take profit: 2073.0282767857143 +2025-03-10 16:15:10,460 - INFO - CLOSED short at 2094.16 | PnL: 0.50% | $0.79 +2025-03-10 16:15:10,488 - INFO - OPENED SHORT at 2096.96 | Stop loss: 2107.492582142857 | Take profit: 2065.4339267857144 +2025-03-10 16:15:10,787 - INFO - CLOSED short at 2067.71 | PnL: 1.39% | $2.58 +2025-03-10 16:15:10,813 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5892821428574 | Take profit: 2017.5038267857144 +2025-03-10 16:15:11,031 - INFO - CLOSED short at 2043.95 | PnL: 0.21% | $0.23 +2025-03-10 16:15:11,056 - INFO - OPENED SHORT at 2044.1 | Stop loss: 2054.368282142857 | Take profit: 2013.366826785714 +2025-03-10 16:15:11,101 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.23, Avg Loss=$-0.16 +2025-03-10 16:15:11,102 - INFO - Episode 17: Reward=5.32, Balance=$104.75, Win Rate=80.0%, Trades=5, Episode PnL=$4.90, Total PnL=$284.94, Max Drawdown=0.0%, Pred Accuracy=98.3% +2025-03-10 16:15:11,103 - INFO - Refreshing data for episode 18 +2025-03-10 16:15:11,103 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:11,400 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:11,409 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:11,435 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.130182142857 | Take profit: 2088.6011267857143 +2025-03-10 16:15:11,817 - INFO - CLOSED short at 2116.06 | PnL: 0.21% | $0.21 +2025-03-10 16:15:11,843 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.8338321428573 | Take profit: 2083.410176785714 +2025-03-10 16:15:12,051 - INFO - CLOSED short at 2098.28 | PnL: 0.80% | $1.37 +2025-03-10 16:15:12,082 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.864582142857 | Take profit: 2059.9179267857144 +2025-03-10 16:15:12,104 - INFO - CLOSED short at 2100.05 | PnL: -0.42% | $-1.02 +2025-03-10 16:15:12,150 - INFO - OPENED SHORT at 2089.04 | Stop loss: 2099.5329821428572 | Take profit: 2057.6327267857146 +2025-03-10 16:15:12,196 - INFO - CLOSED short at 2096.19 | PnL: -0.34% | $-0.87 +2025-03-10 16:15:12,404 - INFO - OPENED SHORT at 2099.22 | Stop loss: 2109.763882142857 | Take profit: 2067.6600267857143 +2025-03-10 16:15:12,434 - INFO - CLOSED short at 2094.16 | PnL: 0.24% | $0.27 +2025-03-10 16:15:12,530 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.492732142857 | Take profit: 2059.553476785714 +2025-03-10 16:15:12,556 - INFO - CLOSED short at 2084.95 | PnL: 0.29% | $0.37 +2025-03-10 16:15:12,618 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2215321428575 | Take profit: 2053.4070767857143 +2025-03-10 16:15:12,638 - INFO - CLOSED short at 2081.0 | PnL: 0.18% | $0.16 +2025-03-10 16:15:12,939 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.347932142857 | Take profit: 2023.1478767857145 +2025-03-10 16:15:12,965 - INFO - CLOSED short at 2050.18 | PnL: 0.19% | $0.17 +2025-03-10 16:15:12,988 - INFO - OPENED SHORT at 2046.76 | Stop loss: 2057.0415821428574 | Take profit: 2015.9869267857143 +2025-03-10 16:15:13,016 - INFO - CLOSED short at 2043.95 | PnL: 0.14% | $0.07 +2025-03-10 16:15:13,085 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.38, Avg Loss=$-0.95 +2025-03-10 16:15:13,086 - INFO - Episode 18: Reward=-1.49, Balance=$100.74, Win Rate=77.8%, Trades=9, Episode PnL=$0.74, Total PnL=$285.68, Max Drawdown=1.9%, Pred Accuracy=98.1% +2025-03-10 16:15:13,086 - INFO - Refreshing data for episode 19 +2025-03-10 16:15:13,087 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:13,394 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:13,405 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:13,540 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1503821428573 | Take profit: 2084.7005267857144 +2025-03-10 16:15:13,591 - INFO - CLOSED short at 2120.96 | PnL: -0.21% | $-0.61 +2025-03-10 16:15:13,618 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.5722821428576 | Take profit: 2092.9548267857144 +2025-03-10 16:15:13,642 - INFO - CLOSED short at 2128.33 | PnL: -0.16% | $-0.51 +2025-03-10 16:15:13,672 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.441632142857 | Take profit: 2092.826776785714 +2025-03-10 16:15:13,722 - INFO - CLOSED short at 2116.81 | PnL: 0.37% | $0.53 +2025-03-10 16:15:13,793 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.371532142857 | Take profit: 2082.9570767857144 +2025-03-10 16:15:13,865 - INFO - CLOSED short at 2114.1 | PnL: 0.03% | $-0.13 +2025-03-10 16:15:13,911 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.9393821428575 | Take profit: 2082.5335267857145 +2025-03-10 16:15:14,060 - INFO - CLOSED short at 2098.28 | PnL: 0.76% | $1.28 +2025-03-10 16:15:14,245 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.391932142857 | Take profit: 2071.2158767857145 +2025-03-10 16:15:14,271 - INFO - CLOSED short at 2103.41 | PnL: -0.03% | $-0.25 +2025-03-10 16:15:14,271 - INFO - OPENED LONG at 2103.41 | Stop loss: 2092.8451678571428 | Take profit: 2135.0328232142856 +2025-03-10 16:15:14,328 - INFO - CLOSED long at 2104.67 | PnL: 0.06% | $-0.08 +2025-03-10 16:15:14,455 - INFO - OPENED LONG at 2096.96 | Stop loss: 2086.4274178571427 | Take profit: 2128.4860732142856 +2025-03-10 16:15:14,541 - INFO - CLOSED long at 2090.99 | PnL: -0.28% | $-0.75 +2025-03-10 16:15:14,654 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.452782142857 | Take profit: 2049.7133267857143 +2025-03-10 16:15:14,681 - INFO - CLOSED short at 2084.25 | PnL: -0.16% | $-0.50 +2025-03-10 16:15:14,902 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.2022321428567 | Take profit: 2022.0249767857142 +2025-03-10 16:15:14,973 - INFO - CLOSED short at 2054.03 | PnL: -0.06% | $-0.30 +2025-03-10 16:15:15,044 - INFO - OPENED SHORT at 2043.95 | Stop loss: 2054.217532142857 | Take profit: 2013.2190767857142 +2025-03-10 16:15:15,067 - INFO - CLOSED short at 2044.1 | PnL: -0.01% | $-0.21 +2025-03-10 16:15:15,119 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.91, Avg Loss=$-0.37 +2025-03-10 16:15:15,120 - INFO - Episode 19: Reward=-19.42, Balance=$98.47, Win Rate=18.2%, Trades=11, Episode PnL=$-1.53, Total PnL=$284.15, Max Drawdown=2.1%, Pred Accuracy=98.0% +2025-03-10 16:15:15,120 - INFO - Refreshing data for episode 20 +2025-03-10 16:15:15,121 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:15,448 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:15,460 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:16,699 - INFO - OPENED SHORT at 2115.52 | Stop loss: 2126.145382142857 | Take profit: 2083.7155267857142 +2025-03-10 16:15:16,726 - INFO - CLOSED short at 2114.75 | PnL: 0.04% | $-0.12 +2025-03-10 16:15:16,938 - INFO - OPENED LONG at 2113.28 | Stop loss: 2102.665817857143 | Take profit: 2145.050873214286 +2025-03-10 16:15:17,022 - INFO - CLOSED long at 2098.24 | PnL: -0.71% | $-1.59 +2025-03-10 16:15:17,141 - INFO - OPENED LONG at 2089.04 | Stop loss: 2078.5470178571427 | Take profit: 2120.4472732142854 +2025-03-10 16:15:17,170 - INFO - CLOSED long at 2089.84 | PnL: 0.04% | $-0.12 +2025-03-10 16:15:17,272 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.974832142857 | Take profit: 2071.787176785714 +2025-03-10 16:15:17,305 - INFO - CLOSED short at 2104.22 | PnL: -0.04% | $-0.27 +2025-03-10 16:15:17,568 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0306821428567 | Take profit: 2049.2996267857143 +2025-03-10 16:15:17,675 - INFO - CLOSED short at 2085.37 | PnL: -0.23% | $-0.63 +2025-03-10 16:15:17,722 - INFO - OPENED LONG at 2083.07 | Stop loss: 2072.6068678571432 | Take profit: 2114.387723214286 +2025-03-10 16:15:17,745 - INFO - CLOSED long at 2075.07 | PnL: -0.38% | $-0.92 +2025-03-10 16:15:17,745 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.4931321428576 | Take profit: 2043.8722767857143 +2025-03-10 16:15:17,860 - INFO - TAKE PROFIT hit for short at 2043.8722767857143 | PnL: 1.50% | $2.64 +2025-03-10 16:15:17,980 - INFO - OPENED SHORT at 2050.18 | Stop loss: 2060.478682142857 | Take profit: 2019.355626785714 +2025-03-10 16:15:18,004 - INFO - CLOSED short at 2046.76 | PnL: 0.17% | $0.13 +2025-03-10 16:15:18,030 - INFO - OPENED SHORT at 2043.95 | Stop loss: 2054.217532142857 | Take profit: 2013.2190767857142 +2025-03-10 16:15:18,107 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.39, Avg Loss=$-0.61 +2025-03-10 16:15:18,108 - INFO - Episode 20: Reward=-19.78, Balance=$99.13, Win Rate=25.0%, Trades=8, Episode PnL=$0.05, Total PnL=$283.27, Max Drawdown=2.7%, Pred Accuracy=98.1% +2025-03-10 16:15:18,257 - INFO - Model saved to checkpoints/trading_agent_episode_20.pt +2025-03-10 16:15:18,259 - INFO - Checkpoint saved at episode 20 +2025-03-10 16:15:18,260 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:15:19,241 - INFO - Visualization saved for episode 20 +2025-03-10 16:15:21,209 - INFO - Visualization saved for episode 20 +2025-03-10 16:15:21,230 - INFO - Refreshing data for episode 21 +2025-03-10 16:15:21,230 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:21,552 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:21,562 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:21,724 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.6383250000003 | Take profit: 2086.1575125 +2025-03-10 16:15:21,868 - INFO - CLOSED short at 2120.96 | PnL: -0.14% | $-0.47 +2025-03-10 16:15:21,868 - INFO - OPENED LONG at 2120.96 | Stop loss: 2110.306875 | Take profit: 2152.8468875 +2025-03-10 16:15:21,895 - INFO - CLOSED long at 2124.9 | PnL: 0.19% | $0.17 +2025-03-10 16:15:21,895 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.572825 | Take profit: 2092.9540125000003 +2025-03-10 16:15:21,992 - INFO - CLOSED short at 2116.81 | PnL: 0.38% | $0.55 +2025-03-10 16:15:22,079 - INFO - OPENED LONG at 2114.75 | Stop loss: 2104.1279250000002 | Take profit: 2146.5437374999997 +2025-03-10 16:15:22,106 - INFO - CLOSED long at 2116.06 | PnL: 0.06% | $-0.07 +2025-03-10 16:15:22,107 - INFO - OPENED SHORT at 2116.06 | Stop loss: 2126.688625 | Take profit: 2084.2466125 +2025-03-10 16:15:22,139 - INFO - CLOSED short at 2115.21 | PnL: 0.04% | $-0.12 +2025-03-10 16:15:22,191 - INFO - OPENED SHORT at 2115.11 | Stop loss: 2125.733875 | Take profit: 2083.3108625 +2025-03-10 16:15:22,217 - INFO - CLOSED short at 2114.32 | PnL: 0.04% | $-0.12 +2025-03-10 16:15:22,241 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.191175 | Take profit: 2082.7789625 +2025-03-10 16:15:22,287 - INFO - CLOSED short at 2113.28 | PnL: 0.06% | $-0.08 +2025-03-10 16:15:22,316 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.120825 | Take profit: 2082.7100125 +2025-03-10 16:15:22,733 - INFO - CLOSED short at 2096.96 | PnL: 0.83% | $1.42 +2025-03-10 16:15:22,764 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.2016249999997 | Take profit: 2067.1076125 +2025-03-10 16:15:23,103 - INFO - TAKE PROFIT hit for short at 2067.1076125 | PnL: 1.50% | $2.78 +2025-03-10 16:15:23,139 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3033250000003 | Take profit: 2020.1625125 +2025-03-10 16:15:23,325 - INFO - CLOSED short at 2046.76 | PnL: 0.21% | $0.22 +2025-03-10 16:15:23,355 - INFO - OPENED SHORT at 2043.95 | Stop loss: 2054.218075 | Take profit: 2013.2182625 +2025-03-10 16:15:23,429 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.03, Avg Loss=$-0.17 +2025-03-10 16:15:23,429 - INFO - Episode 21: Reward=11.01, Balance=$104.28, Win Rate=50.0%, Trades=10, Episode PnL=$4.18, Total PnL=$287.55, Max Drawdown=0.4%, Pred Accuracy=98.2% +2025-03-10 16:15:23,430 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:15:23,430 - INFO - Refreshing data for episode 22 +2025-03-10 16:15:23,430 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:23,757 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:23,768 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:23,793 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.130725 | Take profit: 2088.6003125 +2025-03-10 16:15:24,741 - INFO - CLOSED short at 2104.22 | PnL: 0.77% | $1.30 +2025-03-10 16:15:24,741 - INFO - OPENED LONG at 2104.22 | Stop loss: 2093.650575 | Take profit: 2135.8557874999997 +2025-03-10 16:15:24,776 - INFO - CLOSED long at 2104.67 | PnL: 0.02% | $-0.16 +2025-03-10 16:15:24,776 - INFO - OPENED SHORT at 2104.67 | Stop loss: 2115.241675 | Take profit: 2073.0274625 +2025-03-10 16:15:25,226 - INFO - TAKE PROFIT hit for short at 2073.0274625 | PnL: 1.50% | $2.78 +2025-03-10 16:15:25,258 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.589825 | Take profit: 2017.5030125000003 +2025-03-10 16:15:25,606 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.04, Avg Loss=$-0.16 +2025-03-10 16:15:25,608 - INFO - Episode 22: Reward=14.37, Balance=$103.92, Win Rate=66.7%, Trades=3, Episode PnL=$4.08, Total PnL=$291.47, Max Drawdown=0.0%, Pred Accuracy=98.3% +2025-03-10 16:15:25,608 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:15:25,608 - INFO - Refreshing data for episode 23 +2025-03-10 16:15:25,609 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:25,948 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:25,958 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:25,983 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1317642857143 | Take profit: 2088.5987535714285 +2025-03-10 16:15:26,035 - INFO - CLOSED short at 2118.0 | PnL: 0.12% | $0.03 +2025-03-10 16:15:26,063 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.4583642857147 | Take profit: 2089.8989535714286 +2025-03-10 16:15:26,767 - INFO - TAKE PROFIT hit for short at 2089.8989535714286 | PnL: 1.50% | $2.74 +2025-03-10 16:15:26,792 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3385642857143 | Take profit: 2058.4183535714287 +2025-03-10 16:15:26,870 - INFO - STOP LOSS hit for short at 2100.3385642857143 | PnL: -0.50% | $-1.21 +2025-03-10 16:15:26,897 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9764142857143 | Take profit: 2071.7848035714283 +2025-03-10 16:15:27,356 - INFO - TAKE PROFIT hit for short at 2071.7848035714283 | PnL: 1.50% | $2.79 +2025-03-10 16:15:27,378 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5908642857144 | Take profit: 2017.5014535714288 +2025-03-10 16:15:27,678 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.85, Avg Loss=$-1.21 +2025-03-10 16:15:27,686 - INFO - Episode 23: Reward=15.12, Balance=$104.35, Win Rate=75.0%, Trades=4, Episode PnL=$4.35, Total PnL=$295.83, Max Drawdown=1.2%, Pred Accuracy=98.3% +2025-03-10 16:15:27,686 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:15:27,686 - INFO - Refreshing data for episode 24 +2025-03-10 16:15:27,686 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:28,039 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:28,050 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:28,078 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1317642857143 | Take profit: 2088.5987535714285 +2025-03-10 16:15:28,657 - INFO - CLOSED short at 2115.07 | PnL: 0.26% | $0.30 +2025-03-10 16:15:28,681 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.7805642857143 | Take profit: 2066.692353571428 +2025-03-10 16:15:28,826 - INFO - CLOSED short at 2089.84 | PnL: 0.40% | $0.59 +2025-03-10 16:15:28,849 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.7203142857143 | Take profit: 2064.6731035714283 +2025-03-10 16:15:29,286 - INFO - CLOSED short at 2084.11 | PnL: 0.58% | $0.94 +2025-03-10 16:15:29,316 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.5347142857145 | Take profit: 2051.7499035714286 +2025-03-10 16:15:29,395 - INFO - TAKE PROFIT hit for short at 2051.7499035714286 | PnL: 1.50% | $2.79 +2025-03-10 16:15:29,417 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3043642857147 | Take profit: 2020.1609535714285 +2025-03-10 16:15:29,653 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.16, Avg Loss=$0.00 +2025-03-10 16:15:29,653 - INFO - Episode 24: Reward=17.80, Balance=$104.62, Win Rate=100.0%, Trades=4, Episode PnL=$4.62, Total PnL=$300.45, Max Drawdown=0.0%, Pred Accuracy=98.4% +2025-03-10 16:15:29,655 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:15:29,655 - INFO - Refreshing data for episode 25 +2025-03-10 16:15:29,655 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:30,013 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:30,028 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:30,888 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1319392857145 | Take profit: 2088.5984910714287 +2025-03-10 16:15:31,662 - INFO - CLOSED short at 2100.05 | PnL: 0.96% | $1.69 +2025-03-10 16:15:31,693 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.8913392857144 | Take profit: 2064.8402910714285 +2025-03-10 16:15:32,405 - INFO - TAKE PROFIT hit for short at 2064.8402910714285 | PnL: 1.50% | $2.79 +2025-03-10 16:15:32,436 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3045392857143 | Take profit: 2020.1606910714286 +2025-03-10 16:15:32,732 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.24, Avg Loss=$0.00 +2025-03-10 16:15:32,733 - INFO - Episode 25: Reward=15.88, Balance=$104.48, Win Rate=100.0%, Trades=2, Episode PnL=$4.48, Total PnL=$304.92, Max Drawdown=0.0%, Pred Accuracy=98.3% +2025-03-10 16:15:32,734 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:15:32,734 - INFO - Refreshing data for episode 26 +2025-03-10 16:15:32,735 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:33,039 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:33,051 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:33,080 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1323964285716 | Take profit: 2088.597805357143 +2025-03-10 16:15:33,364 - INFO - CLOSED short at 2124.77 | PnL: -0.20% | $-0.59 +2025-03-10 16:15:33,364 - INFO - OPENED LONG at 2124.77 | Stop loss: 2114.0961535714287 | Take profit: 2156.716544642857 +2025-03-10 16:15:33,391 - INFO - CLOSED long at 2120.26 | PnL: -0.21% | $-0.61 +2025-03-10 16:15:33,391 - INFO - OPENED SHORT at 2120.26 | Stop loss: 2130.9112964285714 | Take profit: 2088.381105357143 +2025-03-10 16:15:34,384 - INFO - TAKE PROFIT hit for short at 2088.381105357143 | PnL: 1.50% | $2.71 +2025-03-10 16:15:34,418 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0328964285713 | Take profit: 2049.296305357143 +2025-03-10 16:15:34,667 - INFO - TAKE PROFIT hit for short at 2049.296305357143 | PnL: 1.50% | $2.78 +2025-03-10 16:15:34,692 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3049964285715 | Take profit: 2020.1600053571428 +2025-03-10 16:15:34,975 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.75, Avg Loss=$-0.60 +2025-03-10 16:15:34,976 - INFO - Episode 26: Reward=10.29, Balance=$104.30, Win Rate=50.0%, Trades=4, Episode PnL=$4.90, Total PnL=$309.22, Max Drawdown=0.0%, Pred Accuracy=98.4% +2025-03-10 16:15:34,977 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:15:34,977 - INFO - Refreshing data for episode 27 +2025-03-10 16:15:34,978 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:35,303 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:35,314 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:35,339 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1323964285716 | Take profit: 2088.597805357143 +2025-03-10 16:15:36,475 - INFO - TAKE PROFIT hit for short at 2088.597805357143 | PnL: 1.50% | $2.74 +2025-03-10 16:15:36,502 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0328964285713 | Take profit: 2049.296305357143 +2025-03-10 16:15:36,741 - INFO - TAKE PROFIT hit for short at 2049.296305357143 | PnL: 1.50% | $2.82 +2025-03-10 16:15:36,766 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3049964285715 | Take profit: 2020.1600053571428 +2025-03-10 16:15:36,833 - INFO - CLOSED short at 2052.89 | PnL: -0.09% | $-0.40 +2025-03-10 16:15:36,860 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.5360964285715 | Take profit: 2022.3467053571426 +2025-03-10 16:15:37,063 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$-0.40 +2025-03-10 16:15:37,064 - INFO - Episode 27: Reward=12.57, Balance=$105.16, Win Rate=66.7%, Trades=3, Episode PnL=$5.16, Total PnL=$314.38, Max Drawdown=0.4%, Pred Accuracy=98.4% +2025-03-10 16:15:37,065 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:15:37,065 - INFO - Refreshing data for episode 28 +2025-03-10 16:15:37,066 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:37,379 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:37,389 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:37,418 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1323964285716 | Take profit: 2088.597805357143 +2025-03-10 16:15:38,497 - INFO - CLOSED short at 2090.59 | PnL: 1.41% | $2.56 +2025-03-10 16:15:38,530 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.494946428571 | Take profit: 2059.5501553571426 +2025-03-10 16:15:38,763 - INFO - TAKE PROFIT hit for short at 2059.5501553571426 | PnL: 1.50% | $2.81 +2025-03-10 16:15:38,791 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3049964285715 | Take profit: 2020.1600053571428 +2025-03-10 16:15:39,006 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.69, Avg Loss=$0.00 +2025-03-10 16:15:39,007 - INFO - Episode 28: Reward=16.42, Balance=$105.37, Win Rate=100.0%, Trades=2, Episode PnL=$5.37, Total PnL=$319.75, Max Drawdown=0.0%, Pred Accuracy=98.5% +2025-03-10 16:15:39,007 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:15:39,008 - INFO - Refreshing data for episode 29 +2025-03-10 16:15:39,008 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:39,317 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:39,326 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:39,352 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1323964285716 | Take profit: 2088.597805357143 +2025-03-10 16:15:40,436 - INFO - TAKE PROFIT hit for short at 2088.597805357143 | PnL: 1.50% | $2.74 +2025-03-10 16:15:40,471 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0328964285713 | Take profit: 2049.296305357143 +2025-03-10 16:15:40,692 - INFO - TAKE PROFIT hit for short at 2049.296305357143 | PnL: 1.50% | $2.82 +2025-03-10 16:15:40,718 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3049964285715 | Take profit: 2020.1600053571428 +2025-03-10 16:15:40,843 - INFO - CLOSED short at 2058.11 | PnL: -0.35% | $-0.92 +2025-03-10 16:15:40,844 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.7694535714288 | Take profit: 2089.056644642857 +2025-03-10 16:15:40,867 - INFO - CLOSED long at 2054.03 | PnL: -0.20% | $-0.61 +2025-03-10 16:15:40,868 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.350146428572 | Take profit: 2023.144555357143 +2025-03-10 16:15:41,025 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.78, Avg Loss=$-0.76 +2025-03-10 16:15:41,026 - INFO - Episode 29: Reward=9.90, Balance=$104.03, Win Rate=50.0%, Trades=4, Episode PnL=$4.64, Total PnL=$323.78, Max Drawdown=0.0%, Pred Accuracy=98.4% +2025-03-10 16:15:41,026 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:15:41,026 - INFO - Refreshing data for episode 30 +2025-03-10 16:15:41,027 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:41,502 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:41,512 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:42,547 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1323964285716 | Take profit: 2088.597805357143 +2025-03-10 16:15:42,964 - INFO - CLOSED short at 2116.06 | PnL: 0.21% | $0.21 +2025-03-10 16:15:42,988 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.8360464285715 | Take profit: 2083.406855357143 +2025-03-10 16:15:43,553 - INFO - CLOSED short at 2104.22 | PnL: 0.52% | $0.82 +2025-03-10 16:15:43,580 - INFO - OPENED SHORT at 2104.67 | Stop loss: 2115.2433464285714 | Take profit: 2073.024955357143 +2025-03-10 16:15:44,008 - INFO - TAKE PROFIT hit for short at 2073.024955357143 | PnL: 1.50% | $2.77 +2025-03-10 16:15:44,032 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.591496428571 | Take profit: 2017.500505357143 +2025-03-10 16:15:44,330 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.27, Avg Loss=$0.00 +2025-03-10 16:15:44,330 - INFO - Episode 30: Reward=16.40, Balance=$103.80, Win Rate=100.0%, Trades=3, Episode PnL=$3.80, Total PnL=$327.59, Max Drawdown=0.0%, Pred Accuracy=98.6% +2025-03-10 16:15:44,476 - INFO - Model saved to checkpoints/trading_agent_episode_30.pt +2025-03-10 16:15:44,477 - INFO - Checkpoint saved at episode 30 +2025-03-10 16:15:44,477 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:15:45,503 - INFO - Visualization saved for episode 30 +2025-03-10 16:15:47,275 - INFO - Visualization saved for episode 30 +2025-03-10 16:15:47,296 - INFO - Refreshing data for episode 31 +2025-03-10 16:15:47,296 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:47,605 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:47,616 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:47,721 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1323964285716 | Take profit: 2088.597805357143 +2025-03-10 16:15:48,879 - INFO - TAKE PROFIT hit for short at 2088.597805357143 | PnL: 1.50% | $2.74 +2025-03-10 16:15:48,915 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0328964285713 | Take profit: 2049.296305357143 +2025-03-10 16:15:49,180 - INFO - TAKE PROFIT hit for short at 2049.296305357143 | PnL: 1.50% | $2.82 +2025-03-10 16:15:49,204 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3049964285715 | Take profit: 2020.1600053571428 +2025-03-10 16:15:49,460 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$0.00 +2025-03-10 16:15:49,460 - INFO - Episode 31: Reward=14.10, Balance=$105.56, Win Rate=100.0%, Trades=2, Episode PnL=$5.56, Total PnL=$333.14, Max Drawdown=0.0%, Pred Accuracy=98.6% +2025-03-10 16:15:49,465 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:15:49,465 - INFO - Refreshing data for episode 32 +2025-03-10 16:15:49,466 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:49,789 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:49,798 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:49,817 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1323964285716 | Take profit: 2088.597805357143 +2025-03-10 16:15:49,935 - INFO - CLOSED short at 2116.52 | PnL: 0.19% | $0.17 +2025-03-10 16:15:49,935 - INFO - OPENED LONG at 2116.52 | Stop loss: 2105.8874035714284 | Take profit: 2148.342794642857 +2025-03-10 16:15:49,968 - INFO - CLOSED long at 2119.02 | PnL: 0.12% | $0.04 +2025-03-10 16:15:49,968 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6650964285714 | Take profit: 2087.1597053571427 +2025-03-10 16:15:50,473 - INFO - CLOSED short at 2115.07 | PnL: 0.19% | $0.17 +2025-03-10 16:15:50,497 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.781196428571 | Take profit: 2066.6914053571427 +2025-03-10 16:15:50,874 - INFO - CLOSED short at 2098.66 | PnL: -0.02% | $-0.24 +2025-03-10 16:15:50,896 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.0929464285714 | Take profit: 2059.1561553571432 +2025-03-10 16:15:51,010 - INFO - CLOSED short at 2084.75 | PnL: 0.28% | $0.35 +2025-03-10 16:15:51,011 - INFO - OPENED LONG at 2084.75 | Stop loss: 2074.2762535714287 | Take profit: 2116.096244642857 +2025-03-10 16:15:51,041 - INFO - CLOSED long at 2081.0 | PnL: -0.18% | $-0.55 +2025-03-10 16:15:51,041 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.4549964285716 | Take profit: 2049.710005357143 +2025-03-10 16:15:51,203 - INFO - TAKE PROFIT hit for short at 2049.710005357143 | PnL: 1.50% | $2.74 +2025-03-10 16:15:51,229 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3049964285715 | Take profit: 2020.1600053571428 +2025-03-10 16:15:51,491 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$0.69, Avg Loss=$-0.39 +2025-03-10 16:15:51,492 - INFO - Episode 32: Reward=14.61, Balance=$102.68, Win Rate=71.4%, Trades=7, Episode PnL=$3.19, Total PnL=$335.82, Max Drawdown=0.2%, Pred Accuracy=98.6% +2025-03-10 16:15:51,492 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:15:51,492 - INFO - Refreshing data for episode 33 +2025-03-10 16:15:51,494 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:51,843 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:51,852 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:51,880 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1323964285716 | Take profit: 2088.597805357143 +2025-03-10 16:15:52,532 - INFO - CLOSED short at 2114.5 | PnL: 0.28% | $0.36 +2025-03-10 16:15:52,532 - INFO - OPENED LONG at 2114.5 | Stop loss: 2103.8775035714284 | Take profit: 2146.292494642857 +2025-03-10 16:15:52,560 - INFO - CLOSED long at 2115.07 | PnL: 0.03% | $-0.14 +2025-03-10 16:15:52,561 - INFO - OPENED SHORT at 2115.07 | Stop loss: 2125.6953464285716 | Take profit: 2083.268955357143 +2025-03-10 16:15:53,167 - INFO - CLOSED short at 2098.66 | PnL: 0.78% | $1.32 +2025-03-10 16:15:53,191 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.0929464285714 | Take profit: 2059.1561553571432 +2025-03-10 16:15:53,303 - INFO - CLOSED short at 2084.75 | PnL: 0.28% | $0.36 +2025-03-10 16:15:53,330 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.4549964285716 | Take profit: 2049.710005357143 +2025-03-10 16:15:53,515 - INFO - TAKE PROFIT hit for short at 2049.710005357143 | PnL: 1.50% | $2.79 +2025-03-10 16:15:53,540 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3049964285715 | Take profit: 2020.1600053571428 +2025-03-10 16:15:53,815 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.21, Avg Loss=$-0.14 +2025-03-10 16:15:53,815 - INFO - Episode 33: Reward=16.47, Balance=$104.68, Win Rate=80.0%, Trades=5, Episode PnL=$4.83, Total PnL=$340.51, Max Drawdown=0.0%, Pred Accuracy=98.7% +2025-03-10 16:15:53,815 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:15:53,824 - INFO - Refreshing data for episode 34 +2025-03-10 16:15:53,824 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:54,165 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:54,177 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:54,206 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1323964285716 | Take profit: 2088.597805357143 +2025-03-10 16:15:55,222 - INFO - CLOSED short at 2098.66 | PnL: 1.03% | $1.82 +2025-03-10 16:15:55,252 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.0929464285714 | Take profit: 2059.1561553571432 +2025-03-10 16:15:55,547 - INFO - TAKE PROFIT hit for short at 2059.1561553571432 | PnL: 1.50% | $2.79 +2025-03-10 16:15:55,569 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3049964285715 | Take profit: 2020.1600053571428 +2025-03-10 16:15:55,825 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.30, Avg Loss=$0.00 +2025-03-10 16:15:55,826 - INFO - Episode 34: Reward=15.99, Balance=$104.61, Win Rate=100.0%, Trades=2, Episode PnL=$4.61, Total PnL=$345.12, Max Drawdown=0.0%, Pred Accuracy=98.7% +2025-03-10 16:15:55,826 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:15:55,826 - INFO - Refreshing data for episode 35 +2025-03-10 16:15:55,826 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:56,136 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:56,147 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:56,895 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1323964285716 | Take profit: 2088.597805357143 +2025-03-10 16:15:56,918 - INFO - CLOSED short at 2120.54 | PnL: -0.00% | $-0.20 +2025-03-10 16:15:56,939 - INFO - OPENED LONG at 2118.0 | Stop loss: 2107.3600035714285 | Take profit: 2149.8449946428573 +2025-03-10 16:15:56,965 - INFO - CLOSED long at 2121.8 | PnL: 0.18% | $0.15 +2025-03-10 16:15:56,965 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.458996428572 | Take profit: 2089.898005357143 +2025-03-10 16:15:57,153 - INFO - CLOSED short at 2120.26 | PnL: 0.07% | $-0.05 +2025-03-10 16:15:57,153 - INFO - OPENED LONG at 2120.26 | Stop loss: 2109.6087035714286 | Take profit: 2152.1388946428574 +2025-03-10 16:15:57,183 - INFO - CLOSED long at 2116.81 | PnL: -0.16% | $-0.51 +2025-03-10 16:15:57,184 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.4440464285713 | Take profit: 2084.982855357143 +2025-03-10 16:15:58,026 - INFO - TAKE PROFIT hit for short at 2084.982855357143 | PnL: 1.50% | $2.73 +2025-03-10 16:15:58,049 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0328964285713 | Take profit: 2049.296305357143 +2025-03-10 16:15:58,247 - INFO - CLOSED short at 2048.3 | PnL: 1.55% | $2.89 +2025-03-10 16:15:58,269 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3049964285715 | Take profit: 2020.1600053571428 +2025-03-10 16:15:58,512 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.93, Avg Loss=$-0.26 +2025-03-10 16:15:58,512 - INFO - Episode 35: Reward=12.97, Balance=$105.01, Win Rate=50.0%, Trades=6, Episode PnL=$5.37, Total PnL=$350.12, Max Drawdown=0.2%, Pred Accuracy=98.8% +2025-03-10 16:15:58,513 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:15:58,513 - INFO - Refreshing data for episode 36 +2025-03-10 16:15:58,514 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:15:58,832 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:15:58,842 - INFO - Initialized environment with 100 candles +2025-03-10 16:15:58,868 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1323964285716 | Take profit: 2088.597805357143 +2025-03-10 16:15:59,760 - INFO - CLOSED short at 2099.63 | PnL: 0.98% | $1.73 +2025-03-10 16:15:59,781 - INFO - OPENED SHORT at 2099.22 | Stop loss: 2109.766096428571 | Take profit: 2067.6567053571425 +2025-03-10 16:16:00,093 - INFO - CLOSED short at 2075.07 | PnL: 1.15% | $2.09 +2025-03-10 16:16:00,094 - INFO - OPENED LONG at 2075.07 | Stop loss: 2064.644653571429 | Take profit: 2106.2710446428573 +2025-03-10 16:16:00,120 - INFO - CLOSED long at 2067.71 | PnL: -0.35% | $-0.92 +2025-03-10 16:16:00,121 - INFO - OPENED SHORT at 2067.71 | Stop loss: 2078.0985464285714 | Take profit: 2036.619355357143 +2025-03-10 16:16:00,425 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.91, Avg Loss=$-0.92 +2025-03-10 16:16:00,426 - INFO - Episode 36: Reward=16.02, Balance=$102.89, Win Rate=66.7%, Trades=3, Episode PnL=$3.81, Total PnL=$353.02, Max Drawdown=0.0%, Pred Accuracy=98.9% +2025-03-10 16:16:00,426 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:16:00,427 - INFO - Refreshing data for episode 37 +2025-03-10 16:16:00,427 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:00,779 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:16:00,791 - INFO - Initialized environment with 100 candles +2025-03-10 16:16:00,817 - INFO - OPENED SHORT at 2120.48 | Stop loss: 2131.1323964285716 | Take profit: 2088.597805357143 +2025-03-10 16:16:01,174 - INFO - CLOSED short at 2115.52 | PnL: 0.23% | $0.26 +2025-03-10 16:16:01,212 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.3737464285714 | Take profit: 2082.9537553571427 +2025-03-10 16:16:01,300 - INFO - CLOSED short at 2115.11 | PnL: -0.02% | $-0.23 +2025-03-10 16:16:01,328 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.9415964285713 | Take profit: 2082.530205357143 +2025-03-10 16:16:01,947 - INFO - TAKE PROFIT hit for short at 2082.530205357143 | PnL: 1.50% | $2.74 +2025-03-10 16:16:01,976 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2237464285713 | Take profit: 2053.403755357143 +2025-03-10 16:16:02,088 - INFO - CLOSED short at 2084.11 | PnL: 0.03% | $-0.14 +2025-03-10 16:16:02,114 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.5353464285718 | Take profit: 2051.748955357143 +2025-03-10 16:16:02,190 - INFO - TAKE PROFIT hit for short at 2051.748955357143 | PnL: 1.50% | $2.81 +2025-03-10 16:16:02,215 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3049964285715 | Take profit: 2020.1600053571428 +2025-03-10 16:16:02,259 - INFO - CLOSED short at 2052.89 | PnL: -0.09% | $-0.40 +2025-03-10 16:16:02,290 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.5360964285715 | Take profit: 2022.3467053571426 +2025-03-10 16:16:02,476 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.94, Avg Loss=$-0.25 +2025-03-10 16:16:02,478 - INFO - Episode 37: Reward=11.09, Balance=$105.05, Win Rate=50.0%, Trades=6, Episode PnL=$5.05, Total PnL=$358.07, Max Drawdown=0.4%, Pred Accuracy=99.0% +2025-03-10 16:16:02,478 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:16:02,479 - INFO - Refreshing data for episode 38 +2025-03-10 16:16:02,479 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:02,796 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:16:02,807 - INFO - Initialized environment with 100 candles +2025-03-10 16:16:02,837 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.1892857142857 | Take profit: 2088.6620214285713 +2025-03-10 16:16:03,926 - INFO - TAKE PROFIT hit for short at 2088.6620214285713 | PnL: 1.50% | $2.75 +2025-03-10 16:16:03,958 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.029485714286 | Take profit: 2049.3014214285713 +2025-03-10 16:16:04,159 - INFO - TAKE PROFIT hit for short at 2049.3014214285713 | PnL: 1.50% | $2.82 +2025-03-10 16:16:04,183 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3015857142855 | Take profit: 2020.1651214285714 +2025-03-10 16:16:04,511 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$0.00 +2025-03-10 16:16:04,512 - INFO - Episode 38: Reward=14.09, Balance=$105.57, Win Rate=100.0%, Trades=2, Episode PnL=$5.57, Total PnL=$363.64, Max Drawdown=0.0%, Pred Accuracy=98.9% +2025-03-10 16:16:04,512 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:16:04,514 - INFO - Refreshing data for episode 39 +2025-03-10 16:16:04,514 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:04,825 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:16:04,830 - INFO - Initialized environment with 100 candles +2025-03-10 16:16:04,865 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.1892892857145 | Take profit: 2088.6620160714283 +2025-03-10 16:16:05,962 - INFO - TAKE PROFIT hit for short at 2088.6620160714283 | PnL: 1.50% | $2.75 +2025-03-10 16:16:05,984 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.029489285714 | Take profit: 2049.3014160714283 +2025-03-10 16:16:06,198 - INFO - TAKE PROFIT hit for short at 2049.3014160714283 | PnL: 1.50% | $2.82 +2025-03-10 16:16:06,225 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3015892857143 | Take profit: 2020.1651160714287 +2025-03-10 16:16:06,250 - INFO - CLOSED short at 2043.51 | PnL: 0.37% | $0.55 +2025-03-10 16:16:06,250 - INFO - OPENED LONG at 2043.51 | Stop loss: 2033.2458607142858 | Take profit: 2074.2325339285717 +2025-03-10 16:16:06,277 - INFO - CLOSED long at 2052.89 | PnL: 0.46% | $0.74 +2025-03-10 16:16:06,277 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.201039285714 | Take profit: 2022.0267660714285 +2025-03-10 16:16:06,508 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.71, Avg Loss=$0.00 +2025-03-10 16:16:06,509 - INFO - Episode 39: Reward=16.50, Balance=$106.86, Win Rate=100.0%, Trades=4, Episode PnL=$6.11, Total PnL=$370.50, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 16:16:06,509 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:16:06,509 - INFO - Refreshing data for episode 40 +2025-03-10 16:16:06,511 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:06,835 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:16:06,847 - INFO - Initialized environment with 100 candles +2025-03-10 16:16:07,619 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.189292857143 | Take profit: 2088.6620107142858 +2025-03-10 16:16:08,747 - INFO - TAKE PROFIT hit for short at 2088.6620107142858 | PnL: 1.50% | $2.75 +2025-03-10 16:16:08,771 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.029492857143 | Take profit: 2049.301410714286 +2025-03-10 16:16:08,978 - INFO - TAKE PROFIT hit for short at 2049.301410714286 | PnL: 1.50% | $2.82 +2025-03-10 16:16:09,003 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3015928571426 | Take profit: 2020.1651107142857 +2025-03-10 16:16:09,310 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$0.00 +2025-03-10 16:16:09,312 - INFO - Episode 40: Reward=14.07, Balance=$105.57, Win Rate=100.0%, Trades=2, Episode PnL=$5.57, Total PnL=$376.06, Max Drawdown=0.0%, Pred Accuracy=99.1% +2025-03-10 16:16:09,463 - INFO - Model saved to checkpoints/trading_agent_episode_40.pt +2025-03-10 16:16:09,463 - INFO - Checkpoint saved at episode 40 +2025-03-10 16:16:09,463 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:16:10,745 - INFO - Visualization saved for episode 40 +2025-03-10 16:16:12,580 - INFO - Visualization saved for episode 40 +2025-03-10 16:16:12,598 - INFO - Refreshing data for episode 41 +2025-03-10 16:16:12,598 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:12,895 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:16:12,904 - INFO - Initialized environment with 100 candles +2025-03-10 16:16:12,994 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.190178571429 | Take profit: 2088.6606821428572 +2025-03-10 16:16:13,630 - INFO - CLOSED short at 2115.07 | PnL: 0.26% | $0.31 +2025-03-10 16:16:13,631 - INFO - OPENED LONG at 2115.07 | Stop loss: 2104.4471714285714 | Take profit: 2146.867267857143 +2025-03-10 16:16:13,664 - INFO - CLOSED long at 2098.24 | PnL: -0.80% | $-1.76 +2025-03-10 16:16:13,665 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.7786785714284 | Take profit: 2066.695182142857 +2025-03-10 16:16:14,138 - INFO - CLOSED short at 2090.99 | PnL: 0.35% | $0.47 +2025-03-10 16:16:14,138 - INFO - OPENED LONG at 2090.99 | Stop loss: 2080.4875714285713 | Take profit: 2122.4260678571427 +2025-03-10 16:16:14,161 - INFO - CLOSED long at 2084.95 | PnL: -0.29% | $-0.75 +2025-03-10 16:16:14,161 - INFO - OPENED SHORT at 2084.95 | Stop loss: 2095.422228571428 | Take profit: 2053.604532142857 +2025-03-10 16:16:14,405 - INFO - TAKE PROFIT hit for short at 2053.604532142857 | PnL: 1.50% | $2.70 +2025-03-10 16:16:14,436 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3024785714288 | Take profit: 2020.1637821428571 +2025-03-10 16:16:14,723 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.16, Avg Loss=$-1.26 +2025-03-10 16:16:14,724 - INFO - Episode 41: Reward=11.14, Balance=$100.97, Win Rate=60.0%, Trades=5, Episode PnL=$3.48, Total PnL=$377.03, Max Drawdown=0.0%, Pred Accuracy=99.2% +2025-03-10 16:16:14,724 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:16:14,724 - INFO - Refreshing data for episode 42 +2025-03-10 16:16:14,725 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:15,053 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:16:15,064 - INFO - Initialized environment with 100 candles +2025-03-10 16:16:15,102 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.190178571429 | Take profit: 2088.6606821428572 +2025-03-10 16:16:15,177 - INFO - CLOSED short at 2121.42 | PnL: -0.04% | $-0.28 +2025-03-10 16:16:15,200 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1500785714284 | Take profit: 2084.700982142857 +2025-03-10 16:16:15,319 - INFO - STOP LOSS hit for short at 2127.1500785714284 | PnL: -0.50% | $-1.17 +2025-03-10 16:16:15,348 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4413285714286 | Take profit: 2092.827232142857 +2025-03-10 16:16:15,932 - INFO - TAKE PROFIT hit for short at 2092.827232142857 | PnL: 1.50% | $2.71 +2025-03-10 16:16:16,021 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.8892785714283 | Take profit: 2064.8433821428575 +2025-03-10 16:16:16,912 - INFO - TAKE PROFIT hit for short at 2064.8433821428575 | PnL: 1.50% | $2.78 +2025-03-10 16:16:16,945 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3024785714288 | Take profit: 2020.1637821428571 +2025-03-10 16:16:17,313 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.74, Avg Loss=$-0.73 +2025-03-10 16:16:17,313 - INFO - Episode 42: Reward=12.60, Balance=$104.03, Win Rate=50.0%, Trades=4, Episode PnL=$4.03, Total PnL=$381.06, Max Drawdown=1.5%, Pred Accuracy=99.2% +2025-03-10 16:16:17,313 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:16:17,313 - INFO - Refreshing data for episode 43 +2025-03-10 16:16:17,313 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:17,639 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:16:17,648 - INFO - Initialized environment with 100 candles +2025-03-10 16:16:17,686 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.190178571429 | Take profit: 2088.6606821428572 +2025-03-10 16:16:18,962 - INFO - TAKE PROFIT hit for short at 2088.6606821428572 | PnL: 1.50% | $2.75 +2025-03-10 16:16:18,988 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0303785714286 | Take profit: 2049.3000821428573 +2025-03-10 16:16:19,207 - INFO - CLOSED short at 2084.11 | PnL: -0.17% | $-0.54 +2025-03-10 16:16:19,207 - INFO - OPENED LONG at 2084.11 | Stop loss: 2073.6419714285717 | Take profit: 2115.442867857143 +2025-03-10 16:16:19,239 - INFO - CLOSED long at 2083.07 | PnL: -0.05% | $-0.30 +2025-03-10 16:16:19,239 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.5328285714286 | Take profit: 2051.7527321428574 +2025-03-10 16:16:19,311 - INFO - TAKE PROFIT hit for short at 2051.7527321428574 | PnL: 1.50% | $2.80 +2025-03-10 16:16:19,339 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3024785714288 | Take profit: 2020.1637821428571 +2025-03-10 16:16:19,710 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.77, Avg Loss=$-0.42 +2025-03-10 16:16:19,711 - INFO - Episode 43: Reward=10.64, Balance=$104.70, Win Rate=50.0%, Trades=4, Episode PnL=$5.00, Total PnL=$385.76, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 16:16:19,711 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:16:19,711 - INFO - Refreshing data for episode 44 +2025-03-10 16:16:19,712 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:20,025 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:16:20,035 - INFO - Initialized environment with 100 candles +2025-03-10 16:16:20,071 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.190178571429 | Take profit: 2088.6606821428572 +2025-03-10 16:16:20,416 - INFO - CLOSED short at 2116.81 | PnL: 0.18% | $0.15 +2025-03-10 16:16:20,440 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.4013785714287 | Take profit: 2082.987082142857 +2025-03-10 16:16:21,386 - INFO - TAKE PROFIT hit for short at 2082.987082142857 | PnL: 1.50% | $2.75 +2025-03-10 16:16:21,408 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2212285714286 | Take profit: 2053.4075321428572 +2025-03-10 16:16:21,688 - INFO - TAKE PROFIT hit for short at 2053.4075321428572 | PnL: 1.50% | $2.82 +2025-03-10 16:16:21,711 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3024785714288 | Take profit: 2020.1637821428571 +2025-03-10 16:16:22,060 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.91, Avg Loss=$0.00 +2025-03-10 16:16:22,061 - INFO - Episode 44: Reward=14.97, Balance=$105.72, Win Rate=100.0%, Trades=3, Episode PnL=$5.72, Total PnL=$391.49, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 16:16:22,061 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:16:22,062 - INFO - Refreshing data for episode 45 +2025-03-10 16:16:22,062 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:22,378 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:16:22,388 - INFO - Initialized environment with 100 candles +2025-03-10 16:16:23,158 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.190178571429 | Take profit: 2088.6606821428572 +2025-03-10 16:16:24,475 - INFO - TAKE PROFIT hit for short at 2088.6606821428572 | PnL: 1.50% | $2.75 +2025-03-10 16:16:24,495 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0303785714286 | Take profit: 2049.3000821428573 +2025-03-10 16:16:24,570 - INFO - CLOSED short at 2084.25 | PnL: -0.18% | $-0.56 +2025-03-10 16:16:24,594 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8443285714284 | Take profit: 2054.018232142857 +2025-03-10 16:16:24,782 - INFO - TAKE PROFIT hit for short at 2054.018232142857 | PnL: 1.50% | $2.80 +2025-03-10 16:16:24,817 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3024785714288 | Take profit: 2020.1637821428571 +2025-03-10 16:16:25,064 - INFO - CLOSED short at 2044.1 | PnL: 0.34% | $0.49 +2025-03-10 16:16:25,114 - INFO - OPENED SHORT at 2043.59 | Stop loss: 2053.8554285714285 | Take profit: 2012.864932142857 +2025-03-10 16:16:25,210 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.01, Avg Loss=$-0.56 +2025-03-10 16:16:25,211 - INFO - Episode 45: Reward=13.55, Balance=$105.48, Win Rate=75.0%, Trades=4, Episode PnL=$5.48, Total PnL=$396.97, Max Drawdown=0.5%, Pred Accuracy=99.3% +2025-03-10 16:16:25,211 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:16:25,212 - INFO - Refreshing data for episode 46 +2025-03-10 16:16:25,212 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:25,530 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:16:25,539 - INFO - Initialized environment with 100 candles +2025-03-10 16:16:25,577 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.190178571429 | Take profit: 2088.6606821428572 +2025-03-10 16:16:26,943 - INFO - TAKE PROFIT hit for short at 2088.6606821428572 | PnL: 1.50% | $2.75 +2025-03-10 16:16:26,971 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0303785714286 | Take profit: 2049.3000821428573 +2025-03-10 16:16:27,293 - INFO - TAKE PROFIT hit for short at 2049.3000821428573 | PnL: 1.50% | $2.82 +2025-03-10 16:16:27,318 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3024785714288 | Take profit: 2020.1637821428571 +2025-03-10 16:16:27,363 - INFO - CLOSED short at 2052.89 | PnL: -0.09% | $-0.40 +2025-03-10 16:16:27,389 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.5335785714287 | Take profit: 2022.3504821428571 +2025-03-10 16:16:27,686 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$-0.40 +2025-03-10 16:16:27,686 - INFO - Episode 46: Reward=12.60, Balance=$105.17, Win Rate=66.7%, Trades=3, Episode PnL=$5.17, Total PnL=$402.13, Max Drawdown=0.4%, Pred Accuracy=99.4% +2025-03-10 16:16:27,687 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:16:27,687 - INFO - Refreshing data for episode 47 +2025-03-10 16:16:27,687 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:27,991 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:16:28,001 - INFO - Initialized environment with 100 candles +2025-03-10 16:16:28,039 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.1912464285715 | Take profit: 2088.659080357143 +2025-03-10 16:16:29,360 - INFO - TAKE PROFIT hit for short at 2088.659080357143 | PnL: 1.50% | $2.74 +2025-03-10 16:16:29,378 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0314464285716 | Take profit: 2049.2984803571426 +2025-03-10 16:16:29,700 - INFO - TAKE PROFIT hit for short at 2049.2984803571426 | PnL: 1.50% | $2.82 +2025-03-10 16:16:29,726 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3035464285713 | Take profit: 2020.162180357143 +2025-03-10 16:16:30,095 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$0.00 +2025-03-10 16:16:30,096 - INFO - Episode 47: Reward=14.07, Balance=$105.56, Win Rate=100.0%, Trades=2, Episode PnL=$5.56, Total PnL=$407.70, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 16:16:30,096 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:16:30,097 - INFO - Refreshing data for episode 48 +2025-03-10 16:16:30,097 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:30,435 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:16:30,446 - INFO - Initialized environment with 100 candles +2025-03-10 16:16:30,487 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.191603571429 | Take profit: 2088.658544642857 +2025-03-10 16:16:31,127 - INFO - CLOSED short at 2115.07 | PnL: 0.26% | $0.31 +2025-03-10 16:16:31,127 - INFO - OPENED LONG at 2115.07 | Stop loss: 2104.4457464285715 | Take profit: 2146.869405357143 +2025-03-10 16:16:31,152 - INFO - CLOSED long at 2098.24 | PnL: -0.80% | $-1.76 +2025-03-10 16:16:31,152 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.7801035714283 | Take profit: 2066.693044642857 +2025-03-10 16:16:31,395 - INFO - CLOSED short at 2096.19 | PnL: 0.10% | $-0.00 +2025-03-10 16:16:31,424 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.5489035714286 | Take profit: 2068.426644642857 +2025-03-10 16:16:32,037 - INFO - TAKE PROFIT hit for short at 2068.426644642857 | PnL: 1.50% | $2.70 +2025-03-10 16:16:32,086 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.590403571429 | Take profit: 2017.5021446428575 +2025-03-10 16:16:32,453 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.51, Avg Loss=$-0.88 +2025-03-10 16:16:32,454 - INFO - Episode 48: Reward=10.90, Balance=$101.25, Win Rate=50.0%, Trades=4, Episode PnL=$3.01, Total PnL=$408.95, Max Drawdown=1.5%, Pred Accuracy=99.4% +2025-03-10 16:16:32,454 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:16:32,455 - INFO - Refreshing data for episode 49 +2025-03-10 16:16:32,455 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:32,788 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:16:32,800 - INFO - Initialized environment with 100 candles +2025-03-10 16:16:32,948 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.191603571429 | Take profit: 2088.658544642857 +2025-03-10 16:16:34,363 - INFO - TAKE PROFIT hit for short at 2088.658544642857 | PnL: 1.50% | $2.74 +2025-03-10 16:16:34,386 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0318035714286 | Take profit: 2049.297944642857 +2025-03-10 16:16:34,697 - INFO - CLOSED short at 2048.3 | PnL: 1.55% | $2.91 +2025-03-10 16:16:34,727 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3039035714287 | Take profit: 2020.1616446428573 +2025-03-10 16:16:35,141 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.83, Avg Loss=$0.00 +2025-03-10 16:16:35,142 - INFO - Episode 49: Reward=16.65, Balance=$105.66, Win Rate=100.0%, Trades=2, Episode PnL=$5.66, Total PnL=$414.61, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 16:16:35,142 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:16:35,143 - INFO - Early stopping triggered after 50 episodes without improvement +2025-03-10 16:16:35,291 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 16:16:36,316 - INFO - Training results saved to training_results.png +2025-03-10 16:16:36,470 - INFO - Model saved to models/trading_agent_continuous_50.pt +2025-03-10 16:16:41,485 - INFO - Starting training batch 3 +2025-03-10 16:16:41,486 - INFO - Refreshing data for new training batch +2025-03-10 16:16:41,486 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:41,849 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 16:16:41,854 - INFO - Initialized environment with 500 candles +2025-03-10 16:16:41,854 - INFO - Updated environment with fresh candles +2025-03-10 16:16:41,860 - INFO - Starting training on device: cuda +2025-03-10 16:16:41,860 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 16:16:41,860 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 16:16:42,055 - INFO - Model loaded successfully with weights_only=True +2025-03-10 16:16:42,062 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $7.30, Win Rate: 66.7% +2025-03-10 16:16:42,067 - INFO - Refreshing data for episode 0 +2025-03-10 16:16:42,067 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:42,374 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:16:42,384 - INFO - Initialized environment with 100 candles +2025-03-10 16:16:43,194 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.639667857143 | Take profit: 2086.1554982142857 +2025-03-10 16:16:43,759 - INFO - CLOSED short at 2115.07 | PnL: 0.14% | $0.07 +2025-03-10 16:16:43,787 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.7808678571423 | Take profit: 2066.6918982142856 +2025-03-10 16:16:44,396 - INFO - CLOSED short at 2085.37 | PnL: 0.61% | $1.00 +2025-03-10 16:16:44,420 - INFO - OPENED SHORT at 2084.11 | Stop loss: 2094.580217857143 | Take profit: 2052.773848214286 +2025-03-10 16:16:44,523 - INFO - TAKE PROFIT hit for short at 2052.773848214286 | PnL: 1.50% | $2.77 +2025-03-10 16:16:44,552 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3046678571427 | Take profit: 2020.1604982142856 +2025-03-10 16:16:44,834 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.28, Avg Loss=$0.00 +2025-03-10 16:16:44,834 - INFO - Episode 0: Reward=29.97, Balance=$103.85, Win Rate=100.0%, Trades=3, Episode PnL=$3.85, Total PnL=$418.46, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 16:16:44,974 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 16:16:44,976 - INFO - Checkpoint saved at episode 0 +2025-03-10 16:16:46,370 - INFO - Visualization saved for episode 0 +2025-03-10 16:16:48,207 - INFO - Visualization saved for episode 0 +2025-03-10 16:16:48,226 - INFO - Refreshing data for episode 1 +2025-03-10 16:16:48,227 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:48,542 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:16:48,554 - INFO - Initialized environment with 100 candles +2025-03-10 16:16:48,853 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.193389285714 | Take profit: 2088.6558660714286 +2025-03-10 16:16:48,970 - INFO - CLOSED short at 2119.02 | PnL: 0.07% | $-0.06 +2025-03-10 16:16:49,001 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6154892857144 | Take profit: 2089.0695660714287 +2025-03-10 16:16:49,846 - INFO - TAKE PROFIT hit for short at 2089.0695660714287 | PnL: 1.50% | $2.74 +2025-03-10 16:16:49,875 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3398892857144 | Take profit: 2058.4163660714285 +2025-03-10 16:16:49,951 - INFO - STOP LOSS hit for short at 2100.3398892857144 | PnL: -0.50% | $-1.21 +2025-03-10 16:16:49,974 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.977739285714 | Take profit: 2071.7828160714284 +2025-03-10 16:16:50,588 - INFO - CLOSED short at 2083.07 | PnL: 0.97% | $1.72 +2025-03-10 16:16:50,588 - INFO - OPENED LONG at 2083.07 | Stop loss: 2072.6039607142857 | Take profit: 2114.3920839285715 +2025-03-10 16:16:50,625 - INFO - CLOSED long at 2075.07 | PnL: -0.38% | $-0.98 +2025-03-10 16:16:50,625 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.4960392857142 | Take profit: 2043.8679160714287 +2025-03-10 16:16:50,721 - INFO - TAKE PROFIT hit for short at 2043.8679160714287 | PnL: 1.50% | $2.80 +2025-03-10 16:16:50,747 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.2051392857143 | Take profit: 2022.0206160714283 +2025-03-10 16:16:51,084 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.42, Avg Loss=$-0.75 +2025-03-10 16:16:51,085 - INFO - Episode 1: Reward=12.89, Balance=$105.02, Win Rate=50.0%, Trades=6, Episode PnL=$6.00, Total PnL=$423.48, Max Drawdown=1.2%, Pred Accuracy=99.7% +2025-03-10 16:16:51,086 - INFO - Refreshing data for episode 2 +2025-03-10 16:16:51,086 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:51,380 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:16:51,390 - INFO - Initialized environment with 100 candles +2025-03-10 16:16:51,424 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.193389285714 | Take profit: 2088.6558660714286 +2025-03-10 16:16:52,258 - INFO - CLOSED short at 2098.24 | PnL: 1.05% | $1.86 +2025-03-10 16:16:52,259 - INFO - OPENED LONG at 2098.24 | Stop loss: 2087.6981107142856 | Take profit: 2129.789633928571 +2025-03-10 16:16:52,287 - INFO - CLOSED long at 2098.28 | PnL: 0.00% | $-0.20 +2025-03-10 16:16:52,287 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.8220892857144 | Take profit: 2066.729766071429 +2025-03-10 16:16:53,118 - INFO - CLOSED short at 2084.25 | PnL: 0.67% | $1.13 +2025-03-10 16:16:53,119 - INFO - OPENED LONG at 2084.25 | Stop loss: 2073.778060714286 | Take profit: 2115.5897839285717 +2025-03-10 16:16:53,152 - INFO - CLOSED long at 2085.37 | PnL: 0.05% | $-0.09 +2025-03-10 16:16:53,152 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8475392857144 | Take profit: 2054.0134160714283 +2025-03-10 16:16:53,408 - INFO - TAKE PROFIT hit for short at 2054.0134160714283 | PnL: 1.50% | $2.81 +2025-03-10 16:16:53,443 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305689285714 | Take profit: 2020.1589660714285 +2025-03-10 16:16:53,865 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.93, Avg Loss=$-0.14 +2025-03-10 16:16:53,865 - INFO - Episode 2: Reward=15.07, Balance=$105.51, Win Rate=60.0%, Trades=5, Episode PnL=$5.80, Total PnL=$428.99, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 16:16:53,866 - INFO - Refreshing data for episode 3 +2025-03-10 16:16:53,866 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:54,174 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:16:54,187 - INFO - Initialized environment with 100 candles +2025-03-10 16:16:54,227 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.193389285714 | Take profit: 2088.6558660714286 +2025-03-10 16:16:54,389 - INFO - CLOSED short at 2120.96 | PnL: -0.02% | $-0.23 +2025-03-10 16:16:54,445 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.5751892857147 | Take profit: 2092.9504660714288 +2025-03-10 16:16:55,053 - INFO - CLOSED short at 2115.07 | PnL: 0.46% | $0.71 +2025-03-10 16:16:55,053 - INFO - OPENED LONG at 2115.07 | Stop loss: 2104.443960714286 | Take profit: 2146.872083928572 +2025-03-10 16:16:55,080 - INFO - CLOSED long at 2098.24 | PnL: -0.80% | $-1.76 +2025-03-10 16:16:55,080 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.781889285714 | Take profit: 2066.6903660714283 +2025-03-10 16:16:55,105 - INFO - CLOSED short at 2098.28 | PnL: -0.00% | $-0.20 +2025-03-10 16:16:55,105 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.737910714286 | Take profit: 2129.8302339285715 +2025-03-10 16:16:55,133 - INFO - CLOSED long at 2091.36 | PnL: -0.33% | $-0.83 +2025-03-10 16:16:55,133 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.8674892857143 | Take profit: 2059.9135660714287 +2025-03-10 16:16:55,229 - INFO - CLOSED short at 2089.04 | PnL: 0.11% | $0.02 +2025-03-10 16:16:55,283 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3398892857144 | Take profit: 2058.4163660714285 +2025-03-10 16:16:55,435 - INFO - STOP LOSS hit for short at 2100.3398892857144 | PnL: -0.50% | $-1.15 +2025-03-10 16:16:55,467 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.977739285714 | Take profit: 2071.7828160714284 +2025-03-10 16:16:55,821 - INFO - CLOSED short at 2084.95 | PnL: 0.88% | $1.47 +2025-03-10 16:16:55,849 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0335892857142 | Take profit: 2049.2952660714286 +2025-03-10 16:16:56,116 - INFO - TAKE PROFIT hit for short at 2049.2952660714286 | PnL: 1.50% | $2.69 +2025-03-10 16:16:56,148 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305689285714 | Take profit: 2020.1589660714285 +2025-03-10 16:16:56,484 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.22, Avg Loss=$-0.83 +2025-03-10 16:16:56,486 - INFO - Episode 3: Reward=10.26, Balance=$100.72, Win Rate=44.4%, Trades=9, Episode PnL=$3.30, Total PnL=$429.71, Max Drawdown=3.4%, Pred Accuracy=99.8% +2025-03-10 16:16:56,486 - INFO - Refreshing data for episode 4 +2025-03-10 16:16:56,486 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:56,781 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:16:56,795 - INFO - Initialized environment with 100 candles +2025-03-10 16:16:56,831 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.193389285714 | Take profit: 2088.6558660714286 +2025-03-10 16:16:56,935 - INFO - CLOSED short at 2116.52 | PnL: 0.19% | $0.17 +2025-03-10 16:16:56,961 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6657892857143 | Take profit: 2087.158666071429 +2025-03-10 16:16:57,244 - INFO - CLOSED short at 2114.1 | PnL: 0.23% | $0.26 +2025-03-10 16:16:57,245 - INFO - OPENED LONG at 2114.1 | Stop loss: 2103.478810714286 | Take profit: 2145.8875339285714 +2025-03-10 16:16:57,269 - INFO - CLOSED long at 2115.11 | PnL: 0.05% | $-0.10 +2025-03-10 16:16:57,269 - INFO - OPENED SHORT at 2115.11 | Stop loss: 2125.7362392857144 | Take profit: 2083.307316071429 +2025-03-10 16:16:57,469 - INFO - CLOSED short at 2098.28 | PnL: 0.80% | $1.36 +2025-03-10 16:16:57,470 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.737910714286 | Take profit: 2129.8302339285715 +2025-03-10 16:16:57,502 - INFO - CLOSED long at 2091.36 | PnL: -0.33% | $-0.85 +2025-03-10 16:16:57,503 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.8674892857143 | Take profit: 2059.9135660714287 +2025-03-10 16:16:57,668 - INFO - STOP LOSS hit for short at 2101.8674892857143 | PnL: -0.50% | $-1.19 +2025-03-10 16:16:57,695 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.977739285714 | Take profit: 2071.7828160714284 +2025-03-10 16:16:58,074 - INFO - CLOSED short at 2084.25 | PnL: 0.91% | $1.58 +2025-03-10 16:16:58,074 - INFO - OPENED LONG at 2084.25 | Stop loss: 2073.778060714286 | Take profit: 2115.5897839285717 +2025-03-10 16:16:58,097 - INFO - CLOSED long at 2085.37 | PnL: 0.05% | $-0.09 +2025-03-10 16:16:58,098 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8475392857144 | Take profit: 2054.0134160714283 +2025-03-10 16:16:58,225 - INFO - TAKE PROFIT hit for short at 2054.0134160714283 | PnL: 1.50% | $2.77 +2025-03-10 16:16:58,248 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305689285714 | Take profit: 2020.1589660714285 +2025-03-10 16:16:58,545 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 80.0% in downtrends | Avg Win=$1.23, Avg Loss=$-0.56 +2025-03-10 16:16:58,546 - INFO - Episode 4: Reward=28.92, Balance=$103.91, Win Rate=55.6%, Trades=9, Episode PnL=$4.96, Total PnL=$433.62, Max Drawdown=0.5%, Pred Accuracy=99.8% +2025-03-10 16:16:58,547 - INFO - Refreshing data for episode 5 +2025-03-10 16:16:58,547 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:16:58,864 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:16:58,878 - INFO - Initialized environment with 100 candles +2025-03-10 16:16:59,640 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.193389285714 | Take profit: 2088.6558660714286 +2025-03-10 16:17:00,211 - INFO - CLOSED short at 2116.06 | PnL: 0.21% | $0.22 +2025-03-10 16:17:00,255 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.8367392857144 | Take profit: 2083.4058160714285 +2025-03-10 16:17:00,674 - INFO - CLOSED short at 2089.04 | PnL: 1.24% | $2.23 +2025-03-10 16:17:00,731 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3398892857144 | Take profit: 2058.4163660714285 +2025-03-10 16:17:00,835 - INFO - STOP LOSS hit for short at 2100.3398892857144 | PnL: -0.50% | $-1.21 +2025-03-10 16:17:00,862 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.977739285714 | Take profit: 2071.7828160714284 +2025-03-10 16:17:01,369 - INFO - TAKE PROFIT hit for short at 2071.7828160714284 | PnL: 1.50% | $2.78 +2025-03-10 16:17:01,396 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5921892857145 | Take profit: 2017.4994660714287 +2025-03-10 16:17:01,761 - INFO - CLOSED short at 2042.0 | PnL: 0.31% | $0.42 +2025-03-10 16:17:01,782 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.41, Avg Loss=$-1.21 +2025-03-10 16:17:01,782 - INFO - Episode 5: Reward=18.40, Balance=$104.43, Win Rate=80.0%, Trades=5, Episode PnL=$4.43, Total PnL=$438.06, Max Drawdown=1.2%, Pred Accuracy=99.8% +2025-03-10 16:17:01,783 - INFO - Refreshing data for episode 6 +2025-03-10 16:17:01,783 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:17:02,116 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:17:02,127 - INFO - Initialized environment with 100 candles +2025-03-10 16:17:02,263 - INFO - OPENED SHORT at 2120.54 | Stop loss: 2131.193389285714 | Take profit: 2088.6558660714286 +2025-03-10 16:17:03,423 - INFO - CLOSED short at 2105.26 | PnL: 0.72% | $1.21 +2025-03-10 16:17:03,424 - INFO - OPENED LONG at 2105.26 | Stop loss: 2094.683010714286 | Take profit: 2136.914933928572 +2025-03-10 16:17:03,479 - INFO - CLOSED long at 2099.63 | PnL: -0.27% | $-0.73 +2025-03-10 16:17:03,479 - INFO - OPENED SHORT at 2099.63 | Stop loss: 2110.1788392857143 | Take profit: 2068.059516071429 +2025-03-10 16:17:03,981 - INFO - TAKE PROFIT hit for short at 2068.059516071429 | PnL: 1.50% | $2.75 +2025-03-10 16:17:04,036 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305689285714 | Take profit: 2020.1589660714285 +2025-03-10 16:17:04,100 - INFO - CLOSED short at 2053.22 | PnL: -0.11% | $-0.42 +2025-03-10 16:17:04,100 - INFO - OPENED LONG at 2053.22 | Stop loss: 2042.9032107142857 | Take profit: 2084.0943339285714 +2025-03-10 16:17:04,121 - INFO - CLOSED long at 2058.11 | PnL: 0.24% | $0.28 +2025-03-10 16:17:04,122 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.4512392857146 | Take profit: 2027.162316071429 +2025-03-10 16:17:04,344 - INFO - CLOSED short at 2042.0 | PnL: 0.78% | $1.37 +2025-03-10 16:17:04,385 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.40, Avg Loss=$-0.57 +2025-03-10 16:17:04,386 - INFO - Episode 6: Reward=28.09, Balance=$104.47, Win Rate=66.7%, Trades=6, Episode PnL=$4.92, Total PnL=$442.53, Max Drawdown=0.0%, Pred Accuracy=99.9% +2025-03-10 16:17:04,387 - INFO - Refreshing data for episode 7 +2025-03-10 16:17:04,387 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:17:04,712 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:17:04,724 - INFO - Initialized environment with 100 candles +2025-03-10 16:17:04,760 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.6301357142856 | Take profit: 2086.1697964285713 +2025-03-10 16:17:06,156 - INFO - TAKE PROFIT hit for short at 2086.1697964285713 | PnL: 1.50% | $2.75 +2025-03-10 16:17:06,179 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0230357142855 | Take profit: 2049.311096428571 +2025-03-10 16:17:06,500 - INFO - TAKE PROFIT hit for short at 2049.311096428571 | PnL: 1.50% | $2.83 +2025-03-10 16:17:06,524 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.2951357142856 | Take profit: 2020.1747964285714 +2025-03-10 16:17:06,857 - INFO - CLOSED short at 2043.59 | PnL: 0.36% | $0.54 +2025-03-10 16:17:06,880 - INFO - OPENED SHORT at 2042.0 | Stop loss: 2052.2501357142855 | Take profit: 2011.3097964285714 +2025-03-10 16:17:06,923 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.04, Avg Loss=$0.00 +2025-03-10 16:17:06,924 - INFO - Episode 7: Reward=15.31, Balance=$106.12, Win Rate=100.0%, Trades=3, Episode PnL=$6.12, Total PnL=$448.65, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 16:17:06,924 - INFO - Refreshing data for episode 8 +2025-03-10 16:17:06,924 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:17:07,243 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:17:07,254 - INFO - Initialized environment with 100 candles +2025-03-10 16:17:07,525 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.6308214285714 | Take profit: 2086.168767857143 +2025-03-10 16:17:08,197 - INFO - CLOSED short at 2089.84 | PnL: 1.33% | $2.41 +2025-03-10 16:17:08,224 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.7117714285714 | Take profit: 2064.685917857143 +2025-03-10 16:17:08,748 - INFO - TAKE PROFIT hit for short at 2064.685917857143 | PnL: 1.50% | $2.82 +2025-03-10 16:17:08,772 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.2958214285713 | Take profit: 2020.173767857143 +2025-03-10 16:17:09,081 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.62, Avg Loss=$0.00 +2025-03-10 16:17:09,082 - INFO - Episode 8: Reward=16.33, Balance=$105.23, Win Rate=100.0%, Trades=2, Episode PnL=$5.23, Total PnL=$453.88, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 16:17:09,082 - INFO - Refreshing data for episode 9 +2025-03-10 16:17:09,082 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:17:09,404 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:17:09,414 - INFO - Initialized environment with 100 candles +2025-03-10 16:17:09,456 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.6308214285714 | Take profit: 2086.168767857143 +2025-03-10 16:17:09,914 - INFO - CLOSED short at 2114.57 | PnL: 0.16% | $0.12 +2025-03-10 16:17:09,943 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.1736714285717 | Take profit: 2080.820217857143 +2025-03-10 16:17:10,603 - INFO - TAKE PROFIT hit for short at 2080.820217857143 | PnL: 1.50% | $2.76 +2025-03-10 16:17:10,675 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.214571428571 | Take profit: 2053.4175178571427 +2025-03-10 16:17:10,942 - INFO - TAKE PROFIT hit for short at 2053.4175178571427 | PnL: 1.50% | $2.83 +2025-03-10 16:17:10,969 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.2958214285713 | Take profit: 2020.173767857143 +2025-03-10 16:17:11,356 - INFO - CLOSED short at 2042.0 | PnL: 0.44% | $0.70 +2025-03-10 16:17:11,357 - INFO - OPENED LONG at 2042.0 | Stop loss: 2031.7491785714285 | Take profit: 2072.691232142857 +2025-03-10 16:17:11,407 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.60, Avg Loss=$0.00 +2025-03-10 16:17:11,408 - INFO - Episode 9: Reward=15.55, Balance=$106.41, Win Rate=100.0%, Trades=4, Episode PnL=$6.41, Total PnL=$460.29, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 16:17:11,410 - INFO - Refreshing data for episode 10 +2025-03-10 16:17:11,410 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:17:11,728 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:17:11,737 - INFO - Initialized environment with 100 candles +2025-03-10 16:17:12,671 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.630839285714 | Take profit: 2086.1687410714285 +2025-03-10 16:17:13,909 - INFO - CLOSED short at 2096.19 | PnL: 1.03% | $1.82 +2025-03-10 16:17:13,937 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.5408392857144 | Take profit: 2068.4387410714285 +2025-03-10 16:17:14,679 - INFO - TAKE PROFIT hit for short at 2068.4387410714285 | PnL: 1.50% | $2.80 +2025-03-10 16:17:14,711 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.582339285714 | Take profit: 2017.5142410714288 +2025-03-10 16:17:15,154 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.31, Avg Loss=$0.00 +2025-03-10 16:17:15,154 - INFO - Episode 10: Reward=15.93, Balance=$104.63, Win Rate=100.0%, Trades=2, Episode PnL=$4.63, Total PnL=$464.92, Max Drawdown=0.0%, Pred Accuracy=99.6% +2025-03-10 16:17:15,312 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 16:17:15,313 - INFO - Checkpoint saved at episode 10 +2025-03-10 16:17:16,340 - INFO - Visualization saved for episode 10 +2025-03-10 16:17:18,538 - INFO - Visualization saved for episode 10 +2025-03-10 16:17:18,554 - INFO - Refreshing data for episode 11 +2025-03-10 16:17:18,555 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:17:18,878 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:17:18,889 - INFO - Initialized environment with 100 candles +2025-03-10 16:17:19,231 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.630839285714 | Take profit: 2086.1687410714285 +2025-03-10 16:17:20,565 - INFO - TAKE PROFIT hit for short at 2086.1687410714285 | PnL: 1.50% | $2.75 +2025-03-10 16:17:20,592 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0237392857143 | Take profit: 2049.3100410714283 +2025-03-10 16:17:20,920 - INFO - TAKE PROFIT hit for short at 2049.3100410714283 | PnL: 1.50% | $2.83 +2025-03-10 16:17:20,946 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.2958392857145 | Take profit: 2020.1737410714286 +2025-03-10 16:17:21,361 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.79, Avg Loss=$0.00 +2025-03-10 16:17:21,362 - INFO - Episode 11: Reward=14.09, Balance=$105.58, Win Rate=100.0%, Trades=2, Episode PnL=$5.58, Total PnL=$470.50, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 16:17:21,363 - INFO - Refreshing data for episode 12 +2025-03-10 16:17:21,363 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:17:21,701 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:17:21,712 - INFO - Initialized environment with 100 candles +2025-03-10 16:17:21,992 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.449932142857 | Take profit: 2089.9116017857145 +2025-03-10 16:17:22,901 - INFO - TAKE PROFIT hit for short at 2089.9116017857145 | PnL: 1.50% | $2.75 +2025-03-10 16:17:22,926 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3301321428576 | Take profit: 2058.4310017857147 +2025-03-10 16:17:22,997 - INFO - STOP LOSS hit for short at 2100.3301321428576 | PnL: -0.50% | $-1.21 +2025-03-10 16:17:23,039 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9679821428567 | Take profit: 2071.797451785714 +2025-03-10 16:17:23,706 - INFO - TAKE PROFIT hit for short at 2071.797451785714 | PnL: 1.50% | $2.79 +2025-03-10 16:17:23,728 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.582432142857 | Take profit: 2017.5141017857145 +2025-03-10 16:17:24,159 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.77, Avg Loss=$-1.21 +2025-03-10 16:17:24,161 - INFO - Episode 12: Reward=13.92, Balance=$104.33, Win Rate=66.7%, Trades=3, Episode PnL=$4.33, Total PnL=$474.83, Max Drawdown=1.2%, Pred Accuracy=98.8% +2025-03-10 16:17:24,161 - INFO - Refreshing data for episode 13 +2025-03-10 16:17:24,162 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:17:24,509 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:17:24,519 - INFO - Initialized environment with 100 candles +2025-03-10 16:17:24,725 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.630932142857 | Take profit: 2086.1686017857146 +2025-03-10 16:17:25,699 - INFO - CLOSED short at 2103.41 | PnL: 0.69% | $1.16 +2025-03-10 16:17:25,699 - INFO - OPENED LONG at 2103.41 | Stop loss: 2092.8520178571425 | Take profit: 2135.022548214286 +2025-03-10 16:17:25,723 - INFO - CLOSED long at 2104.22 | PnL: 0.04% | $-0.12 +2025-03-10 16:17:25,723 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.782032142857 | Take profit: 2072.595301785714 +2025-03-10 16:17:26,073 - INFO - CLOSED short at 2080.58 | PnL: 1.12% | $2.03 +2025-03-10 16:17:26,102 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.214682142857 | Take profit: 2053.4173517857143 +2025-03-10 16:17:26,374 - INFO - TAKE PROFIT hit for short at 2053.4173517857143 | PnL: 1.50% | $2.84 +2025-03-10 16:17:26,417 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.295932142857 | Take profit: 2020.1736017857143 +2025-03-10 16:17:26,822 - INFO - CLOSED short at 2036.71 | PnL: 0.70% | $1.24 +2025-03-10 16:17:26,822 - INFO - OPENED LONG at 2036.71 | Stop loss: 2026.485517857143 | Take profit: 2067.322048214286 +2025-03-10 16:17:26,845 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.81, Avg Loss=$-0.12 +2025-03-10 16:17:26,845 - INFO - Episode 13: Reward=4.01, Balance=$107.14, Win Rate=80.0%, Trades=5, Episode PnL=$7.26, Total PnL=$481.97, Max Drawdown=0.0%, Pred Accuracy=98.0% +2025-03-10 16:17:26,846 - INFO - Refreshing data for episode 14 +2025-03-10 16:17:26,846 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:17:27,163 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:17:27,174 - INFO - Initialized environment with 100 candles +2025-03-10 16:17:27,214 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.630932142857 | Take profit: 2086.1686017857146 +2025-03-10 16:17:27,241 - INFO - CLOSED short at 2121.8 | PnL: -0.18% | $-0.55 +2025-03-10 16:17:27,242 - INFO - OPENED LONG at 2121.8 | Stop loss: 2111.150067857143 | Take profit: 2153.688398214286 +2025-03-10 16:17:27,342 - INFO - CLOSED long at 2119.02 | PnL: -0.13% | $-0.45 +2025-03-10 16:17:27,343 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.656032142857 | Take profit: 2087.173301785714 +2025-03-10 16:17:27,730 - INFO - CLOSED short at 2114.1 | PnL: 0.23% | $0.26 +2025-03-10 16:17:27,759 - INFO - OPENED SHORT at 2115.11 | Stop loss: 2125.726482142857 | Take profit: 2083.3219517857146 +2025-03-10 16:17:28,726 - INFO - TAKE PROFIT hit for short at 2083.3219517857146 | PnL: 1.50% | $2.73 +2025-03-10 16:17:28,780 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.214682142857 | Take profit: 2053.4173517857143 +2025-03-10 16:17:29,024 - INFO - TAKE PROFIT hit for short at 2053.4173517857143 | PnL: 1.50% | $2.81 +2025-03-10 16:17:29,105 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.295932142857 | Take profit: 2020.1736017857143 +2025-03-10 16:17:29,609 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.93, Avg Loss=$-0.50 +2025-03-10 16:17:29,609 - INFO - Episode 14: Reward=-3.27, Balance=$104.80, Win Rate=60.0%, Trades=5, Episode PnL=$5.25, Total PnL=$486.77, Max Drawdown=0.7%, Pred Accuracy=97.5% +2025-03-10 16:17:29,609 - INFO - Refreshing data for episode 15 +2025-03-10 16:17:29,611 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:17:29,962 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:17:29,972 - INFO - Initialized environment with 100 candles +2025-03-10 16:17:30,807 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.632482142857 | Take profit: 2086.166276785714 +2025-03-10 16:17:31,331 - INFO - CLOSED short at 2113.28 | PnL: 0.22% | $0.24 +2025-03-10 16:17:31,331 - INFO - OPENED LONG at 2113.28 | Stop loss: 2102.671117857143 | Take profit: 2145.042923214286 +2025-03-10 16:17:31,398 - INFO - CLOSED long at 2115.07 | PnL: 0.08% | $-0.03 +2025-03-10 16:17:31,399 - INFO - OPENED SHORT at 2115.07 | Stop loss: 2125.687832142857 | Take profit: 2083.2802267857146 +2025-03-10 16:17:32,129 - INFO - TAKE PROFIT hit for short at 2083.2802267857146 | PnL: 1.50% | $2.76 +2025-03-10 16:17:32,155 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.216232142857 | Take profit: 2053.4150267857144 +2025-03-10 16:17:32,410 - INFO - CLOSED short at 2075.07 | PnL: 0.46% | $0.74 +2025-03-10 16:17:32,457 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.583982142857 | Take profit: 2017.5117767857146 +2025-03-10 16:17:32,835 - INFO - CLOSED short at 2043.59 | PnL: 0.23% | $0.26 +2025-03-10 16:17:32,862 - INFO - OPENED SHORT at 2042.0 | Stop loss: 2052.252482142857 | Take profit: 2011.3062767857143 +2025-03-10 16:17:32,908 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.00, Avg Loss=$-0.03 +2025-03-10 16:17:32,909 - INFO - Episode 15: Reward=1.51, Balance=$103.97, Win Rate=80.0%, Trades=5, Episode PnL=$4.00, Total PnL=$490.73, Max Drawdown=0.0%, Pred Accuracy=98.0% +2025-03-10 16:17:32,909 - INFO - Refreshing data for episode 16 +2025-03-10 16:17:32,910 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:17:33,232 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:17:33,245 - INFO - Initialized environment with 100 candles +2025-03-10 16:17:33,282 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.6331464285713 | Take profit: 2086.165280357143 +2025-03-10 16:17:34,200 - INFO - CLOSED short at 2089.84 | PnL: 1.33% | $2.41 +2025-03-10 16:17:34,235 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.7140964285713 | Take profit: 2064.682430357143 +2025-03-10 16:17:35,016 - INFO - TAKE PROFIT hit for short at 2064.682430357143 | PnL: 1.50% | $2.82 +2025-03-10 16:17:35,048 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.2981464285713 | Take profit: 2020.170280357143 +2025-03-10 16:17:35,479 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.61, Avg Loss=$0.00 +2025-03-10 16:17:35,480 - INFO - Episode 16: Reward=2.48, Balance=$105.23, Win Rate=100.0%, Trades=2, Episode PnL=$5.23, Total PnL=$495.96, Max Drawdown=0.0%, Pred Accuracy=98.3% +2025-03-10 16:17:35,481 - INFO - Refreshing data for episode 17 +2025-03-10 16:17:35,481 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:17:35,813 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:17:35,827 - INFO - Initialized environment with 100 candles +2025-03-10 16:17:35,864 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.6331464285713 | Take profit: 2086.165280357143 +2025-03-10 16:17:36,354 - INFO - CLOSED short at 2114.32 | PnL: 0.17% | $0.14 +2025-03-10 16:17:36,354 - INFO - OPENED LONG at 2114.32 | Stop loss: 2103.705253571429 | Take profit: 2146.099519642857 +2025-03-10 16:17:36,379 - INFO - CLOSED long at 2114.57 | PnL: 0.01% | $-0.17 +2025-03-10 16:17:36,379 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.185996428572 | Take profit: 2082.786730357143 +2025-03-10 16:17:37,362 - INFO - TAKE PROFIT hit for short at 2082.786730357143 | PnL: 1.50% | $2.75 +2025-03-10 16:17:37,401 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.216896428571 | Take profit: 2053.4140303571426 +2025-03-10 16:17:37,681 - INFO - TAKE PROFIT hit for short at 2053.4140303571426 | PnL: 1.50% | $2.82 +2025-03-10 16:17:37,742 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.2981464285713 | Take profit: 2020.170280357143 +2025-03-10 16:17:37,935 - INFO - CLOSED short at 2046.76 | PnL: 0.21% | $0.22 +2025-03-10 16:17:37,935 - INFO - OPENED LONG at 2046.76 | Stop loss: 2036.4830535714284 | Take profit: 2077.5261196428573 +2025-03-10 16:17:37,983 - INFO - CLOSED long at 2044.1 | PnL: -0.13% | $-0.48 +2025-03-10 16:17:37,984 - INFO - OPENED SHORT at 2044.1 | Stop loss: 2054.363646428571 | Take profit: 2013.3737803571428 +2025-03-10 16:17:38,130 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.48, Avg Loss=$-0.32 +2025-03-10 16:17:38,130 - INFO - Episode 17: Reward=-1.52, Balance=$105.29, Win Rate=66.7%, Trades=6, Episode PnL=$5.94, Total PnL=$501.25, Max Drawdown=0.0%, Pred Accuracy=98.3% +2025-03-10 16:17:38,130 - INFO - Refreshing data for episode 18 +2025-03-10 16:17:38,130 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:17:38,485 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:17:38,499 - INFO - Initialized environment with 100 candles +2025-03-10 16:17:38,789 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.633575 | Take profit: 2086.1646375 +2025-03-10 16:17:38,947 - INFO - CLOSED short at 2128.33 | PnL: -0.49% | $-1.15 +2025-03-10 16:17:38,948 - INFO - OPENED LONG at 2128.33 | Stop loss: 2117.6447749999998 | Take profit: 2160.3203124999995 +2025-03-10 16:17:38,969 - INFO - CLOSED long at 2124.77 | PnL: -0.17% | $-0.52 +2025-03-10 16:17:38,970 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.437425 | Take profit: 2092.8330875 +2025-03-10 16:17:39,579 - INFO - TAKE PROFIT hit for short at 2092.8330875 | PnL: 1.50% | $2.70 +2025-03-10 16:17:39,613 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5938250000004 | Take profit: 2068.4838875 +2025-03-10 16:17:40,043 - INFO - CLOSED short at 2098.66 | PnL: 0.07% | $-0.07 +2025-03-10 16:17:40,044 - INFO - OPENED LONG at 2098.66 | Stop loss: 2088.1231249999996 | Take profit: 2130.2052624999997 +2025-03-10 16:17:40,074 - INFO - CLOSED long at 2090.59 | PnL: -0.38% | $-0.96 +2025-03-10 16:17:40,074 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.0865249999997 | Take profit: 2059.1657875 +2025-03-10 16:17:40,484 - INFO - TAKE PROFIT hit for short at 2059.1657875 | PnL: 1.50% | $2.75 +2025-03-10 16:17:40,504 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.298575 | Take profit: 2020.1696375 +2025-03-10 16:17:40,716 - INFO - CLOSED short at 2050.18 | PnL: 0.04% | $-0.12 +2025-03-10 16:17:40,716 - INFO - OPENED LONG at 2050.18 | Stop loss: 2039.8855249999997 | Take profit: 2080.9980625 +2025-03-10 16:17:40,774 - INFO - CLOSED long at 2046.76 | PnL: -0.17% | $-0.54 +2025-03-10 16:17:40,774 - INFO - OPENED SHORT at 2046.76 | Stop loss: 2057.037375 | Take profit: 2015.9932375 +2025-03-10 16:17:40,831 - INFO - CLOSED short at 2044.1 | PnL: 0.13% | $0.06 +2025-03-10 16:17:40,832 - INFO - OPENED LONG at 2044.1 | Stop loss: 2033.8359249999999 | Take profit: 2074.8268625 +2025-03-10 16:17:40,858 - INFO - CLOSED long at 2043.59 | PnL: -0.02% | $-0.25 +2025-03-10 16:17:40,858 - INFO - OPENED SHORT at 2043.59 | Stop loss: 2053.8515249999996 | Take profit: 2012.8707875 +2025-03-10 16:17:40,934 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.84, Avg Loss=$-0.51 +2025-03-10 16:17:40,934 - INFO - Episode 18: Reward=-11.55, Balance=$101.91, Win Rate=30.0%, Trades=10, Episode PnL=$4.17, Total PnL=$503.16, Max Drawdown=0.0%, Pred Accuracy=98.1% +2025-03-10 16:17:40,935 - INFO - Refreshing data for episode 19 +2025-03-10 16:17:40,935 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:17:41,247 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:17:41,259 - INFO - Initialized environment with 100 candles +2025-03-10 16:17:41,594 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.6342178571426 | Take profit: 2086.1636732142856 +2025-03-10 16:17:41,933 - INFO - CLOSED short at 2114.75 | PnL: 0.15% | $0.10 +2025-03-10 16:17:41,976 - INFO - OPENED SHORT at 2116.06 | Stop loss: 2126.684517857143 | Take profit: 2084.2527732142858 +2025-03-10 16:17:42,188 - INFO - CLOSED short at 2115.07 | PnL: 0.05% | $-0.10 +2025-03-10 16:17:42,189 - INFO - OPENED LONG at 2115.07 | Stop loss: 2104.450432142857 | Take profit: 2146.8623767857143 +2025-03-10 16:17:42,227 - INFO - CLOSED long at 2098.24 | PnL: -0.80% | $-1.75 +2025-03-10 16:17:42,228 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.7754178571427 | Take profit: 2066.7000732142856 +2025-03-10 16:17:42,843 - INFO - CLOSED short at 2098.66 | PnL: -0.02% | $-0.23 +2025-03-10 16:17:42,844 - INFO - OPENED LONG at 2098.66 | Stop loss: 2088.122482142857 | Take profit: 2130.2062267857145 +2025-03-10 16:17:42,874 - INFO - CLOSED long at 2090.59 | PnL: -0.38% | $-0.93 +2025-03-10 16:17:42,876 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.087167857143 | Take profit: 2059.164823214286 +2025-03-10 16:17:42,950 - INFO - CLOSED short at 2080.58 | PnL: 0.48% | $0.72 +2025-03-10 16:17:42,950 - INFO - OPENED LONG at 2080.58 | Stop loss: 2070.132882142857 | Take profit: 2111.855026785714 +2025-03-10 16:17:42,974 - INFO - CLOSED long at 2084.75 | PnL: 0.20% | $0.19 +2025-03-10 16:17:42,974 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.217967857143 | Take profit: 2053.412423214286 +2025-03-10 16:17:43,073 - INFO - CLOSED short at 2085.37 | PnL: -0.03% | $-0.25 +2025-03-10 16:17:43,073 - INFO - OPENED LONG at 2085.37 | Stop loss: 2074.898932142857 | Take profit: 2116.7168767857142 +2025-03-10 16:17:43,110 - INFO - CLOSED long at 2084.11 | PnL: -0.06% | $-0.31 +2025-03-10 16:17:43,112 - INFO - OPENED SHORT at 2084.11 | Stop loss: 2094.574767857143 | Take profit: 2052.782023214286 +2025-03-10 16:17:43,200 - INFO - CLOSED short at 2075.07 | PnL: 0.43% | $0.64 +2025-03-10 16:17:43,200 - INFO - OPENED LONG at 2075.07 | Stop loss: 2064.6504321428574 | Take profit: 2106.2623767857144 +2025-03-10 16:17:43,231 - INFO - CLOSED long at 2067.71 | PnL: -0.35% | $-0.87 +2025-03-10 16:17:43,231 - INFO - OPENED SHORT at 2067.71 | Stop loss: 2078.092767857143 | Take profit: 2036.6280232142858 +2025-03-10 16:17:43,669 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 40.0% in downtrends | Avg Win=$0.41, Avg Loss=$-0.64 +2025-03-10 16:17:43,670 - INFO - Episode 19: Reward=-8.70, Balance=$97.20, Win Rate=36.4%, Trades=11, Episode PnL=$0.88, Total PnL=$500.36, Max Drawdown=0.0%, Pred Accuracy=97.9% +2025-03-10 16:17:43,670 - INFO - Refreshing data for episode 20 +2025-03-10 16:17:43,671 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:17:44,011 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:17:44,024 - INFO - Initialized environment with 100 candles +2025-03-10 16:17:44,837 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.6345928571427 | Take profit: 2086.1631107142857 +2025-03-10 16:17:44,890 - INFO - CLOSED short at 2121.42 | PnL: -0.16% | $-0.51 +2025-03-10 16:17:44,891 - INFO - OPENED LONG at 2121.42 | Stop loss: 2110.7683071428573 | Take profit: 2153.3081892857144 +2025-03-10 16:17:44,917 - INFO - CLOSED long at 2116.52 | PnL: -0.23% | $-0.65 +2025-03-10 16:17:44,943 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.659692857143 | Take profit: 2087.1678107142857 +2025-03-10 16:17:45,135 - INFO - CLOSED short at 2114.78 | PnL: 0.20% | $0.19 +2025-03-10 16:17:45,135 - INFO - OPENED LONG at 2114.78 | Stop loss: 2104.1615071428573 | Take profit: 2146.5685892857146 +2025-03-10 16:17:45,159 - INFO - CLOSED long at 2115.52 | PnL: 0.03% | $-0.13 +2025-03-10 16:17:45,159 - INFO - OPENED SHORT at 2115.52 | Stop loss: 2126.1421928571426 | Take profit: 2083.720310714286 +2025-03-10 16:17:45,502 - INFO - CLOSED short at 2114.5 | PnL: 0.05% | $-0.10 +2025-03-10 16:17:45,503 - INFO - OPENED LONG at 2114.5 | Stop loss: 2103.882907142857 | Take profit: 2146.284389285714 +2025-03-10 16:17:45,530 - INFO - CLOSED long at 2115.07 | PnL: 0.03% | $-0.14 +2025-03-10 16:17:45,530 - INFO - OPENED SHORT at 2115.07 | Stop loss: 2125.689942857143 | Take profit: 2083.2770607142857 +2025-03-10 16:17:45,582 - INFO - CLOSED short at 2098.28 | PnL: 0.79% | $1.34 +2025-03-10 16:17:45,583 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.7440071428573 | Take profit: 2129.8210892857146 +2025-03-10 16:17:45,625 - INFO - CLOSED long at 2091.36 | PnL: -0.33% | $-0.84 +2025-03-10 16:17:45,626 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.861392857143 | Take profit: 2059.9227107142856 +2025-03-10 16:17:45,800 - INFO - CLOSED short at 2089.84 | PnL: 0.07% | $-0.05 +2025-03-10 16:17:45,800 - INFO - OPENED LONG at 2089.84 | Stop loss: 2079.346207142857 | Take profit: 2121.2544892857145 +2025-03-10 16:17:45,834 - INFO - CLOSED long at 2096.19 | PnL: 0.30% | $0.40 +2025-03-10 16:17:45,835 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.715542857143 | Take profit: 2064.680260714286 +2025-03-10 16:17:45,889 - INFO - CLOSED short at 2102.83 | PnL: -0.32% | $-0.81 +2025-03-10 16:17:45,889 - INFO - OPENED LONG at 2102.83 | Stop loss: 2092.271257142857 | Take profit: 2134.439339285714 +2025-03-10 16:17:45,912 - INFO - CLOSED long at 2103.41 | PnL: 0.03% | $-0.14 +2025-03-10 16:17:45,913 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.971642857143 | Take profit: 2071.791960714286 +2025-03-10 16:17:45,936 - INFO - CLOSED short at 2104.22 | PnL: -0.04% | $-0.27 +2025-03-10 16:17:45,937 - INFO - OPENED LONG at 2104.22 | Stop loss: 2093.654307142857 | Take profit: 2135.850189285714 +2025-03-10 16:17:45,966 - INFO - CLOSED long at 2104.67 | PnL: 0.02% | $-0.15 +2025-03-10 16:17:45,967 - INFO - OPENED SHORT at 2104.67 | Stop loss: 2115.2379428571426 | Take profit: 2073.0330607142855 +2025-03-10 16:17:46,067 - INFO - CLOSED short at 2099.63 | PnL: 0.24% | $0.27 +2025-03-10 16:17:46,068 - INFO - OPENED LONG at 2099.63 | Stop loss: 2089.087257142857 | Take profit: 2131.1913392857145 +2025-03-10 16:17:46,124 - INFO - CLOSED long at 2099.22 | PnL: -0.02% | $-0.23 +2025-03-10 16:17:46,124 - INFO - OPENED SHORT at 2099.22 | Stop loss: 2109.7606928571427 | Take profit: 2067.6648107142855 +2025-03-10 16:17:46,201 - INFO - CLOSED short at 2096.96 | PnL: 0.11% | $0.01 +2025-03-10 16:17:46,202 - INFO - OPENED LONG at 2096.96 | Stop loss: 2086.4306071428573 | Take profit: 2128.4812892857144 +2025-03-10 16:17:46,233 - INFO - CLOSED long at 2098.66 | PnL: 0.08% | $-0.04 +2025-03-10 16:17:46,233 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.197892857143 | Take profit: 2067.1132107142857 +2025-03-10 16:17:46,444 - INFO - CLOSED short at 2081.0 | PnL: 0.84% | $1.43 +2025-03-10 16:17:46,444 - INFO - OPENED LONG at 2081.0 | Stop loss: 2070.5504071428572 | Take profit: 2112.2818892857144 +2025-03-10 16:17:46,497 - INFO - CLOSED long at 2084.25 | PnL: 0.16% | $0.11 +2025-03-10 16:17:46,497 - INFO - OPENED SHORT at 2084.25 | Stop loss: 2094.715842857143 | Take profit: 2052.9193607142856 +2025-03-10 16:17:46,597 - INFO - CLOSED short at 2084.11 | PnL: 0.01% | $-0.18 +2025-03-10 16:17:46,597 - INFO - OPENED LONG at 2084.11 | Stop loss: 2073.6448571428573 | Take profit: 2115.438539285715 +2025-03-10 16:17:46,623 - INFO - CLOSED long at 2083.07 | PnL: -0.05% | $-0.29 +2025-03-10 16:17:46,623 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.529942857143 | Take profit: 2051.7570607142857 +2025-03-10 16:17:46,675 - INFO - CLOSED short at 2067.71 | PnL: 0.74% | $1.24 +2025-03-10 16:17:46,676 - INFO - OPENED LONG at 2067.71 | Stop loss: 2057.326857142857 | Take profit: 2098.792539285714 +2025-03-10 16:17:46,699 - INFO - CLOSED long at 2048.3 | PnL: -0.94% | $-2.04 +2025-03-10 16:17:46,699 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.586092857143 | Take profit: 2017.5086107142859 +2025-03-10 16:17:46,725 - INFO - CLOSED short at 2051.0 | PnL: -0.13% | $-0.45 +2025-03-10 16:17:46,725 - INFO - OPENED LONG at 2051.0 | Stop loss: 2040.700407142857 | Take profit: 2081.831889285714 +2025-03-10 16:17:46,807 - INFO - CLOSED long at 2053.22 | PnL: 0.11% | $0.02 +2025-03-10 16:17:46,808 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.5306928571426 | Take profit: 2022.3548107142856 +2025-03-10 16:17:46,858 - INFO - CLOSED short at 2058.11 | PnL: -0.24% | $-0.65 +2025-03-10 16:17:46,858 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.7748571428572 | Take profit: 2089.0485392857145 +2025-03-10 16:17:46,947 - INFO - CLOSED long at 2050.18 | PnL: -0.39% | $-0.92 +2025-03-10 16:17:46,948 - INFO - OPENED SHORT at 2050.18 | Stop loss: 2060.4754928571424 | Take profit: 2019.3604107142858 +2025-03-10 16:17:47,017 - INFO - CLOSED short at 2043.95 | PnL: 0.30% | $0.38 +2025-03-10 16:17:47,018 - INFO - OPENED LONG at 2043.95 | Stop loss: 2033.6856571428573 | Take profit: 2074.6761392857143 +2025-03-10 16:17:47,044 - INFO - CLOSED long at 2044.1 | PnL: 0.01% | $-0.18 +2025-03-10 16:17:47,045 - INFO - OPENED SHORT at 2044.1 | Stop loss: 2054.365092857143 | Take profit: 2013.3716107142857 +2025-03-10 16:17:47,149 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 46.7% in downtrends | Avg Win=$0.54, Avg Loss=$-0.44 +2025-03-10 16:17:47,150 - INFO - Episode 20: Reward=-23.94, Balance=$96.62, Win Rate=33.3%, Trades=30, Episode PnL=$1.20, Total PnL=$496.98, Max Drawdown=1.2%, Pred Accuracy=97.9% +2025-03-10 16:17:47,317 - INFO - Model saved to checkpoints/trading_agent_episode_20.pt +2025-03-10 16:17:47,318 - INFO - Checkpoint saved at episode 20 +2025-03-10 16:17:47,318 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:17:48,422 - INFO - Visualization saved for episode 20 +2025-03-10 16:17:50,704 - INFO - Visualization saved for episode 20 +2025-03-10 16:17:50,720 - INFO - Refreshing data for episode 21 +2025-03-10 16:17:50,720 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:17:51,107 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:17:51,119 - INFO - Initialized environment with 100 candles +2025-03-10 16:17:51,419 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.6345928571427 | Take profit: 2086.1631107142857 +2025-03-10 16:17:51,493 - INFO - CLOSED short at 2116.52 | PnL: 0.07% | $-0.06 +2025-03-10 16:17:51,493 - INFO - OPENED LONG at 2116.52 | Stop loss: 2105.8928071428572 | Take profit: 2148.3346892857144 +2025-03-10 16:17:51,518 - INFO - CLOSED long at 2119.02 | PnL: 0.12% | $0.04 +2025-03-10 16:17:51,518 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.659692857143 | Take profit: 2087.1678107142857 +2025-03-10 16:17:51,953 - INFO - CLOSED short at 2115.21 | PnL: 0.18% | $0.16 +2025-03-10 16:17:51,954 - INFO - OPENED LONG at 2115.21 | Stop loss: 2104.5893571428574 | Take profit: 2147.0050392857142 +2025-03-10 16:17:52,004 - INFO - CLOSED long at 2114.1 | PnL: -0.05% | $-0.30 +2025-03-10 16:17:52,004 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.7150928571427 | Take profit: 2082.3216107142857 +2025-03-10 16:17:52,032 - INFO - CLOSED short at 2115.11 | PnL: -0.05% | $-0.29 +2025-03-10 16:17:52,033 - INFO - OPENED LONG at 2115.11 | Stop loss: 2104.489857142857 | Take profit: 2146.9035392857145 +2025-03-10 16:17:52,062 - INFO - CLOSED long at 2114.32 | PnL: -0.04% | $-0.27 +2025-03-10 16:17:52,062 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.936192857143 | Take profit: 2082.5383107142857 +2025-03-10 16:17:52,889 - INFO - TAKE PROFIT hit for short at 2082.5383107142857 | PnL: 1.50% | $2.73 +2025-03-10 16:17:52,919 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.218342857143 | Take profit: 2053.411860714286 +2025-03-10 16:17:52,948 - INFO - CLOSED short at 2081.0 | PnL: 0.18% | $0.16 +2025-03-10 16:17:52,948 - INFO - OPENED LONG at 2081.0 | Stop loss: 2070.5504071428572 | Take profit: 2112.2818892857144 +2025-03-10 16:17:53,023 - INFO - CLOSED long at 2085.37 | PnL: 0.21% | $0.22 +2025-03-10 16:17:53,024 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8414428571427 | Take profit: 2054.0225607142856 +2025-03-10 16:17:53,220 - INFO - TAKE PROFIT hit for short at 2054.0225607142856 | PnL: 1.50% | $2.81 +2025-03-10 16:17:53,277 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.772142857143 | Take profit: 2012.7904607142857 +2025-03-10 16:17:53,354 - INFO - CLOSED short at 2053.22 | PnL: -0.48% | $-1.18 +2025-03-10 16:17:53,355 - INFO - OPENED LONG at 2053.22 | Stop loss: 2042.909307142857 | Take profit: 2084.085189285714 +2025-03-10 16:17:53,444 - INFO - CLOSED long at 2054.03 | PnL: 0.04% | $-0.12 +2025-03-10 16:17:53,446 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.344742857143 | Take profit: 2023.152660714286 +2025-03-10 16:17:53,687 - INFO - CLOSED short at 2042.0 | PnL: 0.59% | $0.99 +2025-03-10 16:17:53,687 - INFO - OPENED LONG at 2042.0 | Stop loss: 2031.745407142857 | Take profit: 2072.6968892857144 +2025-03-10 16:17:53,747 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 62.5% in downtrends | Avg Win=$1.01, Avg Loss=$-0.37 +2025-03-10 16:17:53,748 - INFO - Episode 21: Reward=-6.70, Balance=$104.88, Win Rate=53.8%, Trades=13, Episode PnL=$5.31, Total PnL=$501.86, Max Drawdown=0.0%, Pred Accuracy=98.1% +2025-03-10 16:17:53,749 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:17:53,749 - INFO - Refreshing data for episode 22 +2025-03-10 16:17:53,750 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:17:54,064 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:17:54,079 - INFO - Initialized environment with 100 candles +2025-03-10 16:17:54,119 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.6345928571427 | Take profit: 2086.1631107142857 +2025-03-10 16:17:54,153 - INFO - CLOSED short at 2121.8 | PnL: -0.18% | $-0.55 +2025-03-10 16:17:54,154 - INFO - OPENED LONG at 2121.8 | Stop loss: 2111.1464071428572 | Take profit: 2153.6938892857142 +2025-03-10 16:17:54,185 - INFO - CLOSED long at 2121.42 | PnL: -0.02% | $-0.23 +2025-03-10 16:17:54,185 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0716928571433 | Take profit: 2089.5318107142857 +2025-03-10 16:17:54,326 - INFO - CLOSED short at 2124.9 | PnL: -0.16% | $-0.51 +2025-03-10 16:17:54,360 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.016242857143 | Take profit: 2096.3381607142856 +2025-03-10 16:17:54,570 - INFO - CLOSED short at 2115.21 | PnL: 0.62% | $1.00 +2025-03-10 16:17:54,571 - INFO - OPENED LONG at 2115.21 | Stop loss: 2104.5893571428574 | Take profit: 2147.0050392857142 +2025-03-10 16:17:54,632 - INFO - CLOSED long at 2114.1 | PnL: -0.05% | $-0.30 +2025-03-10 16:17:54,632 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.7150928571427 | Take profit: 2082.3216107142857 +2025-03-10 16:17:54,768 - INFO - CLOSED short at 2114.57 | PnL: -0.02% | $-0.24 +2025-03-10 16:17:54,769 - INFO - OPENED LONG at 2114.57 | Stop loss: 2103.952557142857 | Take profit: 2146.3554392857145 +2025-03-10 16:17:54,795 - INFO - CLOSED long at 2112.57 | PnL: -0.09% | $-0.38 +2025-03-10 16:17:54,795 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.177442857143 | Take profit: 2080.814560714286 +2025-03-10 16:17:54,844 - INFO - CLOSED short at 2114.5 | PnL: -0.09% | $-0.37 +2025-03-10 16:17:54,845 - INFO - OPENED LONG at 2114.5 | Stop loss: 2103.882907142857 | Take profit: 2146.284389285714 +2025-03-10 16:17:54,867 - INFO - CLOSED long at 2115.07 | PnL: 0.03% | $-0.14 +2025-03-10 16:17:54,867 - INFO - OPENED SHORT at 2115.07 | Stop loss: 2125.689942857143 | Take profit: 2083.2770607142857 +2025-03-10 16:17:54,918 - INFO - CLOSED short at 2098.28 | PnL: 0.79% | $1.34 +2025-03-10 16:17:54,919 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.7440071428573 | Take profit: 2129.8210892857146 +2025-03-10 16:17:54,943 - INFO - CLOSED long at 2091.36 | PnL: -0.33% | $-0.84 +2025-03-10 16:17:54,943 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.861392857143 | Take profit: 2059.9227107142856 +2025-03-10 16:17:55,050 - INFO - CLOSED short at 2089.04 | PnL: 0.11% | $0.02 +2025-03-10 16:17:55,051 - INFO - OPENED LONG at 2089.04 | Stop loss: 2078.5502071428573 | Take profit: 2120.442489285714 +2025-03-10 16:17:55,137 - INFO - CLOSED long at 2096.19 | PnL: 0.34% | $0.47 +2025-03-10 16:17:55,138 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.715542857143 | Take profit: 2064.680260714286 +2025-03-10 16:17:55,340 - INFO - CLOSED short at 2099.22 | PnL: -0.14% | $-0.48 +2025-03-10 16:17:55,340 - INFO - OPENED LONG at 2099.22 | Stop loss: 2088.679307142857 | Take profit: 2130.775189285714 +2025-03-10 16:17:55,366 - INFO - CLOSED long at 2094.16 | PnL: -0.24% | $-0.66 +2025-03-10 16:17:55,366 - INFO - OPENED SHORT at 2094.16 | Stop loss: 2104.6753928571425 | Take profit: 2062.680710714286 +2025-03-10 16:17:55,534 - INFO - CLOSED short at 2090.99 | PnL: 0.15% | $0.10 +2025-03-10 16:17:55,534 - INFO - OPENED LONG at 2090.99 | Stop loss: 2080.490457142857 | Take profit: 2122.421739285714 +2025-03-10 16:17:55,631 - INFO - CLOSED long at 2084.75 | PnL: -0.30% | $-0.77 +2025-03-10 16:17:55,632 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.218342857143 | Take profit: 2053.411860714286 +2025-03-10 16:17:55,747 - INFO - CLOSED short at 2083.07 | PnL: 0.08% | $-0.04 +2025-03-10 16:17:55,819 - INFO - OPENED SHORT at 2067.71 | Stop loss: 2078.093142857143 | Take profit: 2036.6274607142857 +2025-03-10 16:17:56,260 - INFO - CLOSED short at 2036.71 | PnL: 1.50% | $2.67 +2025-03-10 16:17:56,261 - INFO - OPENED LONG at 2036.71 | Stop loss: 2026.4818571428573 | Take profit: 2067.3275392857145 +2025-03-10 16:17:56,301 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 55.6% in downtrends | Avg Win=$0.93, Avg Loss=$-0.42 +2025-03-10 16:17:56,302 - INFO - Episode 22: Reward=-14.67, Balance=$100.10, Win Rate=31.6%, Trades=19, Episode PnL=$2.94, Total PnL=$501.96, Max Drawdown=2.6%, Pred Accuracy=98.1% +2025-03-10 16:17:56,302 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:17:56,303 - INFO - Refreshing data for episode 23 +2025-03-10 16:17:56,303 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:17:56,624 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:17:56,634 - INFO - Initialized environment with 100 candles +2025-03-10 16:17:56,723 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.6345928571427 | Take profit: 2086.1631107142857 +2025-03-10 16:17:56,796 - INFO - CLOSED short at 2116.52 | PnL: 0.07% | $-0.06 +2025-03-10 16:17:56,796 - INFO - OPENED LONG at 2116.52 | Stop loss: 2105.8928071428572 | Take profit: 2148.3346892857144 +2025-03-10 16:17:56,820 - INFO - CLOSED long at 2119.02 | PnL: 0.12% | $0.04 +2025-03-10 16:17:56,820 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.659692857143 | Take profit: 2087.1678107142857 +2025-03-10 16:17:56,955 - INFO - CLOSED short at 2116.81 | PnL: 0.10% | $0.01 +2025-03-10 16:17:56,956 - INFO - OPENED LONG at 2116.81 | Stop loss: 2106.181357142857 | Take profit: 2148.6290392857145 +2025-03-10 16:17:57,002 - INFO - CLOSED long at 2115.52 | PnL: -0.06% | $-0.32 +2025-03-10 16:17:57,003 - INFO - OPENED SHORT at 2115.52 | Stop loss: 2126.1421928571426 | Take profit: 2083.720310714286 +2025-03-10 16:17:57,168 - INFO - CLOSED short at 2114.57 | PnL: 0.04% | $-0.11 +2025-03-10 16:17:57,168 - INFO - OPENED LONG at 2114.57 | Stop loss: 2103.952557142857 | Take profit: 2146.3554392857145 +2025-03-10 16:17:57,202 - INFO - CLOSED long at 2112.57 | PnL: -0.09% | $-0.38 +2025-03-10 16:17:57,203 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.177442857143 | Take profit: 2080.814560714286 +2025-03-10 16:17:57,316 - INFO - CLOSED short at 2098.28 | PnL: 0.68% | $1.12 +2025-03-10 16:17:57,317 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.7440071428573 | Take profit: 2129.8210892857146 +2025-03-10 16:17:57,343 - INFO - CLOSED long at 2091.36 | PnL: -0.33% | $-0.84 +2025-03-10 16:17:57,343 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.861392857143 | Take profit: 2059.9227107142856 +2025-03-10 16:17:57,513 - INFO - STOP LOSS hit for short at 2101.861392857143 | PnL: -0.50% | $-1.17 +2025-03-10 16:17:57,534 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.971642857143 | Take profit: 2071.791960714286 +2025-03-10 16:17:57,939 - INFO - CLOSED short at 2084.11 | PnL: 0.92% | $1.57 +2025-03-10 16:17:57,940 - INFO - OPENED LONG at 2084.11 | Stop loss: 2073.6448571428573 | Take profit: 2115.438539285715 +2025-03-10 16:17:57,968 - INFO - CLOSED long at 2083.07 | PnL: -0.05% | $-0.29 +2025-03-10 16:17:57,969 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.529942857143 | Take profit: 2051.7570607142857 +2025-03-10 16:17:58,058 - INFO - TAKE PROFIT hit for short at 2051.7570607142857 | PnL: 1.50% | $2.74 +2025-03-10 16:17:58,088 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.299592857143 | Take profit: 2020.1681107142858 +2025-03-10 16:17:58,115 - INFO - CLOSED short at 2043.51 | PnL: 0.37% | $0.53 +2025-03-10 16:17:58,115 - INFO - OPENED LONG at 2043.51 | Stop loss: 2033.2478571428571 | Take profit: 2074.2295392857145 +2025-03-10 16:17:58,144 - INFO - CLOSED long at 2052.89 | PnL: 0.46% | $0.72 +2025-03-10 16:17:58,144 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.1990428571426 | Take profit: 2022.0297607142857 +2025-03-10 16:17:58,419 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 62.5% in downtrends | Avg Win=$0.96, Avg Loss=$-0.45 +2025-03-10 16:17:58,420 - INFO - Episode 23: Reward=-2.21, Balance=$103.56, Win Rate=50.0%, Trades=14, Episode PnL=$4.63, Total PnL=$505.52, Max Drawdown=1.7%, Pred Accuracy=98.1% +2025-03-10 16:17:58,420 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:17:58,421 - INFO - Refreshing data for episode 24 +2025-03-10 16:17:58,421 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:17:58,732 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:17:58,743 - INFO - Initialized environment with 100 candles +2025-03-10 16:17:58,779 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.6345928571427 | Take profit: 2086.1631107142857 +2025-03-10 16:17:59,920 - INFO - TAKE PROFIT hit for short at 2086.1631107142857 | PnL: 1.50% | $2.75 +2025-03-10 16:17:59,945 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0274928571425 | Take profit: 2049.3044107142855 +2025-03-10 16:18:00,039 - INFO - CLOSED short at 2084.25 | PnL: -0.18% | $-0.56 +2025-03-10 16:18:00,040 - INFO - OPENED LONG at 2084.25 | Stop loss: 2073.784157142857 | Take profit: 2115.580639285714 +2025-03-10 16:18:00,069 - INFO - CLOSED long at 2085.37 | PnL: 0.05% | $-0.09 +2025-03-10 16:18:00,070 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8414428571427 | Take profit: 2054.0225607142856 +2025-03-10 16:18:00,185 - INFO - TAKE PROFIT hit for short at 2054.0225607142856 | PnL: 1.50% | $2.81 +2025-03-10 16:18:00,214 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.299592857143 | Take profit: 2020.1681107142858 +2025-03-10 16:18:00,555 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.78, Avg Loss=$-0.32 +2025-03-10 16:18:00,556 - INFO - Episode 24: Reward=-2.94, Balance=$104.91, Win Rate=50.0%, Trades=4, Episode PnL=$5.00, Total PnL=$510.42, Max Drawdown=0.0%, Pred Accuracy=98.1% +2025-03-10 16:18:00,556 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:18:00,557 - INFO - Refreshing data for episode 25 +2025-03-10 16:18:00,557 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:18:00,876 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:18:00,888 - INFO - Initialized environment with 100 candles +2025-03-10 16:18:01,958 - INFO - OPENED LONG at 2118.0 | Stop loss: 2107.3654071428573 | Take profit: 2149.8368892857143 +2025-03-10 16:18:02,000 - INFO - CLOSED long at 2121.8 | PnL: 0.18% | $0.16 +2025-03-10 16:18:02,001 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.4535928571427 | Take profit: 2089.906110714286 +2025-03-10 16:18:02,025 - INFO - CLOSED short at 2121.42 | PnL: 0.02% | $-0.16 +2025-03-10 16:18:02,027 - INFO - OPENED LONG at 2121.42 | Stop loss: 2110.7683071428573 | Take profit: 2153.3081892857144 +2025-03-10 16:18:02,055 - INFO - CLOSED long at 2116.52 | PnL: -0.23% | $-0.65 +2025-03-10 16:18:02,055 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1471928571427 | Take profit: 2084.7053107142856 +2025-03-10 16:18:02,152 - INFO - STOP LOSS hit for short at 2127.1471928571427 | PnL: -0.50% | $-1.17 +2025-03-10 16:18:02,177 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4384428571425 | Take profit: 2092.831560714286 +2025-03-10 16:18:02,497 - INFO - CLOSED short at 2114.32 | PnL: 0.49% | $0.75 +2025-03-10 16:18:02,525 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.187442857143 | Take profit: 2082.784560714286 +2025-03-10 16:18:02,930 - INFO - CLOSED short at 2100.0 | PnL: 0.69% | $1.14 +2025-03-10 16:18:02,962 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3887428571425 | Take profit: 2071.2206607142857 +2025-03-10 16:18:03,343 - INFO - CLOSED short at 2090.59 | PnL: 0.58% | $0.94 +2025-03-10 16:18:03,344 - INFO - OPENED LONG at 2090.59 | Stop loss: 2080.0924571428573 | Take profit: 2122.0157392857145 +2025-03-10 16:18:03,371 - INFO - CLOSED long at 2090.99 | PnL: 0.02% | $-0.16 +2025-03-10 16:18:03,372 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.4895428571426 | Take profit: 2059.5582607142856 +2025-03-10 16:18:03,668 - INFO - CLOSED short at 2083.07 | PnL: 0.38% | $0.55 +2025-03-10 16:18:03,669 - INFO - OPENED LONG at 2083.07 | Stop loss: 2072.6100571428574 | Take profit: 2114.382939285714 +2025-03-10 16:18:03,697 - INFO - CLOSED long at 2075.07 | PnL: -0.38% | $-0.96 +2025-03-10 16:18:03,697 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.489942857143 | Take profit: 2043.8770607142858 +2025-03-10 16:18:03,802 - INFO - TAKE PROFIT hit for short at 2043.8770607142858 | PnL: 1.50% | $2.76 +2025-03-10 16:18:03,856 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.1990428571426 | Take profit: 2022.0297607142857 +2025-03-10 16:18:03,897 - INFO - CLOSED short at 2053.22 | PnL: -0.02% | $-0.23 +2025-03-10 16:18:03,898 - INFO - OPENED LONG at 2053.22 | Stop loss: 2042.909307142857 | Take profit: 2084.085189285714 +2025-03-10 16:18:03,965 - INFO - CLOSED long at 2058.11 | PnL: 0.24% | $0.28 +2025-03-10 16:18:03,966 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.445142857143 | Take profit: 2027.1714607142858 +2025-03-10 16:18:04,192 - INFO - CLOSED short at 2042.0 | PnL: 0.78% | $1.38 +2025-03-10 16:18:04,192 - INFO - OPENED LONG at 2042.0 | Stop loss: 2031.745407142857 | Take profit: 2072.6968892857144 +2025-03-10 16:18:04,225 - INFO - CLOSED long at 2036.71 | PnL: -0.26% | $-0.74 +2025-03-10 16:18:04,225 - INFO - OPENED SHORT at 2036.71 | Stop loss: 2046.9381428571428 | Take profit: 2006.0924607142858 +2025-03-10 16:18:04,252 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 57.1% in downtrends | Avg Win=$1.00, Avg Loss=$-0.58 +2025-03-10 16:18:04,253 - INFO - Episode 25: Reward=-1.11, Balance=$103.89, Win Rate=53.3%, Trades=15, Episode PnL=$5.96, Total PnL=$514.31, Max Drawdown=1.8%, Pred Accuracy=98.1% +2025-03-10 16:18:04,253 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:18:04,255 - INFO - Refreshing data for episode 26 +2025-03-10 16:18:04,255 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:18:04,588 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:18:04,599 - INFO - Initialized environment with 100 candles +2025-03-10 16:18:04,637 - INFO - OPENED SHORT at 2118.0 | Stop loss: 2128.6345928571427 | Take profit: 2086.1631107142857 +2025-03-10 16:18:05,110 - INFO - CLOSED short at 2114.1 | PnL: 0.18% | $0.16 +2025-03-10 16:18:05,111 - INFO - OPENED LONG at 2114.1 | Stop loss: 2103.484907142857 | Take profit: 2145.878389285714 +2025-03-10 16:18:05,133 - INFO - CLOSED long at 2115.11 | PnL: 0.05% | $-0.10 +2025-03-10 16:18:05,134 - INFO - OPENED SHORT at 2115.11 | Stop loss: 2125.730142857143 | Take profit: 2083.3164607142858 +2025-03-10 16:18:05,188 - INFO - CLOSED short at 2114.57 | PnL: 0.03% | $-0.15 +2025-03-10 16:18:05,189 - INFO - OPENED LONG at 2114.57 | Stop loss: 2103.952557142857 | Take profit: 2146.3554392857145 +2025-03-10 16:18:05,243 - INFO - CLOSED long at 2112.57 | PnL: -0.09% | $-0.38 +2025-03-10 16:18:05,244 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.177442857143 | Take profit: 2080.814560714286 +2025-03-10 16:18:05,466 - INFO - CLOSED short at 2100.05 | PnL: 0.59% | $0.96 +2025-03-10 16:18:05,491 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.8863928571427 | Take profit: 2064.8477107142858 +2025-03-10 16:18:06,201 - INFO - CLOSED short at 2084.11 | PnL: 0.58% | $0.95 +2025-03-10 16:18:06,201 - INFO - OPENED LONG at 2084.11 | Stop loss: 2073.6448571428573 | Take profit: 2115.438539285715 +2025-03-10 16:18:06,234 - INFO - CLOSED long at 2083.07 | PnL: -0.05% | $-0.30 +2025-03-10 16:18:06,234 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.529942857143 | Take profit: 2051.7570607142857 +2025-03-10 16:18:06,313 - INFO - TAKE PROFIT hit for short at 2051.7570607142857 | PnL: 1.50% | $2.78 +2025-03-10 16:18:06,340 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.299592857143 | Take profit: 2020.1681107142858 +2025-03-10 16:18:06,728 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.21, Avg Loss=$-0.23 +2025-03-10 16:18:06,729 - INFO - Episode 26: Reward=-1.84, Balance=$103.93, Win Rate=50.0%, Trades=8, Episode PnL=$4.71, Total PnL=$518.24, Max Drawdown=0.0%, Pred Accuracy=98.2% +2025-03-10 16:18:06,730 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:18:06,731 - INFO - Refreshing data for episode 27 +2025-03-10 16:18:06,731 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:18:07,091 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:18:07,102 - INFO - Initialized environment with 100 candles +2025-03-10 16:18:07,263 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.451875 | Take profit: 2089.9086875000003 +2025-03-10 16:18:07,407 - INFO - CLOSED short at 2119.02 | PnL: 0.13% | $0.06 +2025-03-10 16:18:07,408 - INFO - OPENED LONG at 2119.02 | Stop loss: 2108.382025 | Take profit: 2150.8696124999997 +2025-03-10 16:18:07,440 - INFO - CLOSED long at 2120.96 | PnL: 0.09% | $-0.02 +2025-03-10 16:18:07,441 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.607675 | Take profit: 2089.0812875 +2025-03-10 16:18:07,955 - INFO - CLOSED short at 2113.28 | PnL: 0.36% | $0.51 +2025-03-10 16:18:07,955 - INFO - OPENED LONG at 2113.28 | Stop loss: 2102.6707250000004 | Take profit: 2145.0435125000004 +2025-03-10 16:18:07,983 - INFO - CLOSED long at 2114.5 | PnL: 0.06% | $-0.08 +2025-03-10 16:18:07,983 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.115375 | Take profit: 2082.7181875 +2025-03-10 16:18:08,277 - INFO - CLOSED short at 2089.84 | PnL: 1.17% | $2.10 +2025-03-10 16:18:08,277 - INFO - OPENED LONG at 2089.84 | Stop loss: 2079.347925 | Take profit: 2121.2519125000003 +2025-03-10 16:18:08,307 - INFO - CLOSED long at 2096.19 | PnL: 0.30% | $0.41 +2025-03-10 16:18:08,307 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.7138250000003 | Take profit: 2064.6828375 +2025-03-10 16:18:08,745 - INFO - CLOSED short at 2084.95 | PnL: 0.54% | $0.88 +2025-03-10 16:18:08,746 - INFO - OPENED LONG at 2084.95 | Stop loss: 2074.4823749999996 | Take profit: 2116.2885625 +2025-03-10 16:18:08,841 - INFO - CLOSED long at 2081.0 | PnL: -0.19% | $-0.59 +2025-03-10 16:18:08,841 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.447875 | Take profit: 2049.7206875 +2025-03-10 16:18:08,930 - INFO - CLOSED short at 2085.37 | PnL: -0.21% | $-0.63 +2025-03-10 16:18:08,930 - INFO - OPENED LONG at 2085.37 | Stop loss: 2074.900275 | Take profit: 2116.7148625 +2025-03-10 16:18:08,969 - INFO - CLOSED long at 2084.11 | PnL: -0.06% | $-0.32 +2025-03-10 16:18:08,969 - INFO - OPENED SHORT at 2084.11 | Stop loss: 2094.573425 | Take profit: 2052.7840375 +2025-03-10 16:18:09,091 - INFO - CLOSED short at 2048.3 | PnL: 1.72% | $3.25 +2025-03-10 16:18:09,091 - INFO - OPENED LONG at 2048.3 | Stop loss: 2038.0156250000002 | Take profit: 2079.0888125 +2025-03-10 16:18:09,118 - INFO - CLOSED long at 2051.0 | PnL: 0.13% | $0.07 +2025-03-10 16:18:09,119 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.297875 | Take profit: 2020.1706875 +2025-03-10 16:18:09,180 - INFO - CLOSED short at 2052.89 | PnL: -0.09% | $-0.40 +2025-03-10 16:18:09,180 - INFO - OPENED LONG at 2052.89 | Stop loss: 2042.5826749999999 | Take profit: 2083.7476625 +2025-03-10 16:18:09,253 - INFO - CLOSED long at 2053.22 | PnL: 0.02% | $-0.17 +2025-03-10 16:18:09,254 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.5289749999997 | Take profit: 2022.3573874999997 +2025-03-10 16:18:09,351 - INFO - CLOSED short at 2054.03 | PnL: -0.04% | $-0.29 +2025-03-10 16:18:09,352 - INFO - OPENED LONG at 2054.03 | Stop loss: 2043.716975 | Take profit: 2084.9047625000003 +2025-03-10 16:18:09,396 - INFO - CLOSED long at 2050.18 | PnL: -0.19% | $-0.59 +2025-03-10 16:18:09,397 - INFO - OPENED SHORT at 2050.18 | Stop loss: 2060.473775 | Take profit: 2019.3629875 +2025-03-10 16:18:09,420 - INFO - CLOSED short at 2046.76 | PnL: 0.17% | $0.14 +2025-03-10 16:18:09,421 - INFO - OPENED LONG at 2046.76 | Stop loss: 2036.483325 | Take profit: 2077.5257125 +2025-03-10 16:18:09,446 - INFO - CLOSED long at 2043.95 | PnL: -0.14% | $-0.48 +2025-03-10 16:18:09,446 - INFO - OPENED SHORT at 2043.95 | Stop loss: 2054.212625 | Take profit: 2013.2264375000002 +2025-03-10 16:18:09,497 - INFO - CLOSED short at 2043.59 | PnL: 0.02% | $-0.17 +2025-03-10 16:18:09,497 - INFO - OPENED LONG at 2043.59 | Stop loss: 2033.3291749999999 | Take profit: 2074.3081624999995 +2025-03-10 16:18:09,557 - INFO - CLOSED long at 2036.71 | PnL: -0.34% | $-0.89 +2025-03-10 16:18:09,557 - INFO - OPENED SHORT at 2036.71 | Stop loss: 2046.9364249999999 | Take profit: 2006.0950375000002 +2025-03-10 16:18:09,607 - INFO - CLOSED short at 2027.51 | PnL: 0.45% | $0.71 +2025-03-10 16:18:09,608 - INFO - OPENED LONG at 2027.51 | Stop loss: 2017.329575 | Take profit: 2057.9869625 +2025-03-10 16:18:09,660 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 63.6% in downtrends | Avg Win=$0.90, Avg Loss=$-0.39 +2025-03-10 16:18:09,661 - INFO - Episode 27: Reward=-8.33, Balance=$103.49, Win Rate=42.9%, Trades=21, Episode PnL=$6.17, Total PnL=$521.74, Max Drawdown=0.0%, Pred Accuracy=98.1% +2025-03-10 16:18:09,661 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:18:09,661 - INFO - Refreshing data for episode 28 +2025-03-10 16:18:09,662 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:18:09,971 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:18:09,981 - INFO - Initialized environment with 100 candles +2025-03-10 16:18:10,228 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.4522535714286 | Take profit: 2089.9081196428574 +2025-03-10 16:18:10,312 - INFO - CLOSED short at 2119.02 | PnL: 0.13% | $0.06 +2025-03-10 16:18:10,312 - INFO - OPENED LONG at 2119.02 | Stop loss: 2108.3816464285715 | Take profit: 2150.870180357143 +2025-03-10 16:18:10,336 - INFO - CLOSED long at 2120.96 | PnL: 0.09% | $-0.02 +2025-03-10 16:18:10,336 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6080535714286 | Take profit: 2089.0807196428573 +2025-03-10 16:18:10,582 - INFO - CLOSED short at 2115.52 | PnL: 0.26% | $0.31 +2025-03-10 16:18:10,583 - INFO - OPENED LONG at 2115.52 | Stop loss: 2104.8991464285714 | Take profit: 2147.3176803571428 +2025-03-10 16:18:10,686 - INFO - CLOSED long at 2114.1 | PnL: -0.07% | $-0.33 +2025-03-10 16:18:10,686 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.7137535714282 | Take profit: 2082.323619642857 +2025-03-10 16:18:10,852 - INFO - CLOSED short at 2113.28 | PnL: 0.04% | $-0.12 +2025-03-10 16:18:10,852 - INFO - OPENED LONG at 2113.28 | Stop loss: 2102.6703464285715 | Take profit: 2145.0440803571432 +2025-03-10 16:18:10,942 - INFO - CLOSED long at 2115.07 | PnL: 0.08% | $-0.03 +2025-03-10 16:18:10,942 - INFO - OPENED SHORT at 2115.07 | Stop loss: 2125.6886035714288 | Take profit: 2083.2790696428574 +2025-03-10 16:18:11,003 - INFO - CLOSED short at 2098.28 | PnL: 0.79% | $1.36 +2025-03-10 16:18:11,004 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.745346428572 | Take profit: 2129.8190803571433 +2025-03-10 16:18:11,031 - INFO - CLOSED long at 2091.36 | PnL: -0.33% | $-0.85 +2025-03-10 16:18:11,031 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.8600535714286 | Take profit: 2059.9247196428573 +2025-03-10 16:18:11,165 - INFO - CLOSED short at 2096.19 | PnL: -0.23% | $-0.65 +2025-03-10 16:18:11,165 - INFO - OPENED LONG at 2096.19 | Stop loss: 2085.6657964285714 | Take profit: 2127.697730357143 +2025-03-10 16:18:11,194 - INFO - CLOSED long at 2100.0 | PnL: 0.18% | $0.16 +2025-03-10 16:18:11,195 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.5432535714285 | Take profit: 2068.435119642857 +2025-03-10 16:18:11,301 - INFO - CLOSED short at 2103.41 | PnL: -0.16% | $-0.51 +2025-03-10 16:18:11,301 - INFO - OPENED LONG at 2103.41 | Stop loss: 2092.8496964285714 | Take profit: 2135.0260303571426 +2025-03-10 16:18:11,355 - INFO - CLOSED long at 2104.22 | PnL: 0.04% | $-0.12 +2025-03-10 16:18:11,357 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.7843535714287 | Take profit: 2072.591819642857 +2025-03-10 16:18:11,417 - INFO - CLOSED short at 2105.26 | PnL: -0.05% | $-0.29 +2025-03-10 16:18:11,418 - INFO - OPENED LONG at 2105.26 | Stop loss: 2094.6904464285717 | Take profit: 2136.903780357143 +2025-03-10 16:18:11,446 - INFO - CLOSED long at 2099.63 | PnL: -0.27% | $-0.71 +2025-03-10 16:18:11,446 - INFO - OPENED SHORT at 2099.63 | Stop loss: 2110.1714035714285 | Take profit: 2068.0706696428574 +2025-03-10 16:18:11,507 - INFO - CLOSED short at 2094.16 | PnL: 0.26% | $0.31 +2025-03-10 16:18:11,507 - INFO - OPENED LONG at 2094.16 | Stop loss: 2083.6459464285713 | Take profit: 2125.637280357143 +2025-03-10 16:18:11,532 - INFO - CLOSED long at 2096.96 | PnL: 0.13% | $0.07 +2025-03-10 16:18:11,532 - INFO - OPENED SHORT at 2096.96 | Stop loss: 2107.4880535714287 | Take profit: 2065.440719642857 +2025-03-10 16:18:11,842 - INFO - CLOSED short at 2085.37 | PnL: 0.55% | $0.87 +2025-03-10 16:18:11,868 - INFO - OPENED LONG at 2084.11 | Stop loss: 2073.6461964285713 | Take profit: 2115.4365303571426 +2025-03-10 16:18:11,893 - INFO - CLOSED long at 2083.07 | PnL: -0.05% | $-0.29 +2025-03-10 16:18:11,894 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.528603571429 | Take profit: 2051.7590696428574 +2025-03-10 16:18:11,971 - INFO - TAKE PROFIT hit for short at 2051.7590696428574 | PnL: 1.50% | $2.73 +2025-03-10 16:18:12,015 - INFO - OPENED LONG at 2051.0 | Stop loss: 2040.7017464285714 | Take profit: 2081.829880357143 +2025-03-10 16:18:12,062 - INFO - CLOSED long at 2043.51 | PnL: -0.37% | $-0.93 +2025-03-10 16:18:12,063 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.7708035714286 | Take profit: 2012.7924696428572 +2025-03-10 16:18:12,187 - INFO - STOP LOSS hit for short at 2053.7708035714286 | PnL: -0.50% | $-1.19 +2025-03-10 16:18:12,216 - INFO - OPENED LONG at 2054.03 | Stop loss: 2043.7165964285716 | Take profit: 2084.9053303571427 +2025-03-10 16:18:12,242 - INFO - CLOSED long at 2050.18 | PnL: -0.19% | $-0.56 +2025-03-10 16:18:12,243 - INFO - OPENED SHORT at 2050.18 | Stop loss: 2060.4741535714284 | Take profit: 2019.362419642857 +2025-03-10 16:18:12,347 - INFO - CLOSED short at 2043.59 | PnL: 0.32% | $0.43 +2025-03-10 16:18:12,348 - INFO - OPENED LONG at 2043.59 | Stop loss: 2033.3287964285714 | Take profit: 2074.308730357143 +2025-03-10 16:18:12,372 - INFO - CLOSED long at 2042.0 | PnL: -0.08% | $-0.35 +2025-03-10 16:18:12,372 - INFO - OPENED SHORT at 2042.0 | Stop loss: 2052.2532535714286 | Take profit: 2011.305119642857 +2025-03-10 16:18:12,437 - INFO - CLOSED short at 2027.51 | PnL: 0.71% | $1.19 +2025-03-10 16:18:12,437 - INFO - OPENED LONG at 2027.51 | Stop loss: 2017.3291964285713 | Take profit: 2057.987530357143 +2025-03-10 16:18:12,485 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 58.3% in downtrends | Avg Win=$0.75, Avg Loss=$-0.46 +2025-03-10 16:18:12,486 - INFO - Episode 28: Reward=-15.13, Balance=$100.52, Win Rate=40.0%, Trades=25, Episode PnL=$4.49, Total PnL=$522.26, Max Drawdown=2.1%, Pred Accuracy=98.1% +2025-03-10 16:18:12,487 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:18:12,487 - INFO - Refreshing data for episode 29 +2025-03-10 16:18:12,487 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:18:12,805 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:18:12,816 - INFO - Initialized environment with 100 candles +2025-03-10 16:18:13,147 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.4522535714286 | Take profit: 2089.9081196428574 +2025-03-10 16:18:13,295 - INFO - CLOSED short at 2124.9 | PnL: -0.15% | $-0.48 +2025-03-10 16:18:13,295 - INFO - OPENED LONG at 2124.9 | Stop loss: 2114.2322464285717 | Take profit: 2156.8383803571433 +2025-03-10 16:18:13,331 - INFO - CLOSED long at 2128.33 | PnL: 0.16% | $0.12 +2025-03-10 16:18:13,332 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0149035714285 | Take profit: 2096.3401696428573 +2025-03-10 16:18:13,398 - INFO - CLOSED short at 2120.26 | PnL: 0.38% | $0.55 +2025-03-10 16:18:13,398 - INFO - OPENED LONG at 2120.26 | Stop loss: 2109.615446428572 | Take profit: 2152.128780357143 +2025-03-10 16:18:13,508 - INFO - CLOSED long at 2114.78 | PnL: -0.26% | $-0.70 +2025-03-10 16:18:13,508 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.397153571429 | Take profit: 2082.993419642857 +2025-03-10 16:18:13,847 - INFO - CLOSED short at 2115.07 | PnL: -0.01% | $-0.22 +2025-03-10 16:18:13,847 - INFO - OPENED LONG at 2115.07 | Stop loss: 2104.4513964285716 | Take profit: 2146.860930357143 +2025-03-10 16:18:13,873 - INFO - CLOSED long at 2098.24 | PnL: -0.80% | $-1.74 +2025-03-10 16:18:13,875 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.7744535714287 | Take profit: 2066.701519642857 +2025-03-10 16:18:13,908 - INFO - CLOSED short at 2098.28 | PnL: -0.00% | $-0.19 +2025-03-10 16:18:13,909 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.745346428572 | Take profit: 2129.8190803571433 +2025-03-10 16:18:13,942 - INFO - CLOSED long at 2091.36 | PnL: -0.33% | $-0.82 +2025-03-10 16:18:13,943 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.8600535714286 | Take profit: 2059.9247196428573 +2025-03-10 16:18:13,998 - INFO - CLOSED short at 2096.36 | PnL: -0.24% | $-0.64 +2025-03-10 16:18:13,999 - INFO - OPENED LONG at 2096.36 | Stop loss: 2085.8349464285716 | Take profit: 2127.870280357143 +2025-03-10 16:18:14,032 - INFO - CLOSED long at 2089.04 | PnL: -0.35% | $-0.84 +2025-03-10 16:18:14,032 - INFO - OPENED SHORT at 2089.04 | Stop loss: 2099.5284535714286 | Take profit: 2057.639519642857 +2025-03-10 16:18:14,083 - INFO - CLOSED short at 2096.19 | PnL: -0.34% | $-0.82 +2025-03-10 16:18:14,084 - INFO - OPENED LONG at 2096.19 | Stop loss: 2085.6657964285714 | Take profit: 2127.697730357143 +2025-03-10 16:18:14,116 - INFO - CLOSED long at 2100.0 | PnL: 0.18% | $0.15 +2025-03-10 16:18:14,117 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.5432535714285 | Take profit: 2068.435119642857 +2025-03-10 16:18:14,333 - INFO - CLOSED short at 2096.96 | PnL: 0.14% | $0.08 +2025-03-10 16:18:14,334 - INFO - OPENED LONG at 2096.96 | Stop loss: 2086.431946428572 | Take profit: 2128.4792803571427 +2025-03-10 16:18:14,359 - INFO - CLOSED long at 2098.66 | PnL: 0.08% | $-0.04 +2025-03-10 16:18:14,360 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.196553571428 | Take profit: 2067.115219642857 +2025-03-10 16:18:14,474 - INFO - CLOSED short at 2084.75 | PnL: 0.66% | $1.04 +2025-03-10 16:18:14,474 - INFO - OPENED LONG at 2084.75 | Stop loss: 2074.2829964285716 | Take profit: 2116.086130357143 +2025-03-10 16:18:14,502 - INFO - CLOSED long at 2081.0 | PnL: -0.18% | $-0.52 +2025-03-10 16:18:14,502 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.4482535714287 | Take profit: 2049.720119642857 +2025-03-10 16:18:14,686 - INFO - TAKE PROFIT hit for short at 2049.720119642857 | PnL: 1.50% | $2.61 +2025-03-10 16:18:14,710 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.2982535714286 | Take profit: 2020.1701196428571 +2025-03-10 16:18:14,959 - INFO - CLOSED short at 2043.59 | PnL: 0.36% | $0.50 +2025-03-10 16:18:14,960 - INFO - OPENED LONG at 2043.59 | Stop loss: 2033.3287964285714 | Take profit: 2074.308730357143 +2025-03-10 16:18:14,983 - INFO - CLOSED long at 2042.0 | PnL: -0.08% | $-0.34 +2025-03-10 16:18:14,983 - INFO - OPENED SHORT at 2042.0 | Stop loss: 2052.2532535714286 | Take profit: 2011.305119642857 +2025-03-10 16:18:15,007 - INFO - CLOSED short at 2036.71 | PnL: 0.26% | $0.30 +2025-03-10 16:18:15,009 - INFO - OPENED LONG at 2036.71 | Stop loss: 2026.4831964285713 | Take profit: 2067.3255303571427 +2025-03-10 16:18:15,033 - INFO - CLOSED long at 2027.51 | PnL: -0.45% | $-1.06 +2025-03-10 16:18:15,034 - INFO - OPENED SHORT at 2027.51 | Stop loss: 2037.6908035714284 | Take profit: 1997.0324696428572 +2025-03-10 16:18:15,059 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 54.5% in downtrends | Avg Win=$0.67, Avg Loss=$-0.65 +2025-03-10 16:18:15,060 - INFO - Episode 29: Reward=-17.80, Balance=$96.92, Win Rate=38.1%, Trades=21, Episode PnL=$2.72, Total PnL=$519.18, Max Drawdown=0.0%, Pred Accuracy=98.2% +2025-03-10 16:18:15,061 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:18:15,061 - INFO - Refreshing data for episode 30 +2025-03-10 16:18:15,061 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:18:15,376 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:18:15,387 - INFO - Initialized environment with 100 candles +2025-03-10 16:18:16,196 - INFO - OPENED LONG at 2121.8 | Stop loss: 2111.1477464285717 | Take profit: 2153.691880357143 +2025-03-10 16:18:16,250 - INFO - CLOSED long at 2116.52 | PnL: -0.25% | $-0.68 +2025-03-10 16:18:16,250 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1458535714282 | Take profit: 2084.707319642857 +2025-03-10 16:18:16,281 - INFO - CLOSED short at 2119.02 | PnL: -0.12% | $-0.42 +2025-03-10 16:18:16,281 - INFO - OPENED LONG at 2119.02 | Stop loss: 2108.3816464285715 | Take profit: 2150.870180357143 +2025-03-10 16:18:16,310 - INFO - CLOSED long at 2120.96 | PnL: 0.09% | $-0.02 +2025-03-10 16:18:16,311 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6080535714286 | Take profit: 2089.0807196428573 +2025-03-10 16:18:16,340 - INFO - CLOSED short at 2124.9 | PnL: -0.19% | $-0.55 +2025-03-10 16:18:16,341 - INFO - OPENED LONG at 2124.9 | Stop loss: 2114.2322464285717 | Take profit: 2156.8383803571433 +2025-03-10 16:18:16,369 - INFO - CLOSED long at 2128.33 | PnL: 0.16% | $0.12 +2025-03-10 16:18:16,369 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0149035714285 | Take profit: 2096.3401696428573 +2025-03-10 16:18:16,509 - INFO - CLOSED short at 2114.75 | PnL: 0.64% | $1.04 +2025-03-10 16:18:16,510 - INFO - OPENED LONG at 2114.75 | Stop loss: 2104.1329964285715 | Take profit: 2146.5361303571426 +2025-03-10 16:18:16,544 - INFO - CLOSED long at 2116.06 | PnL: 0.06% | $-0.07 +2025-03-10 16:18:16,545 - INFO - OPENED SHORT at 2116.06 | Stop loss: 2126.6835535714285 | Take profit: 2084.254219642857 +2025-03-10 16:18:16,771 - INFO - CLOSED short at 2115.07 | PnL: 0.05% | $-0.10 +2025-03-10 16:18:16,773 - INFO - OPENED LONG at 2115.07 | Stop loss: 2104.4513964285716 | Take profit: 2146.860930357143 +2025-03-10 16:18:16,797 - INFO - CLOSED long at 2098.24 | PnL: -0.80% | $-1.74 +2025-03-10 16:18:16,797 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.7744535714287 | Take profit: 2066.701519642857 +2025-03-10 16:18:16,894 - INFO - CLOSED short at 2096.36 | PnL: 0.09% | $-0.02 +2025-03-10 16:18:16,894 - INFO - OPENED LONG at 2096.36 | Stop loss: 2085.8349464285716 | Take profit: 2127.870280357143 +2025-03-10 16:18:16,953 - INFO - CLOSED long at 2089.84 | PnL: -0.31% | $-0.79 +2025-03-10 16:18:16,953 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3324535714287 | Take profit: 2058.4275196428575 +2025-03-10 16:18:17,053 - INFO - STOP LOSS hit for short at 2100.3324535714287 | PnL: -0.50% | $-1.14 +2025-03-10 16:18:17,076 - INFO - OPENED LONG at 2103.41 | Stop loss: 2092.8496964285714 | Take profit: 2135.0260303571426 +2025-03-10 16:18:17,105 - INFO - CLOSED long at 2104.22 | PnL: 0.04% | $-0.12 +2025-03-10 16:18:17,106 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.7843535714287 | Take profit: 2072.591819642857 +2025-03-10 16:18:17,178 - INFO - CLOSED short at 2105.26 | PnL: -0.05% | $-0.28 +2025-03-10 16:18:17,178 - INFO - OPENED LONG at 2105.26 | Stop loss: 2094.6904464285717 | Take profit: 2136.903780357143 +2025-03-10 16:18:17,209 - INFO - CLOSED long at 2099.63 | PnL: -0.27% | $-0.69 +2025-03-10 16:18:17,210 - INFO - OPENED SHORT at 2099.63 | Stop loss: 2110.1714035714285 | Take profit: 2068.0706696428574 +2025-03-10 16:18:17,290 - INFO - CLOSED short at 2096.96 | PnL: 0.13% | $0.05 +2025-03-10 16:18:17,291 - INFO - OPENED LONG at 2096.96 | Stop loss: 2086.431946428572 | Take profit: 2128.4792803571427 +2025-03-10 16:18:17,314 - INFO - CLOSED long at 2098.66 | PnL: 0.08% | $-0.04 +2025-03-10 16:18:17,316 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.196553571428 | Take profit: 2067.115219642857 +2025-03-10 16:18:17,435 - INFO - CLOSED short at 2084.75 | PnL: 0.66% | $1.04 +2025-03-10 16:18:17,435 - INFO - OPENED LONG at 2084.75 | Stop loss: 2074.2829964285716 | Take profit: 2116.086130357143 +2025-03-10 16:18:17,482 - INFO - CLOSED long at 2084.25 | PnL: -0.02% | $-0.23 +2025-03-10 16:18:17,482 - INFO - OPENED SHORT at 2084.25 | Stop loss: 2094.714503571429 | Take profit: 2052.9213696428574 +2025-03-10 16:18:17,655 - INFO - TAKE PROFIT hit for short at 2052.9213696428574 | PnL: 1.50% | $2.62 +2025-03-10 16:18:17,699 - INFO - OPENED LONG at 2051.0 | Stop loss: 2040.7017464285714 | Take profit: 2081.829880357143 +2025-03-10 16:18:17,750 - INFO - CLOSED long at 2043.51 | PnL: -0.37% | $-0.89 +2025-03-10 16:18:17,750 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.7708035714286 | Take profit: 2012.7924696428572 +2025-03-10 16:18:17,787 - INFO - CLOSED short at 2052.89 | PnL: -0.46% | $-1.06 +2025-03-10 16:18:17,788 - INFO - OPENED LONG at 2052.89 | Stop loss: 2042.5822964285715 | Take profit: 2083.748230357143 +2025-03-10 16:18:17,813 - INFO - CLOSED long at 2053.22 | PnL: 0.02% | $-0.16 +2025-03-10 16:18:17,813 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.529353571428 | Take profit: 2022.356819642857 +2025-03-10 16:18:17,867 - INFO - CLOSED short at 2054.03 | PnL: -0.04% | $-0.26 +2025-03-10 16:18:17,867 - INFO - OPENED LONG at 2054.03 | Stop loss: 2043.7165964285716 | Take profit: 2084.9053303571427 +2025-03-10 16:18:17,898 - INFO - CLOSED long at 2050.18 | PnL: -0.19% | $-0.54 +2025-03-10 16:18:17,898 - INFO - OPENED SHORT at 2050.18 | Stop loss: 2060.4741535714284 | Take profit: 2019.362419642857 +2025-03-10 16:18:17,949 - INFO - CLOSED short at 2043.95 | PnL: 0.30% | $0.38 +2025-03-10 16:18:17,950 - INFO - OPENED LONG at 2043.95 | Stop loss: 2033.6869964285715 | Take profit: 2074.674130357143 +2025-03-10 16:18:17,980 - INFO - CLOSED long at 2044.1 | PnL: 0.01% | $-0.17 +2025-03-10 16:18:17,980 - INFO - OPENED SHORT at 2044.1 | Stop loss: 2054.363753571429 | Take profit: 2013.373619642857 +2025-03-10 16:18:18,049 - INFO - CLOSED short at 2043.59 | PnL: 0.02% | $-0.14 +2025-03-10 16:18:18,049 - INFO - OPENED LONG at 2043.59 | Stop loss: 2033.3287964285714 | Take profit: 2074.308730357143 +2025-03-10 16:18:18,105 - INFO - CLOSED long at 2042.0 | PnL: -0.08% | $-0.33 +2025-03-10 16:18:18,106 - INFO - OPENED SHORT at 2042.0 | Stop loss: 2052.2532535714286 | Take profit: 2011.305119642857 +2025-03-10 16:18:18,209 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 35.7% in downtrends | Avg Win=$0.88, Avg Loss=$-0.45 +2025-03-10 16:18:18,210 - INFO - Episode 30: Reward=-32.92, Balance=$94.80, Win Rate=20.7%, Trades=29, Episode PnL=$1.14, Total PnL=$513.98, Max Drawdown=4.4%, Pred Accuracy=98.3% +2025-03-10 16:18:18,358 - INFO - Model saved to checkpoints/trading_agent_episode_30.pt +2025-03-10 16:18:18,359 - INFO - Checkpoint saved at episode 30 +2025-03-10 16:18:18,360 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:18:19,431 - INFO - Visualization saved for episode 30 +2025-03-10 16:18:21,353 - INFO - Visualization saved for episode 30 +2025-03-10 16:18:21,379 - INFO - Refreshing data for episode 31 +2025-03-10 16:18:21,380 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:18:21,718 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:18:21,730 - INFO - Initialized environment with 100 candles +2025-03-10 16:18:22,001 - INFO - OPENED LONG at 2121.8 | Stop loss: 2111.1476142857146 | Take profit: 2153.6920785714287 +2025-03-10 16:18:22,033 - INFO - CLOSED long at 2121.42 | PnL: -0.02% | $-0.23 +2025-03-10 16:18:22,033 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.070485714286 | Take profit: 2089.533621428571 +2025-03-10 16:18:22,225 - INFO - CLOSED short at 2116.81 | PnL: 0.22% | $0.23 +2025-03-10 16:18:22,226 - INFO - OPENED LONG at 2116.81 | Stop loss: 2106.1825642857143 | Take profit: 2148.6272285714285 +2025-03-10 16:18:22,322 - INFO - CLOSED long at 2114.75 | PnL: -0.10% | $-0.39 +2025-03-10 16:18:22,322 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.3671357142857 | Take profit: 2082.9636714285716 +2025-03-10 16:18:22,346 - INFO - CLOSED short at 2116.06 | PnL: -0.06% | $-0.32 +2025-03-10 16:18:22,374 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.829435714286 | Take profit: 2083.4167714285713 +2025-03-10 16:18:22,452 - INFO - CLOSED short at 2114.32 | PnL: 0.04% | $-0.11 +2025-03-10 16:18:22,452 - INFO - OPENED LONG at 2114.32 | Stop loss: 2103.7050142857147 | Take profit: 2146.099878571429 +2025-03-10 16:18:22,479 - INFO - CLOSED long at 2114.57 | PnL: 0.01% | $-0.17 +2025-03-10 16:18:22,480 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.186235714286 | Take profit: 2082.786371428572 +2025-03-10 16:18:22,534 - INFO - CLOSED short at 2113.28 | PnL: 0.06% | $-0.08 +2025-03-10 16:18:22,534 - INFO - OPENED LONG at 2113.28 | Stop loss: 2102.6702142857143 | Take profit: 2145.044278571429 +2025-03-10 16:18:22,559 - INFO - CLOSED long at 2114.5 | PnL: 0.06% | $-0.08 +2025-03-10 16:18:22,560 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.115885714286 | Take profit: 2082.7174214285715 +2025-03-10 16:18:22,613 - INFO - CLOSED short at 2098.24 | PnL: 0.77% | $1.30 +2025-03-10 16:18:22,643 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.7452142857146 | Take profit: 2129.8192785714286 +2025-03-10 16:18:22,701 - INFO - CLOSED long at 2100.05 | PnL: 0.08% | $-0.03 +2025-03-10 16:18:22,701 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.593635714286 | Take profit: 2068.4841714285717 +2025-03-10 16:18:23,084 - INFO - CLOSED short at 2090.59 | PnL: 0.45% | $0.69 +2025-03-10 16:18:23,084 - INFO - OPENED LONG at 2090.59 | Stop loss: 2080.0936642857146 | Take profit: 2122.013928571429 +2025-03-10 16:18:23,133 - INFO - CLOSED long at 2084.95 | PnL: -0.27% | $-0.73 +2025-03-10 16:18:23,133 - INFO - OPENED SHORT at 2084.95 | Stop loss: 2095.4181357142857 | Take profit: 2053.610671428571 +2025-03-10 16:18:23,390 - INFO - CLOSED short at 2067.71 | PnL: 0.83% | $1.43 +2025-03-10 16:18:23,391 - INFO - OPENED LONG at 2067.71 | Stop loss: 2057.3280642857144 | Take profit: 2098.7907285714286 +2025-03-10 16:18:23,423 - INFO - CLOSED long at 2048.3 | PnL: -0.94% | $-2.07 +2025-03-10 16:18:23,424 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.584885714286 | Take profit: 2017.5104214285716 +2025-03-10 16:18:23,451 - INFO - CLOSED short at 2051.0 | PnL: -0.13% | $-0.45 +2025-03-10 16:18:23,452 - INFO - OPENED LONG at 2051.0 | Stop loss: 2040.7016142857144 | Take profit: 2081.8300785714287 +2025-03-10 16:18:23,480 - INFO - CLOSED long at 2043.51 | PnL: -0.37% | $-0.90 +2025-03-10 16:18:23,480 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.7709357142853 | Take profit: 2012.7922714285714 +2025-03-10 16:18:23,509 - INFO - CLOSED short at 2052.89 | PnL: -0.46% | $-1.07 +2025-03-10 16:18:23,510 - INFO - OPENED LONG at 2052.89 | Stop loss: 2042.582164285714 | Take profit: 2083.7484285714286 +2025-03-10 16:18:23,537 - INFO - CLOSED long at 2053.22 | PnL: 0.02% | $-0.16 +2025-03-10 16:18:23,538 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.5294857142853 | Take profit: 2022.3566214285713 +2025-03-10 16:18:23,616 - INFO - CLOSED short at 2050.18 | PnL: 0.15% | $0.09 +2025-03-10 16:18:23,618 - INFO - OPENED LONG at 2050.18 | Stop loss: 2039.8857142857141 | Take profit: 2080.9977785714286 +2025-03-10 16:18:23,642 - INFO - CLOSED long at 2046.76 | PnL: -0.17% | $-0.51 +2025-03-10 16:18:23,644 - INFO - OPENED SHORT at 2046.76 | Stop loss: 2057.0371857142854 | Take profit: 2015.9935214285715 +2025-03-10 16:18:23,806 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$0.75, Avg Loss=$-0.49 +2025-03-10 16:18:23,807 - INFO - Episode 31: Reward=-21.63, Balance=$96.43, Win Rate=25.0%, Trades=20, Episode PnL=$1.70, Total PnL=$510.41, Max Drawdown=0.7%, Pred Accuracy=98.3% +2025-03-10 16:18:23,808 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:18:23,808 - INFO - Refreshing data for episode 32 +2025-03-10 16:18:23,809 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:18:24,204 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:18:24,217 - INFO - Initialized environment with 100 candles +2025-03-10 16:18:24,255 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.4527142857146 | Take profit: 2089.9074285714287 +2025-03-10 16:18:24,390 - INFO - CLOSED short at 2128.33 | PnL: -0.31% | $-0.80 +2025-03-10 16:18:24,391 - INFO - OPENED LONG at 2128.33 | Stop loss: 2117.6446357142854 | Take profit: 2160.3205214285713 +2025-03-10 16:18:24,416 - INFO - CLOSED long at 2124.77 | PnL: -0.17% | $-0.52 +2025-03-10 16:18:24,416 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.437564285714 | Take profit: 2092.8328785714284 +2025-03-10 16:18:24,462 - INFO - CLOSED short at 2116.81 | PnL: 0.37% | $0.53 +2025-03-10 16:18:24,463 - INFO - OPENED LONG at 2116.81 | Stop loss: 2106.1822357142855 | Take profit: 2148.6277214285715 +2025-03-10 16:18:24,486 - INFO - CLOSED long at 2114.78 | PnL: -0.10% | $-0.38 +2025-03-10 16:18:24,486 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.3976142857146 | Take profit: 2082.992728571429 +2025-03-10 16:18:24,583 - INFO - CLOSED short at 2115.21 | PnL: -0.02% | $-0.23 +2025-03-10 16:18:24,584 - INFO - OPENED LONG at 2115.21 | Stop loss: 2104.590235714286 | Take profit: 2147.003721428571 +2025-03-10 16:18:24,632 - INFO - CLOSED long at 2115.11 | PnL: -0.00% | $-0.20 +2025-03-10 16:18:24,633 - INFO - OPENED SHORT at 2115.11 | Stop loss: 2125.729264285714 | Take profit: 2083.317778571429 +2025-03-10 16:18:24,869 - INFO - CLOSED short at 2091.36 | PnL: 1.12% | $1.97 +2025-03-10 16:18:24,869 - INFO - OPENED LONG at 2091.36 | Stop loss: 2080.8594857142857 | Take profit: 2122.795971428571 +2025-03-10 16:18:24,897 - INFO - CLOSED long at 2100.05 | PnL: 0.42% | $0.62 +2025-03-10 16:18:24,897 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5939642857143 | Take profit: 2068.4836785714288 +2025-03-10 16:18:24,963 - INFO - CLOSED short at 2089.04 | PnL: 0.52% | $0.84 +2025-03-10 16:18:24,963 - INFO - OPENED LONG at 2089.04 | Stop loss: 2078.551085714286 | Take profit: 2120.441171428571 +2025-03-10 16:18:24,988 - INFO - CLOSED long at 2089.84 | PnL: 0.04% | $-0.12 +2025-03-10 16:18:24,988 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.332914285714 | Take profit: 2058.426828571429 +2025-03-10 16:18:25,013 - INFO - CLOSED short at 2096.19 | PnL: -0.30% | $-0.80 +2025-03-10 16:18:25,014 - INFO - OPENED LONG at 2096.19 | Stop loss: 2085.665335714286 | Take profit: 2127.6984214285717 +2025-03-10 16:18:25,066 - INFO - CLOSED long at 2102.83 | PnL: 0.32% | $0.43 +2025-03-10 16:18:25,067 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3878642857144 | Take profit: 2071.2219785714283 +2025-03-10 16:18:25,223 - INFO - CLOSED short at 2099.63 | PnL: 0.15% | $0.10 +2025-03-10 16:18:25,224 - INFO - OPENED LONG at 2099.63 | Stop loss: 2089.0881357142857 | Take profit: 2131.1900214285715 +2025-03-10 16:18:25,285 - INFO - CLOSED long at 2094.16 | PnL: -0.26% | $-0.72 +2025-03-10 16:18:25,285 - INFO - OPENED SHORT at 2094.16 | Stop loss: 2104.6745142857144 | Take profit: 2062.6820285714284 +2025-03-10 16:18:25,320 - INFO - CLOSED short at 2096.96 | PnL: -0.13% | $-0.46 +2025-03-10 16:18:25,320 - INFO - OPENED LONG at 2096.96 | Stop loss: 2086.431485714286 | Take profit: 2128.4799714285714 +2025-03-10 16:18:25,348 - INFO - CLOSED long at 2098.66 | PnL: 0.08% | $-0.04 +2025-03-10 16:18:25,349 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.197014285714 | Take profit: 2067.1145285714283 +2025-03-10 16:18:25,776 - INFO - TAKE PROFIT hit for short at 2067.1145285714283 | PnL: 1.50% | $2.75 +2025-03-10 16:18:25,803 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.2987142857146 | Take profit: 2020.1694285714286 +2025-03-10 16:18:26,210 - INFO - CLOSED short at 2036.71 | PnL: 0.70% | $1.20 +2025-03-10 16:18:26,211 - INFO - OPENED LONG at 2036.71 | Stop loss: 2026.4827357142858 | Take profit: 2067.3262214285714 +2025-03-10 16:18:26,263 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$1.06, Avg Loss=$-0.43 +2025-03-10 16:18:26,264 - INFO - Episode 32: Reward=-9.60, Balance=$104.18, Win Rate=44.4%, Trades=18, Episode PnL=$5.11, Total PnL=$514.59, Max Drawdown=0.0%, Pred Accuracy=98.4% +2025-03-10 16:18:26,264 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:18:26,265 - INFO - Refreshing data for episode 33 +2025-03-10 16:18:26,265 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:18:26,582 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:18:26,594 - INFO - Initialized environment with 100 candles +2025-03-10 16:18:26,633 - INFO - OPENED LONG at 2121.8 | Stop loss: 2111.1467500000003 | Take profit: 2153.6933750000003 +2025-03-10 16:18:26,659 - INFO - CLOSED long at 2121.42 | PnL: -0.02% | $-0.23 +2025-03-10 16:18:26,659 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.07135 | Take profit: 2089.532325 +2025-03-10 16:18:26,679 - INFO - CLOSED short at 2116.52 | PnL: 0.23% | $0.26 +2025-03-10 16:18:26,717 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.65935 | Take profit: 2087.168325 +2025-03-10 16:18:26,754 - INFO - CLOSED short at 2120.96 | PnL: -0.09% | $-0.38 +2025-03-10 16:18:26,754 - INFO - OPENED LONG at 2120.96 | Stop loss: 2110.31095 | Take profit: 2152.840775 +2025-03-10 16:18:26,779 - INFO - CLOSED long at 2124.9 | PnL: 0.19% | $0.17 +2025-03-10 16:18:26,779 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.5687500000004 | Take profit: 2092.960125 +2025-03-10 16:18:26,828 - INFO - CLOSED short at 2124.77 | PnL: 0.01% | $-0.18 +2025-03-10 16:18:26,829 - INFO - OPENED LONG at 2124.77 | Stop loss: 2114.1019 | Take profit: 2156.707925 +2025-03-10 16:18:26,861 - INFO - CLOSED long at 2120.26 | PnL: -0.21% | $-0.61 +2025-03-10 16:18:26,862 - INFO - OPENED SHORT at 2120.26 | Stop loss: 2130.9055500000004 | Take profit: 2088.3897250000005 +2025-03-10 16:18:27,067 - INFO - CLOSED short at 2115.21 | PnL: 0.24% | $0.27 +2025-03-10 16:18:27,068 - INFO - OPENED LONG at 2115.21 | Stop loss: 2104.5897 | Take profit: 2147.0045250000003 +2025-03-10 16:18:27,117 - INFO - CLOSED long at 2114.1 | PnL: -0.05% | $-0.30 +2025-03-10 16:18:27,118 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.7147499999996 | Take profit: 2082.3221249999997 +2025-03-10 16:18:27,292 - INFO - CLOSED short at 2114.5 | PnL: -0.02% | $-0.23 +2025-03-10 16:18:27,293 - INFO - OPENED LONG at 2114.5 | Stop loss: 2103.88325 | Take profit: 2146.283875 +2025-03-10 16:18:27,315 - INFO - CLOSED long at 2115.07 | PnL: 0.03% | $-0.14 +2025-03-10 16:18:27,315 - INFO - OPENED SHORT at 2115.07 | Stop loss: 2125.6896 | Take profit: 2083.277575 +2025-03-10 16:18:27,525 - INFO - CLOSED short at 2089.04 | PnL: 1.23% | $2.18 +2025-03-10 16:18:27,573 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.33345 | Take profit: 2058.426025 +2025-03-10 16:18:27,599 - INFO - CLOSED short at 2096.19 | PnL: -0.30% | $-0.80 +2025-03-10 16:18:27,600 - INFO - OPENED LONG at 2096.19 | Stop loss: 2085.6648 | Take profit: 2127.6992250000003 +2025-03-10 16:18:27,631 - INFO - CLOSED long at 2100.0 | PnL: 0.18% | $0.16 +2025-03-10 16:18:27,632 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.54425 | Take profit: 2068.433625 +2025-03-10 16:18:27,706 - INFO - CLOSED short at 2104.22 | PnL: -0.20% | $-0.59 +2025-03-10 16:18:27,706 - INFO - OPENED LONG at 2104.22 | Stop loss: 2093.65465 | Take profit: 2135.849675 +2025-03-10 16:18:27,734 - INFO - CLOSED long at 2104.67 | PnL: 0.02% | $-0.15 +2025-03-10 16:18:27,735 - INFO - OPENED SHORT at 2104.67 | Stop loss: 2115.2376000000004 | Take profit: 2073.033575 +2025-03-10 16:18:27,765 - INFO - CLOSED short at 2105.26 | PnL: -0.03% | $-0.25 +2025-03-10 16:18:27,766 - INFO - OPENED LONG at 2105.26 | Stop loss: 2094.6894500000003 | Take profit: 2136.9052750000005 +2025-03-10 16:18:27,822 - INFO - CLOSED long at 2099.63 | PnL: -0.27% | $-0.71 +2025-03-10 16:18:27,822 - INFO - OPENED SHORT at 2099.63 | Stop loss: 2110.1724 | Take profit: 2068.069175 +2025-03-10 16:18:28,342 - INFO - TAKE PROFIT hit for short at 2068.069175 | PnL: 1.50% | $2.71 +2025-03-10 16:18:28,385 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.58575 | Take profit: 2017.5091250000003 +2025-03-10 16:18:28,491 - INFO - CLOSED short at 2053.22 | PnL: -0.24% | $-0.67 +2025-03-10 16:18:28,492 - INFO - OPENED LONG at 2053.22 | Stop loss: 2042.9096499999998 | Take profit: 2084.0846749999996 +2025-03-10 16:18:28,517 - INFO - CLOSED long at 2058.11 | PnL: 0.24% | $0.27 +2025-03-10 16:18:28,517 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.4447999999998 | Take profit: 2027.1719750000002 +2025-03-10 16:18:28,737 - INFO - CLOSED short at 2044.1 | PnL: 0.68% | $1.15 +2025-03-10 16:18:28,738 - INFO - OPENED LONG at 2044.1 | Stop loss: 2033.8352499999999 | Take profit: 2074.827875 +2025-03-10 16:18:28,784 - INFO - CLOSED long at 2043.59 | PnL: -0.02% | $-0.25 +2025-03-10 16:18:28,784 - INFO - OPENED SHORT at 2043.59 | Stop loss: 2053.8522 | Take profit: 2012.869775 +2025-03-10 16:18:28,805 - INFO - CLOSED short at 2042.0 | PnL: 0.08% | $-0.04 +2025-03-10 16:18:28,805 - INFO - OPENED LONG at 2042.0 | Stop loss: 2031.7457499999998 | Take profit: 2072.696375 +2025-03-10 16:18:28,831 - INFO - CLOSED long at 2036.71 | PnL: -0.26% | $-0.71 +2025-03-10 16:18:28,831 - INFO - OPENED SHORT at 2036.71 | Stop loss: 2046.9378 | Take profit: 2006.092975 +2025-03-10 16:18:28,889 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 27.3% in downtrends | Avg Win=$0.89, Avg Loss=$-0.39 +2025-03-10 16:18:28,890 - INFO - Episode 33: Reward=-18.12, Balance=$100.91, Win Rate=33.3%, Trades=24, Episode PnL=$3.42, Total PnL=$515.49, Max Drawdown=0.0%, Pred Accuracy=98.4% +2025-03-10 16:18:28,890 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:18:28,890 - INFO - Refreshing data for episode 34 +2025-03-10 16:18:28,891 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:18:29,220 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:18:29,233 - INFO - Initialized environment with 100 candles +2025-03-10 16:18:29,267 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.454828571429 | Take profit: 2089.904257142857 +2025-03-10 16:18:29,550 - INFO - CLOSED short at 2115.52 | PnL: 0.30% | $0.38 +2025-03-10 16:18:29,551 - INFO - OPENED LONG at 2115.52 | Stop loss: 2104.8965714285714 | Take profit: 2147.321542857143 +2025-03-10 16:18:29,573 - INFO - CLOSED long at 2114.75 | PnL: -0.04% | $-0.27 +2025-03-10 16:18:29,574 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.369578571429 | Take profit: 2082.960007142857 +2025-03-10 16:18:29,638 - INFO - CLOSED short at 2116.06 | PnL: -0.06% | $-0.32 +2025-03-10 16:18:29,638 - INFO - OPENED LONG at 2116.06 | Stop loss: 2105.4338714285714 | Take profit: 2147.869642857143 +2025-03-10 16:18:29,781 - INFO - CLOSED long at 2115.11 | PnL: -0.04% | $-0.28 +2025-03-10 16:18:29,781 - INFO - OPENED SHORT at 2115.11 | Stop loss: 2125.731378571429 | Take profit: 2083.3146071428573 +2025-03-10 16:18:29,809 - INFO - CLOSED short at 2114.32 | PnL: 0.04% | $-0.12 +2025-03-10 16:18:29,809 - INFO - OPENED LONG at 2114.32 | Stop loss: 2103.7025714285714 | Take profit: 2146.103542857143 +2025-03-10 16:18:29,837 - INFO - CLOSED long at 2114.57 | PnL: 0.01% | $-0.17 +2025-03-10 16:18:29,837 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.188678571429 | Take profit: 2082.7827071428574 +2025-03-10 16:18:30,005 - INFO - CLOSED short at 2098.24 | PnL: 0.77% | $1.31 +2025-03-10 16:18:30,006 - INFO - OPENED LONG at 2098.24 | Stop loss: 2087.7029714285713 | Take profit: 2129.7823428571423 +2025-03-10 16:18:30,071 - INFO - CLOSED long at 2098.28 | PnL: 0.00% | $-0.19 +2025-03-10 16:18:30,071 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.8172285714286 | Take profit: 2066.7370571428573 +2025-03-10 16:18:30,256 - INFO - CLOSED short at 2089.84 | PnL: 0.40% | $0.59 +2025-03-10 16:18:30,256 - INFO - OPENED LONG at 2089.84 | Stop loss: 2079.3449714285716 | Take profit: 2121.256342857143 +2025-03-10 16:18:30,286 - INFO - CLOSED long at 2096.19 | PnL: 0.30% | $0.40 +2025-03-10 16:18:30,287 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.7167785714287 | Take profit: 2064.678407142857 +2025-03-10 16:18:30,579 - INFO - CLOSED short at 2094.16 | PnL: 0.10% | $-0.01 +2025-03-10 16:18:30,579 - INFO - OPENED LONG at 2094.16 | Stop loss: 2083.6433714285713 | Take profit: 2125.6411428571428 +2025-03-10 16:18:30,629 - INFO - CLOSED long at 2098.66 | PnL: 0.21% | $0.23 +2025-03-10 16:18:30,629 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.1991285714284 | Take profit: 2067.111357142857 +2025-03-10 16:18:30,725 - INFO - CLOSED short at 2080.58 | PnL: 0.86% | $1.51 +2025-03-10 16:18:30,726 - INFO - OPENED LONG at 2080.58 | Stop loss: 2070.1312714285714 | Take profit: 2111.857442857143 +2025-03-10 16:18:30,826 - INFO - CLOSED long at 2084.25 | PnL: 0.18% | $0.15 +2025-03-10 16:18:30,827 - INFO - OPENED SHORT at 2084.25 | Stop loss: 2094.717078571429 | Take profit: 2052.917507142857 +2025-03-10 16:18:30,870 - INFO - CLOSED short at 2085.37 | PnL: -0.05% | $-0.31 +2025-03-10 16:18:30,871 - INFO - OPENED LONG at 2085.37 | Stop loss: 2074.897321428571 | Take profit: 2116.719292857143 +2025-03-10 16:18:30,932 - INFO - CLOSED long at 2084.11 | PnL: -0.06% | $-0.32 +2025-03-10 16:18:30,935 - INFO - OPENED SHORT at 2084.11 | Stop loss: 2094.576378571429 | Take profit: 2052.7796071428575 +2025-03-10 16:18:31,229 - INFO - TAKE PROFIT hit for short at 2052.7796071428575 | PnL: 1.50% | $2.82 +2025-03-10 16:18:31,254 - INFO - OPENED LONG at 2051.0 | Stop loss: 2040.6991714285714 | Take profit: 2081.8337428571426 +2025-03-10 16:18:31,309 - INFO - CLOSED long at 2052.89 | PnL: 0.09% | $-0.02 +2025-03-10 16:18:31,310 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.200278571428 | Take profit: 2022.027907142857 +2025-03-10 16:18:31,704 - INFO - CLOSED short at 2036.71 | PnL: 0.79% | $1.42 +2025-03-10 16:18:31,705 - INFO - OPENED LONG at 2036.71 | Stop loss: 2026.4806214285713 | Take profit: 2067.329392857143 +2025-03-10 16:18:31,735 - INFO - CLOSED long at 2027.51 | PnL: -0.45% | $-1.15 +2025-03-10 16:18:31,735 - INFO - OPENED SHORT at 2027.51 | Stop loss: 2037.6933785714286 | Take profit: 1997.028607142857 +2025-03-10 16:18:31,764 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$0.98, Avg Loss=$-0.29 +2025-03-10 16:18:31,765 - INFO - Episode 34: Reward=-9.35, Balance=$105.65, Win Rate=45.0%, Trades=20, Episode PnL=$7.28, Total PnL=$521.15, Max Drawdown=0.0%, Pred Accuracy=98.4% +2025-03-10 16:18:31,765 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:18:31,766 - INFO - Refreshing data for episode 35 +2025-03-10 16:18:31,767 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:18:32,075 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:18:32,085 - INFO - Initialized environment with 100 candles +2025-03-10 16:18:33,478 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.454828571429 | Take profit: 2089.904257142857 +2025-03-10 16:18:33,534 - INFO - CLOSED short at 2116.52 | PnL: 0.25% | $0.29 +2025-03-10 16:18:33,535 - INFO - OPENED LONG at 2116.52 | Stop loss: 2105.8915714285713 | Take profit: 2148.336542857143 +2025-03-10 16:18:33,592 - INFO - CLOSED long at 2120.96 | PnL: 0.21% | $0.22 +2025-03-10 16:18:33,593 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6106285714286 | Take profit: 2089.076857142857 +2025-03-10 16:18:33,623 - INFO - CLOSED short at 2124.9 | PnL: -0.19% | $-0.56 +2025-03-10 16:18:33,623 - INFO - OPENED LONG at 2124.9 | Stop loss: 2114.2296714285717 | Take profit: 2156.842242857143 +2025-03-10 16:18:33,654 - INFO - CLOSED long at 2128.33 | PnL: 0.16% | $0.12 +2025-03-10 16:18:33,654 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0174785714285 | Take profit: 2096.336307142857 +2025-03-10 16:18:34,119 - INFO - CLOSED short at 2115.07 | PnL: 0.62% | $1.02 +2025-03-10 16:18:34,119 - INFO - OPENED LONG at 2115.07 | Stop loss: 2104.4488214285716 | Take profit: 2146.864792857143 +2025-03-10 16:18:34,149 - INFO - STOP LOSS hit for long at 2104.4488214285716 | PnL: -0.50% | $-1.19 +2025-03-10 16:18:34,179 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.8172285714286 | Take profit: 2066.7370571428573 +2025-03-10 16:18:34,244 - INFO - CLOSED short at 2091.36 | PnL: 0.33% | $0.45 +2025-03-10 16:18:34,245 - INFO - OPENED LONG at 2091.36 | Stop loss: 2080.8573714285712 | Take profit: 2122.799142857143 +2025-03-10 16:18:34,345 - INFO - CLOSED long at 2096.36 | PnL: 0.24% | $0.27 +2025-03-10 16:18:34,345 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.8876285714286 | Take profit: 2064.8458571428573 +2025-03-10 16:18:34,771 - INFO - CLOSED short at 2094.16 | PnL: 0.10% | $0.01 +2025-03-10 16:18:34,798 - INFO - OPENED SHORT at 2096.96 | Stop loss: 2107.4906285714283 | Take profit: 2065.436857142857 +2025-03-10 16:18:34,823 - INFO - CLOSED short at 2098.66 | PnL: -0.08% | $-0.36 +2025-03-10 16:18:34,824 - INFO - OPENED LONG at 2098.66 | Stop loss: 2088.1208714285713 | Take profit: 2130.208642857143 +2025-03-10 16:18:34,879 - INFO - CLOSED long at 2090.99 | PnL: -0.37% | $-0.91 +2025-03-10 16:18:34,879 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.490778571428 | Take profit: 2059.556407142857 +2025-03-10 16:18:34,937 - INFO - CLOSED short at 2080.58 | PnL: 0.50% | $0.77 +2025-03-10 16:18:34,938 - INFO - OPENED LONG at 2080.58 | Stop loss: 2070.1312714285714 | Take profit: 2111.857442857143 +2025-03-10 16:18:34,968 - INFO - CLOSED long at 2084.75 | PnL: 0.20% | $0.20 +2025-03-10 16:18:34,969 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2195785714284 | Take profit: 2053.410007142857 +2025-03-10 16:18:35,076 - INFO - CLOSED short at 2084.25 | PnL: 0.02% | $-0.15 +2025-03-10 16:18:35,076 - INFO - OPENED LONG at 2084.25 | Stop loss: 2073.782921428571 | Take profit: 2115.582492857143 +2025-03-10 16:18:35,138 - INFO - CLOSED long at 2085.37 | PnL: 0.05% | $-0.09 +2025-03-10 16:18:35,139 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8426785714287 | Take profit: 2054.020707142857 +2025-03-10 16:18:35,296 - INFO - TAKE PROFIT hit for short at 2054.020707142857 | PnL: 1.50% | $2.75 +2025-03-10 16:18:35,330 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3008285714286 | Take profit: 2020.1662571428571 +2025-03-10 16:18:35,362 - INFO - CLOSED short at 2043.51 | PnL: 0.37% | $0.53 +2025-03-10 16:18:35,362 - INFO - OPENED LONG at 2043.51 | Stop loss: 2033.2466214285714 | Take profit: 2074.2313928571425 +2025-03-10 16:18:35,469 - INFO - CLOSED long at 2053.22 | PnL: 0.48% | $0.76 +2025-03-10 16:18:35,469 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.531928571428 | Take profit: 2022.3529571428571 +2025-03-10 16:18:35,577 - INFO - CLOSED short at 2054.03 | PnL: -0.04% | $-0.28 +2025-03-10 16:18:35,577 - INFO - OPENED LONG at 2054.03 | Stop loss: 2043.7140214285714 | Take profit: 2084.909192857143 +2025-03-10 16:18:35,613 - INFO - CLOSED long at 2050.18 | PnL: -0.19% | $-0.58 +2025-03-10 16:18:35,613 - INFO - OPENED SHORT at 2050.18 | Stop loss: 2060.4767285714283 | Take profit: 2019.3585571428569 +2025-03-10 16:18:35,684 - INFO - CLOSED short at 2043.95 | PnL: 0.30% | $0.41 +2025-03-10 16:18:35,685 - INFO - OPENED LONG at 2043.95 | Stop loss: 2033.6844214285716 | Take profit: 2074.677992857143 +2025-03-10 16:18:35,722 - INFO - CLOSED long at 2044.1 | PnL: 0.01% | $-0.19 +2025-03-10 16:18:35,722 - INFO - OPENED SHORT at 2044.1 | Stop loss: 2054.3663285714283 | Take profit: 2013.3697571428572 +2025-03-10 16:18:35,753 - INFO - CLOSED short at 2043.59 | PnL: 0.02% | $-0.15 +2025-03-10 16:18:35,754 - INFO - OPENED LONG at 2043.59 | Stop loss: 2033.3262214285712 | Take profit: 2074.312592857143 +2025-03-10 16:18:35,784 - INFO - CLOSED long at 2042.0 | PnL: -0.08% | $-0.36 +2025-03-10 16:18:35,784 - INFO - OPENED SHORT at 2042.0 | Stop loss: 2052.2558285714285 | Take profit: 2011.3012571428571 +2025-03-10 16:18:35,966 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 53.8% in downtrends | Avg Win=$0.60, Avg Loss=$-0.44 +2025-03-10 16:18:35,967 - INFO - Episode 35: Reward=-5.86, Balance=$102.98, Win Rate=54.2%, Trades=24, Episode PnL=$3.55, Total PnL=$524.12, Max Drawdown=0.1%, Pred Accuracy=98.5% +2025-03-10 16:18:35,967 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:18:35,968 - INFO - Refreshing data for episode 36 +2025-03-10 16:18:35,968 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:18:36,268 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:18:36,281 - INFO - Initialized environment with 100 candles +2025-03-10 16:18:36,320 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.456160714286 | Take profit: 2089.9022589285714 +2025-03-10 16:18:36,441 - INFO - CLOSED short at 2120.96 | PnL: 0.04% | $-0.12 +2025-03-10 16:18:36,441 - INFO - OPENED LONG at 2120.96 | Stop loss: 2110.308039285714 | Take profit: 2152.8451410714283 +2025-03-10 16:18:36,589 - INFO - CLOSED long at 2116.81 | PnL: -0.20% | $-0.58 +2025-03-10 16:18:36,590 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.4412107142857 | Take profit: 2084.9871089285716 +2025-03-10 16:18:36,658 - INFO - CLOSED short at 2115.52 | PnL: 0.06% | $-0.08 +2025-03-10 16:18:36,658 - INFO - OPENED LONG at 2115.52 | Stop loss: 2104.8952392857145 | Take profit: 2147.3235410714283 +2025-03-10 16:18:36,720 - INFO - CLOSED long at 2116.06 | PnL: 0.03% | $-0.14 +2025-03-10 16:18:36,721 - INFO - OPENED SHORT at 2116.06 | Stop loss: 2126.687460714286 | Take profit: 2084.2483589285716 +2025-03-10 16:18:36,788 - INFO - CLOSED short at 2114.1 | PnL: 0.09% | $-0.01 +2025-03-10 16:18:36,788 - INFO - OPENED LONG at 2114.1 | Stop loss: 2103.4823392857143 | Take profit: 2145.882241071429 +2025-03-10 16:18:37,005 - INFO - STOP LOSS hit for long at 2103.4823392857143 | PnL: -0.50% | $-1.17 +2025-03-10 16:18:37,038 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.7414392857145 | Take profit: 2129.824941071429 +2025-03-10 16:18:37,065 - INFO - CLOSED long at 2091.36 | PnL: -0.33% | $-0.82 +2025-03-10 16:18:37,065 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.863960714286 | Take profit: 2059.918858928572 +2025-03-10 16:18:37,163 - INFO - CLOSED short at 2089.04 | PnL: 0.11% | $0.02 +2025-03-10 16:18:37,163 - INFO - OPENED LONG at 2089.04 | Stop loss: 2078.5476392857145 | Take profit: 2120.4463410714284 +2025-03-10 16:18:37,199 - INFO - CLOSED long at 2089.84 | PnL: 0.04% | $-0.12 +2025-03-10 16:18:37,199 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.336360714286 | Take profit: 2058.4216589285716 +2025-03-10 16:18:37,238 - INFO - CLOSED short at 2096.19 | PnL: -0.30% | $-0.77 +2025-03-10 16:18:37,238 - INFO - OPENED LONG at 2096.19 | Stop loss: 2085.661889285714 | Take profit: 2127.703591071429 +2025-03-10 16:18:37,265 - INFO - CLOSED long at 2100.0 | PnL: 0.18% | $0.15 +2025-03-10 16:18:37,266 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.5471607142854 | Take profit: 2068.4292589285715 +2025-03-10 16:18:37,304 - INFO - CLOSED short at 2102.83 | PnL: -0.13% | $-0.44 +2025-03-10 16:18:37,304 - INFO - OPENED LONG at 2102.83 | Stop loss: 2092.268689285714 | Take profit: 2134.4431910714284 +2025-03-10 16:18:37,366 - INFO - CLOSED long at 2104.22 | PnL: 0.07% | $-0.06 +2025-03-10 16:18:37,367 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.7882607142856 | Take profit: 2072.585958928571 +2025-03-10 16:18:37,436 - INFO - CLOSED short at 2105.26 | PnL: -0.05% | $-0.28 +2025-03-10 16:18:37,436 - INFO - OPENED LONG at 2105.26 | Stop loss: 2094.6865392857144 | Take profit: 2136.9096410714287 +2025-03-10 16:18:37,496 - INFO - CLOSED long at 2099.22 | PnL: -0.29% | $-0.72 +2025-03-10 16:18:37,497 - INFO - OPENED SHORT at 2099.22 | Stop loss: 2109.7632607142855 | Take profit: 2067.6609589285713 +2025-03-10 16:18:37,520 - INFO - CLOSED short at 2094.16 | PnL: 0.24% | $0.26 +2025-03-10 16:18:37,520 - INFO - OPENED LONG at 2094.16 | Stop loss: 2083.6420392857144 | Take profit: 2125.6431410714285 +2025-03-10 16:18:37,626 - INFO - CLOSED long at 2090.99 | PnL: -0.15% | $-0.47 +2025-03-10 16:18:37,626 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.4921107142854 | Take profit: 2059.5544089285713 +2025-03-10 16:18:37,659 - INFO - CLOSED short at 2084.95 | PnL: 0.29% | $0.35 +2025-03-10 16:18:37,659 - INFO - OPENED LONG at 2084.95 | Stop loss: 2074.4780892857143 | Take profit: 2116.2949910714287 +2025-03-10 16:18:37,689 - INFO - CLOSED long at 2080.58 | PnL: -0.21% | $-0.58 +2025-03-10 16:18:37,689 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0300607142854 | Take profit: 2049.3005589285713 +2025-03-10 16:18:37,811 - INFO - CLOSED short at 2085.37 | PnL: -0.23% | $-0.61 +2025-03-10 16:18:37,811 - INFO - OPENED LONG at 2085.37 | Stop loss: 2074.895989285714 | Take profit: 2116.7212910714284 +2025-03-10 16:18:37,943 - INFO - CLOSED long at 2075.07 | PnL: -0.49% | $-1.09 +2025-03-10 16:18:37,943 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.4925107142863 | Take profit: 2043.8732089285716 +2025-03-10 16:18:37,999 - INFO - CLOSED short at 2067.71 | PnL: 0.35% | $0.46 +2025-03-10 16:18:38,000 - INFO - OPENED LONG at 2067.71 | Stop loss: 2057.3242892857143 | Take profit: 2098.7963910714284 +2025-03-10 16:18:38,097 - INFO - CLOSED long at 2048.3 | PnL: -0.94% | $-1.89 +2025-03-10 16:18:38,097 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.588660714286 | Take profit: 2017.5047589285716 +2025-03-10 16:18:38,177 - INFO - CLOSED short at 2051.0 | PnL: -0.13% | $-0.41 +2025-03-10 16:18:38,178 - INFO - OPENED LONG at 2051.0 | Stop loss: 2040.6978392857145 | Take profit: 2081.8357410714284 +2025-03-10 16:18:38,204 - INFO - CLOSED long at 2043.51 | PnL: -0.37% | $-0.83 +2025-03-10 16:18:38,205 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.774710714286 | Take profit: 2012.7866089285715 +2025-03-10 16:18:38,280 - INFO - CLOSED short at 2058.11 | PnL: -0.71% | $-1.43 +2025-03-10 16:18:38,280 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.7722892857144 | Take profit: 2089.0523910714287 +2025-03-10 16:18:38,335 - INFO - CLOSED long at 2050.18 | PnL: -0.39% | $-0.84 +2025-03-10 16:18:38,336 - INFO - OPENED SHORT at 2050.18 | Stop loss: 2060.4780607142857 | Take profit: 2019.356558928571 +2025-03-10 16:18:38,361 - INFO - CLOSED short at 2046.76 | PnL: 0.17% | $0.11 +2025-03-10 16:18:38,361 - INFO - OPENED LONG at 2046.76 | Stop loss: 2036.4790392857142 | Take profit: 2077.5321410714287 +2025-03-10 16:18:38,411 - INFO - CLOSED long at 2043.95 | PnL: -0.14% | $-0.41 +2025-03-10 16:18:38,413 - INFO - OPENED SHORT at 2043.95 | Stop loss: 2054.216910714286 | Take profit: 2013.2200089285714 +2025-03-10 16:18:38,511 - INFO - CLOSED short at 2043.59 | PnL: 0.02% | $-0.14 +2025-03-10 16:18:38,511 - INFO - OPENED LONG at 2043.59 | Stop loss: 2033.3248892857143 | Take profit: 2074.3145910714284 +2025-03-10 16:18:38,583 - INFO - CLOSED long at 2036.71 | PnL: -0.34% | $-0.75 +2025-03-10 16:18:38,584 - INFO - OPENED SHORT at 2036.71 | Stop loss: 2046.9407107142856 | Take profit: 2006.0886089285716 +2025-03-10 16:18:38,619 - INFO - CLOSED short at 2027.51 | PnL: 0.45% | $0.60 +2025-03-10 16:18:38,619 - INFO - OPENED LONG at 2027.51 | Stop loss: 2017.3252892857142 | Take profit: 2057.9933910714285 +2025-03-10 16:18:38,647 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 35.3% in downtrends | Avg Win=$0.28, Avg Loss=$-0.59 +2025-03-10 16:18:38,648 - INFO - Episode 36: Reward=-48.87, Balance=$87.20, Win Rate=21.9%, Trades=32, Episode PnL=$-3.66, Total PnL=$511.32, Max Drawdown=2.1%, Pred Accuracy=98.5% +2025-03-10 16:18:38,649 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:18:38,650 - INFO - Refreshing data for episode 37 +2025-03-10 16:18:38,650 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:18:39,041 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:18:39,053 - INFO - Initialized environment with 100 candles +2025-03-10 16:18:39,091 - INFO - OPENED LONG at 2121.8 | Stop loss: 2111.143735714286 | Take profit: 2153.6978964285713 +2025-03-10 16:18:39,268 - INFO - CLOSED long at 2124.77 | PnL: 0.14% | $0.08 +2025-03-10 16:18:39,322 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.4413142857143 | Take profit: 2084.9869535714283 +2025-03-10 16:18:39,386 - INFO - CLOSED short at 2115.52 | PnL: 0.06% | $-0.08 +2025-03-10 16:18:39,386 - INFO - OPENED LONG at 2115.52 | Stop loss: 2104.895135714286 | Take profit: 2147.3236964285716 +2025-03-10 16:18:39,453 - INFO - CLOSED long at 2114.75 | PnL: -0.04% | $-0.27 +2025-03-10 16:18:39,453 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.371014285714 | Take profit: 2082.9578535714286 +2025-03-10 16:18:39,506 - INFO - CLOSED short at 2116.06 | PnL: -0.06% | $-0.32 +2025-03-10 16:18:39,507 - INFO - OPENED LONG at 2116.06 | Stop loss: 2105.4324357142855 | Take profit: 2147.8717964285715 +2025-03-10 16:18:39,634 - INFO - CLOSED long at 2114.32 | PnL: -0.08% | $-0.35 +2025-03-10 16:18:39,635 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.9388642857148 | Take profit: 2082.5343035714286 +2025-03-10 16:18:39,999 - INFO - CLOSED short at 2096.36 | PnL: 0.85% | $1.45 +2025-03-10 16:18:39,999 - INFO - OPENED LONG at 2096.36 | Stop loss: 2085.8309357142857 | Take profit: 2127.8762964285715 +2025-03-10 16:18:40,053 - INFO - CLOSED long at 2089.84 | PnL: -0.31% | $-0.81 +2025-03-10 16:18:40,054 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3364642857146 | Take profit: 2058.4215035714287 +2025-03-10 16:18:40,140 - INFO - STOP LOSS hit for short at 2100.3364642857146 | PnL: -0.50% | $-1.17 +2025-03-10 16:18:40,169 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.974314285714 | Take profit: 2071.7879535714283 +2025-03-10 16:18:40,347 - INFO - CLOSED short at 2099.63 | PnL: 0.18% | $0.15 +2025-03-10 16:18:40,347 - INFO - OPENED LONG at 2099.63 | Stop loss: 2089.084585714286 | Take profit: 2131.195346428571 +2025-03-10 16:18:40,431 - INFO - CLOSED long at 2096.96 | PnL: -0.13% | $-0.44 +2025-03-10 16:18:40,432 - INFO - OPENED SHORT at 2096.96 | Stop loss: 2107.4920642857146 | Take profit: 2065.4347035714286 +2025-03-10 16:18:40,488 - INFO - CLOSED short at 2090.59 | PnL: 0.30% | $0.39 +2025-03-10 16:18:40,488 - INFO - OPENED LONG at 2090.59 | Stop loss: 2080.089785714286 | Take profit: 2122.0197464285716 +2025-03-10 16:18:40,549 - INFO - CLOSED long at 2084.95 | PnL: -0.27% | $-0.71 +2025-03-10 16:18:40,550 - INFO - OPENED SHORT at 2084.95 | Stop loss: 2095.4220142857143 | Take profit: 2053.6048535714285 +2025-03-10 16:18:40,825 - INFO - CLOSED short at 2083.07 | PnL: 0.09% | $-0.02 +2025-03-10 16:18:40,825 - INFO - OPENED LONG at 2083.07 | Stop loss: 2072.607385714286 | Take profit: 2114.3869464285717 +2025-03-10 16:18:40,856 - INFO - CLOSED long at 2075.07 | PnL: -0.38% | $-0.93 +2025-03-10 16:18:40,857 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.4926142857144 | Take profit: 2043.8730535714287 +2025-03-10 16:18:40,960 - INFO - TAKE PROFIT hit for short at 2043.8730535714287 | PnL: 1.50% | $2.66 +2025-03-10 16:18:41,014 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.2017142857144 | Take profit: 2022.0257535714286 +2025-03-10 16:18:41,287 - INFO - CLOSED short at 2043.59 | PnL: 0.45% | $0.69 +2025-03-10 16:18:41,287 - INFO - OPENED LONG at 2043.59 | Stop loss: 2033.3247857142856 | Take profit: 2074.314746428571 +2025-03-10 16:18:41,313 - INFO - CLOSED long at 2042.0 | PnL: -0.08% | $-0.35 +2025-03-10 16:18:41,345 - INFO - OPENED SHORT at 2036.71 | Stop loss: 2046.9408142857142 | Take profit: 2006.0884535714285 +2025-03-10 16:18:41,427 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 55.6% in downtrends | Avg Win=$0.90, Avg Loss=$-0.49 +2025-03-10 16:18:41,428 - INFO - Episode 37: Reward=-17.69, Balance=$99.98, Win Rate=35.3%, Trades=17, Episode PnL=$3.49, Total PnL=$511.31, Max Drawdown=1.5%, Pred Accuracy=98.5% +2025-03-10 16:18:41,428 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:18:41,429 - INFO - Refreshing data for episode 38 +2025-03-10 16:18:41,429 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:18:41,888 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:18:41,900 - INFO - Initialized environment with 100 candles +2025-03-10 16:18:42,041 - INFO - OPENED LONG at 2121.8 | Stop loss: 2111.1425785714287 | Take profit: 2153.6996321428574 +2025-03-10 16:18:42,109 - INFO - CLOSED long at 2121.42 | PnL: -0.02% | $-0.23 +2025-03-10 16:18:42,110 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0755214285714 | Take profit: 2089.526067857143 +2025-03-10 16:18:42,301 - INFO - CLOSED short at 2124.77 | PnL: -0.16% | $-0.50 +2025-03-10 16:18:42,301 - INFO - OPENED LONG at 2124.77 | Stop loss: 2114.0977285714284 | Take profit: 2156.7141821428568 +2025-03-10 16:18:42,327 - INFO - CLOSED long at 2120.26 | PnL: -0.21% | $-0.61 +2025-03-10 16:18:42,328 - INFO - OPENED SHORT at 2120.26 | Stop loss: 2130.909721428572 | Take profit: 2088.383467857143 +2025-03-10 16:18:42,532 - INFO - CLOSED short at 2116.06 | PnL: 0.20% | $0.19 +2025-03-10 16:18:42,532 - INFO - OPENED LONG at 2116.06 | Stop loss: 2105.4312785714283 | Take profit: 2147.873532142857 +2025-03-10 16:18:42,576 - INFO - CLOSED long at 2115.21 | PnL: -0.04% | $-0.27 +2025-03-10 16:18:42,576 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.8344714285718 | Take profit: 2083.4092178571427 +2025-03-10 16:18:42,615 - INFO - CLOSED short at 2114.1 | PnL: 0.05% | $-0.09 +2025-03-10 16:18:42,615 - INFO - OPENED LONG at 2114.1 | Stop loss: 2103.4810785714285 | Take profit: 2145.884132142857 +2025-03-10 16:18:42,822 - INFO - CLOSED long at 2114.5 | PnL: 0.02% | $-0.16 +2025-03-10 16:18:42,823 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.1209214285714 | Take profit: 2082.709867857143 +2025-03-10 16:18:42,877 - INFO - CLOSED short at 2115.07 | PnL: -0.03% | $-0.24 +2025-03-10 16:18:42,877 - INFO - OPENED LONG at 2115.07 | Stop loss: 2104.4462285714285 | Take profit: 2146.8686821428573 +2025-03-10 16:18:42,947 - INFO - CLOSED long at 2098.24 | PnL: -0.80% | $-1.72 +2025-03-10 16:18:42,947 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.7796214285713 | Take profit: 2066.6937678571426 +2025-03-10 16:18:42,985 - INFO - CLOSED short at 2098.28 | PnL: -0.00% | $-0.19 +2025-03-10 16:18:42,986 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.7401785714287 | Take profit: 2129.8268321428577 +2025-03-10 16:18:43,040 - INFO - CLOSED long at 2100.05 | PnL: 0.08% | $-0.03 +2025-03-10 16:18:43,040 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.598671428572 | Take profit: 2068.476617857143 +2025-03-10 16:18:43,067 - INFO - CLOSED short at 2096.36 | PnL: 0.18% | $0.14 +2025-03-10 16:18:43,067 - INFO - OPENED LONG at 2096.36 | Stop loss: 2085.8297785714285 | Take profit: 2127.8780321428576 +2025-03-10 16:18:43,094 - INFO - CLOSED long at 2089.04 | PnL: -0.35% | $-0.85 +2025-03-10 16:18:43,094 - INFO - OPENED SHORT at 2089.04 | Stop loss: 2099.5336214285717 | Take profit: 2057.6317678571427 +2025-03-10 16:18:43,127 - INFO - CLOSED short at 2089.84 | PnL: -0.04% | $-0.26 +2025-03-10 16:18:43,128 - INFO - OPENED LONG at 2089.84 | Stop loss: 2079.3423785714285 | Take profit: 2121.260232142857 +2025-03-10 16:18:43,388 - INFO - CLOSED long at 2105.26 | PnL: 0.74% | $1.19 +2025-03-10 16:18:43,388 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.834721428572 | Take profit: 2073.608467857143 +2025-03-10 16:18:43,447 - INFO - CLOSED short at 2099.22 | PnL: 0.29% | $0.35 +2025-03-10 16:18:43,448 - INFO - OPENED LONG at 2099.22 | Stop loss: 2088.6754785714284 | Take profit: 2130.7809321428567 +2025-03-10 16:18:43,478 - INFO - CLOSED long at 2094.16 | PnL: -0.24% | $-0.64 +2025-03-10 16:18:43,478 - INFO - OPENED SHORT at 2094.16 | Stop loss: 2104.679221428571 | Take profit: 2062.6749678571427 +2025-03-10 16:18:43,712 - INFO - CLOSED short at 2084.75 | PnL: 0.45% | $0.66 +2025-03-10 16:18:43,712 - INFO - OPENED LONG at 2084.75 | Stop loss: 2074.2778285714285 | Take profit: 2116.093882142857 +2025-03-10 16:18:43,791 - INFO - CLOSED long at 2084.25 | PnL: -0.02% | $-0.23 +2025-03-10 16:18:43,791 - INFO - OPENED SHORT at 2084.25 | Stop loss: 2094.7196714285715 | Take profit: 2052.913617857143 +2025-03-10 16:18:43,917 - INFO - CLOSED short at 2067.71 | PnL: 0.79% | $1.31 +2025-03-10 16:18:43,917 - INFO - OPENED LONG at 2067.71 | Stop loss: 2057.3230285714285 | Take profit: 2098.7982821428573 +2025-03-10 16:18:43,946 - INFO - STOP LOSS hit for long at 2057.3230285714285 | PnL: -0.50% | $-1.15 +2025-03-10 16:18:44,035 - INFO - OPENED LONG at 2043.51 | Stop loss: 2033.2440285714285 | Take profit: 2074.235282142857 +2025-03-10 16:18:44,083 - INFO - CLOSED long at 2052.89 | PnL: 0.46% | $0.68 +2025-03-10 16:18:44,084 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.202871428571 | Take profit: 2022.0240178571428 +2025-03-10 16:18:44,135 - INFO - CLOSED short at 2053.22 | PnL: -0.02% | $-0.22 +2025-03-10 16:18:44,135 - INFO - OPENED LONG at 2053.22 | Stop loss: 2042.9054785714284 | Take profit: 2084.0909321428567 +2025-03-10 16:18:44,182 - INFO - CLOSED long at 2058.11 | PnL: 0.24% | $0.26 +2025-03-10 16:18:44,182 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.4489714285714 | Take profit: 2027.1657178571431 +2025-03-10 16:18:44,213 - INFO - CLOSED short at 2054.03 | PnL: 0.20% | $0.19 +2025-03-10 16:18:44,214 - INFO - OPENED LONG at 2054.03 | Stop loss: 2043.7114285714288 | Take profit: 2084.9130821428575 +2025-03-10 16:18:44,244 - INFO - CLOSED long at 2050.18 | PnL: -0.19% | $-0.55 +2025-03-10 16:18:44,244 - INFO - OPENED SHORT at 2050.18 | Stop loss: 2060.4793214285714 | Take profit: 2019.3546678571427 +2025-03-10 16:18:44,277 - INFO - CLOSED short at 2046.76 | PnL: 0.17% | $0.13 +2025-03-10 16:18:44,277 - INFO - OPENED LONG at 2046.76 | Stop loss: 2036.4777785714286 | Take profit: 2077.534032142857 +2025-03-10 16:18:44,358 - INFO - CLOSED long at 2043.59 | PnL: -0.15% | $-0.48 +2025-03-10 16:18:44,359 - INFO - OPENED SHORT at 2043.59 | Stop loss: 2053.8563714285715 | Take profit: 2012.8635178571428 +2025-03-10 16:18:44,518 - INFO - CLOSED short at 2027.51 | PnL: 0.79% | $1.30 +2025-03-10 16:18:44,519 - INFO - OPENED LONG at 2027.51 | Stop loss: 2017.3240285714285 | Take profit: 2057.9952821428574 +2025-03-10 16:18:44,573 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 53.3% in downtrends | Avg Win=$0.58, Avg Loss=$-0.47 +2025-03-10 16:18:44,573 - INFO - Episode 38: Reward=-24.22, Balance=$97.96, Win Rate=37.9%, Trades=29, Episode PnL=$1.60, Total PnL=$509.26, Max Drawdown=3.3%, Pred Accuracy=98.6% +2025-03-10 16:18:44,574 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:18:44,574 - INFO - Refreshing data for episode 39 +2025-03-10 16:18:44,574 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:18:44,922 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:18:44,936 - INFO - Initialized environment with 100 candles +2025-03-10 16:18:44,974 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.457767857143 | Take profit: 2089.899848214286 +2025-03-10 16:18:45,036 - INFO - CLOSED short at 2116.52 | PnL: 0.25% | $0.29 +2025-03-10 16:18:45,037 - INFO - OPENED LONG at 2116.52 | Stop loss: 2105.888632142857 | Take profit: 2148.3409517857144 +2025-03-10 16:18:45,066 - INFO - CLOSED long at 2119.02 | PnL: 0.12% | $0.04 +2025-03-10 16:18:45,066 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.663867857143 | Take profit: 2087.1615482142856 +2025-03-10 16:18:45,165 - INFO - CLOSED short at 2128.33 | PnL: -0.44% | $-1.06 +2025-03-10 16:18:45,165 - INFO - OPENED LONG at 2128.33 | Stop loss: 2117.639582142857 | Take profit: 2160.3281017857144 +2025-03-10 16:18:45,295 - INFO - CLOSED long at 2120.26 | PnL: -0.38% | $-0.93 +2025-03-10 16:18:45,296 - INFO - OPENED SHORT at 2120.26 | Stop loss: 2130.910067857143 | Take profit: 2088.382948214286 +2025-03-10 16:18:45,349 - INFO - CLOSED short at 2116.81 | PnL: 0.16% | $0.12 +2025-03-10 16:18:45,350 - INFO - OPENED LONG at 2116.81 | Stop loss: 2106.177182142857 | Take profit: 2148.6353017857145 +2025-03-10 16:18:45,468 - INFO - CLOSED long at 2116.06 | PnL: -0.04% | $-0.26 +2025-03-10 16:18:45,469 - INFO - OPENED SHORT at 2116.06 | Stop loss: 2126.6890678571426 | Take profit: 2084.245948214286 +2025-03-10 16:18:45,507 - INFO - CLOSED short at 2115.21 | PnL: 0.04% | $-0.11 +2025-03-10 16:18:45,507 - INFO - OPENED LONG at 2115.21 | Stop loss: 2104.5851821428573 | Take profit: 2147.0113017857143 +2025-03-10 16:18:45,535 - INFO - CLOSED long at 2114.1 | PnL: -0.05% | $-0.29 +2025-03-10 16:18:45,536 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.7192678571428 | Take profit: 2082.3153482142857 +2025-03-10 16:18:45,611 - INFO - CLOSED short at 2114.32 | PnL: -0.01% | $-0.21 +2025-03-10 16:18:45,612 - INFO - OPENED LONG at 2114.32 | Stop loss: 2103.6996321428574 | Take profit: 2146.1079517857142 +2025-03-10 16:18:45,675 - INFO - CLOSED long at 2114.57 | PnL: 0.01% | $-0.17 +2025-03-10 16:18:45,675 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.191617857143 | Take profit: 2082.7782982142858 +2025-03-10 16:18:45,816 - INFO - CLOSED short at 2114.5 | PnL: 0.00% | $-0.18 +2025-03-10 16:18:45,818 - INFO - OPENED LONG at 2114.5 | Stop loss: 2103.878732142857 | Take profit: 2146.2906517857145 +2025-03-10 16:18:45,848 - INFO - CLOSED long at 2115.07 | PnL: 0.03% | $-0.14 +2025-03-10 16:18:45,848 - INFO - OPENED SHORT at 2115.07 | Stop loss: 2125.694117857143 | Take profit: 2083.270798214286 +2025-03-10 16:18:45,909 - INFO - CLOSED short at 2098.28 | PnL: 0.79% | $1.32 +2025-03-10 16:18:45,910 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.7398321428573 | Take profit: 2129.8273517857147 +2025-03-10 16:18:45,975 - INFO - CLOSED long at 2100.05 | PnL: 0.08% | $-0.03 +2025-03-10 16:18:45,976 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.599017857143 | Take profit: 2068.4760982142857 +2025-03-10 16:18:46,090 - INFO - CLOSED short at 2089.04 | PnL: 0.52% | $0.82 +2025-03-10 16:18:46,091 - INFO - OPENED LONG at 2089.04 | Stop loss: 2078.546032142857 | Take profit: 2120.448751785714 +2025-03-10 16:18:46,274 - INFO - CLOSED long at 2103.41 | PnL: 0.69% | $1.14 +2025-03-10 16:18:46,275 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.975817857143 | Take profit: 2071.7856982142853 +2025-03-10 16:18:46,309 - INFO - CLOSED short at 2104.22 | PnL: -0.04% | $-0.27 +2025-03-10 16:18:46,309 - INFO - OPENED LONG at 2104.22 | Stop loss: 2093.650132142857 | Take profit: 2135.856451785714 +2025-03-10 16:18:46,341 - INFO - CLOSED long at 2104.67 | PnL: 0.02% | $-0.15 +2025-03-10 16:18:46,341 - INFO - OPENED SHORT at 2104.67 | Stop loss: 2115.2421178571426 | Take profit: 2073.026798214286 +2025-03-10 16:18:46,467 - INFO - CLOSED short at 2099.22 | PnL: 0.26% | $0.31 +2025-03-10 16:18:46,467 - INFO - OPENED LONG at 2099.22 | Stop loss: 2088.675132142857 | Take profit: 2130.781451785714 +2025-03-10 16:18:46,529 - INFO - CLOSED long at 2094.16 | PnL: -0.24% | $-0.67 +2025-03-10 16:18:46,529 - INFO - OPENED SHORT at 2094.16 | Stop loss: 2104.679567857143 | Take profit: 2062.674448214286 +2025-03-10 16:18:46,575 - INFO - CLOSED short at 2096.96 | PnL: -0.13% | $-0.45 +2025-03-10 16:18:46,575 - INFO - OPENED LONG at 2096.96 | Stop loss: 2086.4264321428573 | Take profit: 2128.4875517857145 +2025-03-10 16:18:46,639 - INFO - CLOSED long at 2090.59 | PnL: -0.30% | $-0.78 +2025-03-10 16:18:46,639 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.091717857143 | Take profit: 2059.1579982142857 +2025-03-10 16:18:46,698 - INFO - CLOSED short at 2084.95 | PnL: 0.27% | $0.33 +2025-03-10 16:18:46,699 - INFO - OPENED LONG at 2084.95 | Stop loss: 2074.476482142857 | Take profit: 2116.297401785714 +2025-03-10 16:18:47,043 - INFO - STOP LOSS hit for long at 2074.476482142857 | PnL: -0.50% | $-1.16 +2025-03-10 16:18:47,071 - INFO - OPENED LONG at 2048.3 | Stop loss: 2038.0097321428573 | Take profit: 2079.0976517857143 +2025-03-10 16:18:47,096 - INFO - CLOSED long at 2051.0 | PnL: 0.13% | $0.06 +2025-03-10 16:18:47,097 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3037678571427 | Take profit: 2020.1618482142856 +2025-03-10 16:18:47,122 - INFO - CLOSED short at 2043.51 | PnL: 0.37% | $0.51 +2025-03-10 16:18:47,122 - INFO - OPENED LONG at 2043.51 | Stop loss: 2033.243682142857 | Take profit: 2074.235801785714 +2025-03-10 16:18:47,214 - INFO - CLOSED long at 2053.22 | PnL: 0.48% | $0.72 +2025-03-10 16:18:47,215 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.5348678571427 | Take profit: 2022.3485482142855 +2025-03-10 16:18:47,274 - INFO - CLOSED short at 2058.11 | PnL: -0.24% | $-0.65 +2025-03-10 16:18:47,275 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.7706821428571 | Take profit: 2089.0548017857145 +2025-03-10 16:18:47,411 - INFO - STOP LOSS hit for long at 2047.7706821428571 | PnL: -0.50% | $-1.15 +2025-03-10 16:18:47,443 - INFO - OPENED LONG at 2043.95 | Stop loss: 2033.6814821428572 | Take profit: 2074.6824017857143 +2025-03-10 16:18:47,482 - INFO - CLOSED long at 2044.1 | PnL: 0.01% | $-0.18 +2025-03-10 16:18:47,482 - INFO - OPENED SHORT at 2044.1 | Stop loss: 2054.369267857143 | Take profit: 2013.3653482142856 +2025-03-10 16:18:47,519 - INFO - CLOSED short at 2043.59 | PnL: 0.02% | $-0.14 +2025-03-10 16:18:47,520 - INFO - OPENED LONG at 2043.59 | Stop loss: 2033.3232821428571 | Take profit: 2074.317001785714 +2025-03-10 16:18:47,593 - INFO - CLOSED long at 2036.71 | PnL: -0.34% | $-0.82 +2025-03-10 16:18:47,594 - INFO - OPENED SHORT at 2036.71 | Stop loss: 2046.9423178571428 | Take profit: 2006.0861982142856 +2025-03-10 16:18:47,677 - INFO - CLOSED short at 2027.51 | PnL: 0.45% | $0.66 +2025-03-10 16:18:47,678 - INFO - OPENED LONG at 2027.51 | Stop loss: 2017.3236821428573 | Take profit: 2057.995801785714 +2025-03-10 16:18:47,759 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 44.4% in downtrends | Avg Win=$0.52, Avg Loss=$-0.47 +2025-03-10 16:18:47,760 - INFO - Episode 39: Reward=-30.51, Balance=$96.47, Win Rate=36.4%, Trades=33, Episode PnL=$-1.06, Total PnL=$505.73, Max Drawdown=3.0%, Pred Accuracy=98.7% +2025-03-10 16:18:47,761 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:18:47,761 - INFO - Refreshing data for episode 40 +2025-03-10 16:18:47,761 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:18:48,058 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:18:48,069 - INFO - Initialized environment with 100 candles +2025-03-10 16:18:48,975 - INFO - OPENED LONG at 2121.42 | Stop loss: 2110.7633642857145 | Take profit: 2153.3156035714283 +2025-03-10 16:18:49,029 - INFO - CLOSED long at 2119.02 | PnL: -0.11% | $-0.42 +2025-03-10 16:18:49,029 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.664635714286 | Take profit: 2087.1603964285714 +2025-03-10 16:18:49,061 - INFO - CLOSED short at 2120.96 | PnL: -0.09% | $-0.37 +2025-03-10 16:18:49,062 - INFO - OPENED LONG at 2120.96 | Stop loss: 2110.305664285714 | Take profit: 2152.848703571429 +2025-03-10 16:18:49,158 - INFO - CLOSED long at 2124.77 | PnL: 0.18% | $0.15 +2025-03-10 16:18:49,158 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.443385714286 | Take profit: 2092.8241464285716 +2025-03-10 16:18:49,274 - INFO - CLOSED short at 2115.52 | PnL: 0.44% | $0.65 +2025-03-10 16:18:49,275 - INFO - OPENED LONG at 2115.52 | Stop loss: 2104.892864285714 | Take profit: 2147.327103571429 +2025-03-10 16:18:49,327 - INFO - CLOSED long at 2116.06 | PnL: 0.03% | $-0.15 +2025-03-10 16:18:49,328 - INFO - OPENED SHORT at 2116.06 | Stop loss: 2126.689835714286 | Take profit: 2084.244796428571 +2025-03-10 16:18:49,354 - INFO - CLOSED short at 2115.21 | PnL: 0.04% | $-0.12 +2025-03-10 16:18:49,355 - INFO - OPENED LONG at 2115.21 | Stop loss: 2104.5844142857145 | Take profit: 2147.0124535714285 +2025-03-10 16:18:49,416 - INFO - CLOSED long at 2114.1 | PnL: -0.05% | $-0.30 +2025-03-10 16:18:49,416 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.720035714286 | Take profit: 2082.3141964285714 +2025-03-10 16:18:49,568 - INFO - CLOSED short at 2114.57 | PnL: -0.02% | $-0.24 +2025-03-10 16:18:49,568 - INFO - OPENED LONG at 2114.57 | Stop loss: 2103.9476142857143 | Take profit: 2146.362853571429 +2025-03-10 16:18:49,715 - INFO - STOP LOSS hit for long at 2103.9476142857143 | PnL: -0.50% | $-1.17 +2025-03-10 16:18:49,752 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.7390642857144 | Take profit: 2129.828503571429 +2025-03-10 16:18:49,958 - INFO - CLOSED long at 2089.04 | PnL: -0.44% | $-1.04 +2025-03-10 16:18:49,958 - INFO - OPENED SHORT at 2089.04 | Stop loss: 2099.5347357142855 | Take profit: 2057.6300964285715 +2025-03-10 16:18:49,993 - INFO - CLOSED short at 2089.84 | PnL: -0.04% | $-0.26 +2025-03-10 16:18:49,993 - INFO - OPENED LONG at 2089.84 | Stop loss: 2079.3412642857143 | Take profit: 2121.261903571429 +2025-03-10 16:18:50,023 - INFO - CLOSED long at 2096.19 | PnL: 0.30% | $0.39 +2025-03-10 16:18:50,024 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.7204857142856 | Take profit: 2064.6728464285716 +2025-03-10 16:18:50,055 - INFO - CLOSED short at 2100.0 | PnL: -0.18% | $-0.53 +2025-03-10 16:18:50,056 - INFO - OPENED LONG at 2100.0 | Stop loss: 2089.450464285714 | Take profit: 2131.5743035714286 +2025-03-10 16:18:50,317 - INFO - CLOSED long at 2099.22 | PnL: -0.04% | $-0.26 +2025-03-10 16:18:50,317 - INFO - OPENED SHORT at 2099.22 | Stop loss: 2109.7656357142855 | Take profit: 2067.6573964285712 +2025-03-10 16:18:50,375 - INFO - CLOSED short at 2094.16 | PnL: 0.24% | $0.27 +2025-03-10 16:18:50,376 - INFO - OPENED LONG at 2094.16 | Stop loss: 2083.639664285714 | Take profit: 2125.6467035714286 +2025-03-10 16:18:50,406 - INFO - CLOSED long at 2096.96 | PnL: 0.13% | $0.06 +2025-03-10 16:18:50,406 - INFO - OPENED SHORT at 2096.96 | Stop loss: 2107.4943357142856 | Take profit: 2065.4312964285714 +2025-03-10 16:18:50,496 - INFO - CLOSED short at 2090.99 | PnL: 0.28% | $0.35 +2025-03-10 16:18:50,497 - INFO - OPENED LONG at 2090.99 | Stop loss: 2080.485514285714 | Take profit: 2122.4291535714283 +2025-03-10 16:18:50,643 - INFO - CLOSED long at 2081.0 | PnL: -0.48% | $-1.10 +2025-03-10 16:18:50,710 - INFO - OPENED LONG at 2084.25 | Stop loss: 2073.7792142857143 | Take profit: 2115.5880535714286 +2025-03-10 16:18:50,796 - INFO - CLOSED long at 2084.11 | PnL: -0.01% | $-0.20 +2025-03-10 16:18:50,796 - INFO - OPENED SHORT at 2084.11 | Stop loss: 2094.580085714286 | Take profit: 2052.7740464285716 +2025-03-10 16:18:50,825 - INFO - CLOSED short at 2083.07 | PnL: 0.05% | $-0.09 +2025-03-10 16:18:50,826 - INFO - OPENED LONG at 2083.07 | Stop loss: 2072.6051142857145 | Take profit: 2114.390353571429 +2025-03-10 16:18:50,855 - INFO - CLOSED long at 2075.07 | PnL: -0.38% | $-0.90 +2025-03-10 16:18:50,855 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.494885714286 | Take profit: 2043.8696464285717 +2025-03-10 16:18:50,882 - INFO - CLOSED short at 2067.71 | PnL: 0.35% | $0.47 +2025-03-10 16:18:50,882 - INFO - OPENED LONG at 2067.71 | Stop loss: 2057.3219142857142 | Take profit: 2098.799953571429 +2025-03-10 16:18:50,910 - INFO - STOP LOSS hit for long at 2057.3219142857142 | PnL: -0.50% | $-1.12 +2025-03-10 16:18:50,938 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3045357142855 | Take profit: 2020.1606964285713 +2025-03-10 16:18:50,967 - INFO - CLOSED short at 2043.51 | PnL: 0.37% | $0.49 +2025-03-10 16:18:50,968 - INFO - OPENED LONG at 2043.51 | Stop loss: 2033.2429142857143 | Take profit: 2074.2369535714283 +2025-03-10 16:18:51,024 - INFO - CLOSED long at 2052.89 | PnL: 0.46% | $0.66 +2025-03-10 16:18:51,024 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.2039857142854 | Take profit: 2022.0223464285714 +2025-03-10 16:18:51,090 - INFO - CLOSED short at 2053.22 | PnL: -0.02% | $-0.22 +2025-03-10 16:18:51,091 - INFO - OPENED LONG at 2053.22 | Stop loss: 2042.904364285714 | Take profit: 2084.0926035714283 +2025-03-10 16:18:51,237 - INFO - CLOSED long at 2046.76 | PnL: -0.31% | $-0.77 +2025-03-10 16:18:51,238 - INFO - OPENED SHORT at 2046.76 | Stop loss: 2057.0433357142856 | Take profit: 2015.9842964285715 +2025-03-10 16:18:51,267 - INFO - CLOSED short at 2043.95 | PnL: 0.14% | $0.07 +2025-03-10 16:18:51,267 - INFO - OPENED LONG at 2043.95 | Stop loss: 2033.6807142857144 | Take profit: 2074.6835535714285 +2025-03-10 16:18:51,352 - INFO - CLOSED long at 2042.0 | PnL: -0.10% | $-0.36 +2025-03-10 16:18:51,352 - INFO - OPENED SHORT at 2042.0 | Stop loss: 2052.259535714286 | Take profit: 2011.2956964285715 +2025-03-10 16:18:51,400 - INFO - CLOSED short at 2036.71 | PnL: 0.26% | $0.29 +2025-03-10 16:18:51,400 - INFO - OPENED LONG at 2036.71 | Stop loss: 2026.4769142857144 | Take profit: 2067.3349535714287 +2025-03-10 16:18:51,512 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 43.8% in downtrends | Avg Win=$0.35, Avg Loss=$-0.51 +2025-03-10 16:18:51,513 - INFO - Episode 40: Reward=-33.04, Balance=$94.25, Win Rate=36.7%, Trades=30, Episode PnL=$-2.63, Total PnL=$499.98, Max Drawdown=5.9%, Pred Accuracy=98.7% +2025-03-10 16:18:51,679 - INFO - Model saved to checkpoints/trading_agent_episode_40.pt +2025-03-10 16:18:51,680 - INFO - Checkpoint saved at episode 40 +2025-03-10 16:18:51,680 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:18:52,848 - INFO - Visualization saved for episode 40 +2025-03-10 16:18:55,007 - INFO - Visualization saved for episode 40 +2025-03-10 16:18:55,022 - INFO - Refreshing data for episode 41 +2025-03-10 16:18:55,022 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:18:55,354 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:18:55,366 - INFO - Initialized environment with 100 candles +2025-03-10 16:18:55,454 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.458535714286 | Take profit: 2089.898696428572 +2025-03-10 16:18:56,051 - INFO - TAKE PROFIT hit for short at 2089.898696428572 | PnL: 1.50% | $2.74 +2025-03-10 16:18:56,073 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.338735714286 | Take profit: 2058.4180964285715 +2025-03-10 16:18:56,142 - INFO - STOP LOSS hit for short at 2100.338735714286 | PnL: -0.50% | $-1.21 +2025-03-10 16:18:56,166 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9765857142856 | Take profit: 2071.7845464285715 +2025-03-10 16:18:56,458 - INFO - CLOSED short at 2084.75 | PnL: 0.89% | $1.56 +2025-03-10 16:18:56,459 - INFO - OPENED LONG at 2084.75 | Stop loss: 2074.276714285714 | Take profit: 2116.0955535714284 +2025-03-10 16:18:56,482 - INFO - CLOSED long at 2081.0 | PnL: -0.18% | $-0.56 +2025-03-10 16:18:56,482 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.454535714286 | Take profit: 2049.7106964285713 +2025-03-10 16:18:56,627 - INFO - TAKE PROFIT hit for short at 2049.7106964285713 | PnL: 1.50% | $2.81 +2025-03-10 16:18:56,670 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.7770857142855 | Take profit: 2012.7830464285714 +2025-03-10 16:18:56,736 - INFO - STOP LOSS hit for short at 2053.7770857142855 | PnL: -0.50% | $-1.24 +2025-03-10 16:18:56,763 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.349685714286 | Take profit: 2023.1452464285717 +2025-03-10 16:18:56,950 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$2.37, Avg Loss=$-1.00 +2025-03-10 16:18:56,951 - INFO - Episode 41: Reward=0.39, Balance=$104.10, Win Rate=50.0%, Trades=6, Episode PnL=$4.67, Total PnL=$504.08, Max Drawdown=1.2%, Pred Accuracy=98.8% +2025-03-10 16:18:56,951 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:18:56,951 - INFO - Refreshing data for episode 42 +2025-03-10 16:18:56,952 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:18:57,275 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:18:57,287 - INFO - Initialized environment with 100 candles +2025-03-10 16:18:57,321 - INFO - OPENED LONG at 2121.8 | Stop loss: 2111.1414642857144 | Take profit: 2153.701303571429 +2025-03-10 16:18:57,342 - INFO - CLOSED long at 2121.42 | PnL: -0.02% | $-0.23 +2025-03-10 16:18:57,343 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0766357142857 | Take profit: 2089.5243964285714 +2025-03-10 16:18:57,472 - INFO - CLOSED short at 2124.77 | PnL: -0.16% | $-0.50 +2025-03-10 16:18:57,474 - INFO - OPENED LONG at 2124.77 | Stop loss: 2114.096614285714 | Take profit: 2156.715853571429 +2025-03-10 16:18:57,506 - INFO - CLOSED long at 2120.26 | PnL: -0.21% | $-0.61 +2025-03-10 16:18:57,506 - INFO - OPENED SHORT at 2120.26 | Stop loss: 2130.910835714286 | Take profit: 2088.3817964285718 +2025-03-10 16:18:57,665 - INFO - CLOSED short at 2114.1 | PnL: 0.29% | $0.37 +2025-03-10 16:18:57,666 - INFO - OPENED LONG at 2114.1 | Stop loss: 2103.4799642857142 | Take profit: 2145.885803571429 +2025-03-10 16:18:57,689 - INFO - CLOSED long at 2115.11 | PnL: 0.05% | $-0.10 +2025-03-10 16:18:57,689 - INFO - OPENED SHORT at 2115.11 | Stop loss: 2125.7350857142856 | Take profit: 2083.3090464285715 +2025-03-10 16:18:57,984 - INFO - CLOSED short at 2089.84 | PnL: 1.19% | $2.12 +2025-03-10 16:18:57,985 - INFO - OPENED LONG at 2089.84 | Stop loss: 2079.3412642857143 | Take profit: 2121.261903571429 +2025-03-10 16:18:58,061 - INFO - CLOSED long at 2102.83 | PnL: 0.62% | $1.03 +2025-03-10 16:18:58,062 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3936857142858 | Take profit: 2071.2132464285714 +2025-03-10 16:18:58,450 - INFO - CLOSED short at 2084.11 | PnL: 0.89% | $1.58 +2025-03-10 16:18:58,450 - INFO - OPENED LONG at 2084.11 | Stop loss: 2073.6399142857144 | Take profit: 2115.4459535714286 +2025-03-10 16:18:58,472 - INFO - CLOSED long at 2083.07 | PnL: -0.05% | $-0.30 +2025-03-10 16:18:58,472 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.534885714286 | Take profit: 2051.7496464285714 +2025-03-10 16:18:58,544 - INFO - CLOSED short at 2048.3 | PnL: 1.67% | $3.17 +2025-03-10 16:18:58,545 - INFO - OPENED LONG at 2048.3 | Stop loss: 2038.0089642857147 | Take profit: 2079.0988035714286 +2025-03-10 16:18:58,568 - INFO - CLOSED long at 2051.0 | PnL: 0.13% | $0.07 +2025-03-10 16:18:58,568 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3045357142855 | Take profit: 2020.1606964285713 +2025-03-10 16:18:59,025 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 80.0% in downtrends | Avg Win=$1.39, Avg Loss=$-0.35 +2025-03-10 16:18:59,026 - INFO - Episode 42: Reward=1.57, Balance=$106.58, Win Rate=54.5%, Trades=11, Episode PnL=$6.73, Total PnL=$510.66, Max Drawdown=0.0%, Pred Accuracy=98.8% +2025-03-10 16:18:59,027 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:18:59,027 - INFO - Refreshing data for episode 43 +2025-03-10 16:18:59,027 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:18:59,337 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:18:59,346 - INFO - Initialized environment with 100 candles +2025-03-10 16:18:59,377 - INFO - OPENED LONG at 2121.8 | Stop loss: 2111.1414642857144 | Take profit: 2153.701303571429 +2025-03-10 16:18:59,399 - INFO - CLOSED long at 2121.42 | PnL: -0.02% | $-0.23 +2025-03-10 16:18:59,400 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0766357142857 | Take profit: 2089.5243964285714 +2025-03-10 16:19:00,124 - INFO - TAKE PROFIT hit for short at 2089.5243964285714 | PnL: 1.50% | $2.74 +2025-03-10 16:19:00,162 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.338735714286 | Take profit: 2058.4180964285715 +2025-03-10 16:19:00,236 - INFO - STOP LOSS hit for short at 2100.338735714286 | PnL: -0.50% | $-1.21 +2025-03-10 16:19:00,262 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9765857142856 | Take profit: 2071.7845464285715 +2025-03-10 16:19:00,381 - INFO - CLOSED short at 2099.22 | PnL: 0.20% | $0.20 +2025-03-10 16:19:00,432 - INFO - OPENED SHORT at 2094.16 | Stop loss: 2104.680335714286 | Take profit: 2062.673296428571 +2025-03-10 16:19:00,469 - INFO - CLOSED short at 2096.96 | PnL: -0.13% | $-0.46 +2025-03-10 16:19:00,470 - INFO - OPENED LONG at 2096.96 | Stop loss: 2086.4256642857144 | Take profit: 2128.4887035714282 +2025-03-10 16:19:00,515 - INFO - CLOSED long at 2098.66 | PnL: 0.08% | $-0.04 +2025-03-10 16:19:00,515 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.2028357142854 | Take profit: 2067.105796428571 +2025-03-10 16:19:00,808 - INFO - CLOSED short at 2075.07 | PnL: 1.12% | $2.02 +2025-03-10 16:19:00,809 - INFO - OPENED LONG at 2075.07 | Stop loss: 2064.6451142857145 | Take profit: 2106.2703535714286 +2025-03-10 16:19:00,896 - INFO - CLOSED long at 2048.3 | PnL: -1.29% | $-2.80 +2025-03-10 16:19:00,897 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.591035714286 | Take profit: 2017.5011964285716 +2025-03-10 16:19:01,263 - INFO - CLOSED short at 2036.71 | PnL: 0.57% | $0.91 +2025-03-10 16:19:01,304 - INFO - OPENED SHORT at 2027.51 | Stop loss: 2037.6970857142855 | Take profit: 1997.0230464285714 +2025-03-10 16:19:01,347 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.47, Avg Loss=$-0.95 +2025-03-10 16:19:01,348 - INFO - Episode 43: Reward=-4.17, Balance=$101.13, Win Rate=44.4%, Trades=9, Episode PnL=$4.20, Total PnL=$511.79, Max Drawdown=1.3%, Pred Accuracy=98.9% +2025-03-10 16:19:01,349 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:19:01,349 - INFO - Refreshing data for episode 44 +2025-03-10 16:19:01,350 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:19:02,095 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:19:02,108 - INFO - Initialized environment with 100 candles +2025-03-10 16:19:02,143 - INFO - OPENED SHORT at 2121.8 | Stop loss: 2132.458535714286 | Take profit: 2089.898696428572 +2025-03-10 16:19:02,911 - INFO - TAKE PROFIT hit for short at 2089.898696428572 | PnL: 1.50% | $2.74 +2025-03-10 16:19:02,958 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.338735714286 | Take profit: 2058.4180964285715 +2025-03-10 16:19:03,039 - INFO - STOP LOSS hit for short at 2100.338735714286 | PnL: -0.50% | $-1.21 +2025-03-10 16:19:03,061 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9765857142856 | Take profit: 2071.7845464285715 +2025-03-10 16:19:03,604 - INFO - TAKE PROFIT hit for short at 2071.7845464285715 | PnL: 1.50% | $2.78 +2025-03-10 16:19:03,649 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.591035714286 | Take profit: 2017.5011964285716 +2025-03-10 16:19:03,794 - INFO - CLOSED short at 2053.22 | PnL: -0.24% | $-0.69 +2025-03-10 16:19:03,794 - INFO - OPENED LONG at 2053.22 | Stop loss: 2042.904364285714 | Take profit: 2084.0926035714283 +2025-03-10 16:19:03,817 - INFO - CLOSED long at 2058.11 | PnL: 0.24% | $0.28 +2025-03-10 16:19:03,817 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.4500857142857 | Take profit: 2027.1640464285715 +2025-03-10 16:19:04,156 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.94, Avg Loss=$-0.95 +2025-03-10 16:19:04,157 - INFO - Episode 44: Reward=-0.82, Balance=$103.90, Win Rate=60.0%, Trades=5, Episode PnL=$3.63, Total PnL=$515.70, Max Drawdown=1.2%, Pred Accuracy=99.0% +2025-03-10 16:19:04,158 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:19:04,158 - INFO - Refreshing data for episode 45 +2025-03-10 16:19:04,159 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:19:04,896 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:19:04,906 - INFO - Initialized environment with 100 candles +2025-03-10 16:19:05,769 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0713142857144 | Take profit: 2089.5323785714286 +2025-03-10 16:19:06,685 - INFO - TAKE PROFIT hit for short at 2089.5323785714286 | PnL: 1.50% | $2.75 +2025-03-10 16:19:06,741 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3334142857143 | Take profit: 2058.4260785714287 +2025-03-10 16:19:06,813 - INFO - STOP LOSS hit for short at 2100.3334142857143 | PnL: -0.50% | $-1.21 +2025-03-10 16:19:06,846 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.971264285714 | Take profit: 2071.7925285714286 +2025-03-10 16:19:07,408 - INFO - TAKE PROFIT hit for short at 2071.7925285714286 | PnL: 1.50% | $2.79 +2025-03-10 16:19:07,457 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5857142857144 | Take profit: 2017.5091785714287 +2025-03-10 16:19:07,897 - INFO - TAKE PROFIT hit for short at 2017.5091785714287 | PnL: 1.50% | $2.87 +2025-03-10 16:19:07,938 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.80, Avg Loss=$-1.21 +2025-03-10 16:19:07,939 - INFO - Episode 45: Reward=0.38, Balance=$107.19, Win Rate=75.0%, Trades=4, Episode PnL=$7.19, Total PnL=$522.89, Max Drawdown=1.2%, Pred Accuracy=98.8% +2025-03-10 16:19:07,939 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:19:07,940 - INFO - Refreshing data for episode 46 +2025-03-10 16:19:07,940 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:19:08,300 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:19:08,311 - INFO - Initialized environment with 100 candles +2025-03-10 16:19:08,345 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.072092857143 | Take profit: 2089.531210714286 +2025-03-10 16:19:09,085 - INFO - TAKE PROFIT hit for short at 2089.531210714286 | PnL: 1.50% | $2.75 +2025-03-10 16:19:09,131 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3341928571426 | Take profit: 2058.424910714286 +2025-03-10 16:19:09,214 - INFO - STOP LOSS hit for short at 2100.3341928571426 | PnL: -0.50% | $-1.21 +2025-03-10 16:19:09,241 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9720428571427 | Take profit: 2071.7913607142855 +2025-03-10 16:19:09,817 - INFO - TAKE PROFIT hit for short at 2071.7913607142855 | PnL: 1.50% | $2.79 +2025-03-10 16:19:09,854 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5864928571427 | Take profit: 2017.508010714286 +2025-03-10 16:19:10,302 - INFO - TAKE PROFIT hit for short at 2017.508010714286 | PnL: 1.50% | $2.87 +2025-03-10 16:19:10,347 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.80, Avg Loss=$-1.21 +2025-03-10 16:19:10,348 - INFO - Episode 46: Reward=0.40, Balance=$107.19, Win Rate=75.0%, Trades=4, Episode PnL=$7.19, Total PnL=$530.09, Max Drawdown=1.2%, Pred Accuracy=98.8% +2025-03-10 16:19:10,348 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:19:10,348 - INFO - Refreshing data for episode 47 +2025-03-10 16:19:10,348 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:19:10,662 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:19:10,672 - INFO - Initialized environment with 100 candles +2025-03-10 16:19:10,707 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.072092857143 | Take profit: 2089.531210714286 +2025-03-10 16:19:11,424 - INFO - TAKE PROFIT hit for short at 2089.531210714286 | PnL: 1.50% | $2.75 +2025-03-10 16:19:11,474 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3341928571426 | Take profit: 2058.424910714286 +2025-03-10 16:19:11,569 - INFO - STOP LOSS hit for short at 2100.3341928571426 | PnL: -0.50% | $-1.21 +2025-03-10 16:19:11,593 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9720428571427 | Take profit: 2071.7913607142855 +2025-03-10 16:19:11,835 - INFO - CLOSED short at 2090.59 | PnL: 0.61% | $1.01 +2025-03-10 16:19:11,836 - INFO - OPENED LONG at 2090.59 | Stop loss: 2080.0920571428574 | Take profit: 2122.0163392857144 +2025-03-10 16:19:11,884 - INFO - CLOSED long at 2090.99 | PnL: 0.02% | $-0.16 +2025-03-10 16:19:11,884 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.4899428571425 | Take profit: 2059.5576607142857 +2025-03-10 16:19:12,151 - INFO - TAKE PROFIT hit for short at 2059.5576607142857 | PnL: 1.50% | $2.81 +2025-03-10 16:19:12,187 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.2999928571426 | Take profit: 2020.1675107142858 +2025-03-10 16:19:12,545 - INFO - TAKE PROFIT hit for short at 2020.1675107142858 | PnL: 1.50% | $2.89 +2025-03-10 16:19:12,575 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 80.0% in downtrends | Avg Win=$2.37, Avg Loss=$-0.69 +2025-03-10 16:19:12,576 - INFO - Episode 47: Reward=0.54, Balance=$108.09, Win Rate=66.7%, Trades=6, Episode PnL=$8.25, Total PnL=$538.17, Max Drawdown=1.2%, Pred Accuracy=98.8% +2025-03-10 16:19:12,723 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 16:19:12,723 - INFO - New best PnL model saved: $8.25 +2025-03-10 16:19:12,724 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:19:12,724 - INFO - Refreshing data for episode 48 +2025-03-10 16:19:12,724 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:19:13,046 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:19:13,056 - INFO - Initialized environment with 100 candles +2025-03-10 16:19:13,194 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.072092857143 | Take profit: 2089.531210714286 +2025-03-10 16:19:13,389 - INFO - CLOSED short at 2120.96 | PnL: 0.02% | $-0.15 +2025-03-10 16:19:13,414 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.569492857143 | Take profit: 2092.959010714286 +2025-03-10 16:19:13,868 - INFO - CLOSED short at 2115.07 | PnL: 0.46% | $0.71 +2025-03-10 16:19:13,895 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.7761928571426 | Take profit: 2066.6989107142854 +2025-03-10 16:19:14,692 - INFO - TAKE PROFIT hit for short at 2066.6989107142854 | PnL: 1.50% | $2.76 +2025-03-10 16:19:14,713 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.2999928571426 | Take profit: 2020.1675107142858 +2025-03-10 16:19:15,085 - INFO - TAKE PROFIT hit for short at 2020.1675107142858 | PnL: 1.50% | $2.84 +2025-03-10 16:19:15,110 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.10, Avg Loss=$-0.15 +2025-03-10 16:19:15,111 - INFO - Episode 48: Reward=0.27, Balance=$106.16, Win Rate=75.0%, Trades=4, Episode PnL=$6.16, Total PnL=$544.33, Max Drawdown=0.2%, Pred Accuracy=98.8% +2025-03-10 16:19:15,111 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:19:15,112 - INFO - Refreshing data for episode 49 +2025-03-10 16:19:15,112 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:19:15,416 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:19:15,426 - INFO - Initialized environment with 100 candles +2025-03-10 16:19:15,553 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.073464285714 | Take profit: 2089.5291535714287 +2025-03-10 16:19:15,750 - INFO - CLOSED short at 2119.02 | PnL: 0.11% | $0.03 +2025-03-10 16:19:15,788 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.611164285714 | Take profit: 2089.0760535714285 +2025-03-10 16:19:16,412 - INFO - TAKE PROFIT hit for short at 2089.0760535714285 | PnL: 1.50% | $2.75 +2025-03-10 16:19:16,488 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.717314285714 | Take profit: 2064.677603571429 +2025-03-10 16:19:17,148 - INFO - TAKE PROFIT hit for short at 2064.677603571429 | PnL: 1.50% | $2.82 +2025-03-10 16:19:17,194 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.301364285714 | Take profit: 2020.1654535714285 +2025-03-10 16:19:17,542 - INFO - TAKE PROFIT hit for short at 2020.1654535714285 | PnL: 1.50% | $2.90 +2025-03-10 16:19:17,570 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.12, Avg Loss=$0.00 +2025-03-10 16:19:17,571 - INFO - Episode 49: Reward=0.95, Balance=$108.49, Win Rate=100.0%, Trades=4, Episode PnL=$8.49, Total PnL=$552.82, Max Drawdown=0.0%, Pred Accuracy=98.8% +2025-03-10 16:19:17,718 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 16:19:17,718 - INFO - New best PnL model saved: $8.49 +2025-03-10 16:19:17,719 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:19:17,719 - INFO - Early stopping triggered after 50 episodes without improvement +2025-03-10 16:19:17,866 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 16:19:19,039 - INFO - Training results saved to training_results.png +2025-03-10 16:19:19,201 - INFO - Model saved to models/trading_agent_continuous_100.pt +2025-03-10 16:19:24,210 - INFO - Starting training batch 4 +2025-03-10 16:19:24,210 - INFO - Refreshing data for new training batch +2025-03-10 16:19:24,211 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:19:24,537 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 16:19:24,547 - INFO - Initialized environment with 500 candles +2025-03-10 16:19:24,547 - INFO - Updated environment with fresh candles +2025-03-10 16:19:24,548 - INFO - Starting training on device: cuda +2025-03-10 16:19:24,548 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 16:19:24,549 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 16:19:24,868 - INFO - Model loaded successfully with weights_only=True +2025-03-10 16:19:24,874 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $7.30, Win Rate: 66.7% +2025-03-10 16:19:24,889 - INFO - Refreshing data for episode 0 +2025-03-10 16:19:24,889 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:19:25,218 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:19:25,229 - INFO - Initialized environment with 100 candles +2025-03-10 16:19:26,019 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0751714285716 | Take profit: 2089.526592857143 +2025-03-10 16:19:26,258 - INFO - CLOSED short at 2114.75 | PnL: 0.31% | $0.42 +2025-03-10 16:19:26,283 - INFO - OPENED SHORT at 2116.06 | Stop loss: 2126.6883714285714 | Take profit: 2084.2469928571427 +2025-03-10 16:19:26,995 - INFO - TAKE PROFIT hit for short at 2084.2469928571427 | PnL: 1.50% | $2.76 +2025-03-10 16:19:27,020 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2218214285717 | Take profit: 2053.4066428571427 +2025-03-10 16:19:27,215 - INFO - TAKE PROFIT hit for short at 2053.4066428571427 | PnL: 1.50% | $2.83 +2025-03-10 16:19:27,242 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3030714285715 | Take profit: 2020.1628928571429 +2025-03-10 16:19:27,543 - INFO - TAKE PROFIT hit for short at 2020.1628928571429 | PnL: 1.50% | $2.91 +2025-03-10 16:19:27,564 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.23, Avg Loss=$0.00 +2025-03-10 16:19:27,564 - INFO - Episode 0: Reward=29.03, Balance=$108.91, Win Rate=100.0%, Trades=4, Episode PnL=$8.91, Total PnL=$561.74, Max Drawdown=0.0%, Pred Accuracy=99.2% +2025-03-10 16:19:27,707 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 16:19:27,708 - INFO - New best PnL model saved: $8.91 +2025-03-10 16:19:27,850 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 16:19:27,851 - INFO - Checkpoint saved at episode 0 +2025-03-10 16:19:28,855 - INFO - Visualization saved for episode 0 +2025-03-10 16:19:30,658 - INFO - Visualization saved for episode 0 +2025-03-10 16:19:30,672 - INFO - Refreshing data for episode 1 +2025-03-10 16:19:30,672 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:19:31,025 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:19:31,034 - INFO - Initialized environment with 100 candles +2025-03-10 16:19:31,361 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0751714285716 | Take profit: 2089.526592857143 +2025-03-10 16:19:31,922 - INFO - TAKE PROFIT hit for short at 2089.526592857143 | PnL: 1.50% | $2.74 +2025-03-10 16:19:31,947 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3372714285715 | Take profit: 2058.420292857143 +2025-03-10 16:19:32,020 - INFO - STOP LOSS hit for short at 2100.3372714285715 | PnL: -0.50% | $-1.21 +2025-03-10 16:19:32,043 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.975121428571 | Take profit: 2071.7867428571426 +2025-03-10 16:19:32,091 - INFO - CLOSED short at 2104.67 | PnL: -0.06% | $-0.32 +2025-03-10 16:19:32,091 - INFO - OPENED LONG at 2104.67 | Stop loss: 2094.098578571429 | Take profit: 2136.312157142857 +2025-03-10 16:19:32,117 - INFO - CLOSED long at 2105.26 | PnL: 0.03% | $-0.14 +2025-03-10 16:19:32,117 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.8343714285716 | Take profit: 2073.6089928571428 +2025-03-10 16:19:32,333 - INFO - CLOSED short at 2080.58 | PnL: 1.17% | $2.12 +2025-03-10 16:19:32,356 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2218214285717 | Take profit: 2053.4066428571427 +2025-03-10 16:19:32,529 - INFO - TAKE PROFIT hit for short at 2053.4066428571427 | PnL: 1.50% | $2.83 +2025-03-10 16:19:32,552 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3030714285715 | Take profit: 2020.1628928571429 +2025-03-10 16:19:32,861 - INFO - TAKE PROFIT hit for short at 2020.1628928571429 | PnL: 1.50% | $2.91 +2025-03-10 16:19:32,881 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$2.65, Avg Loss=$-0.56 +2025-03-10 16:19:32,881 - INFO - Episode 1: Reward=27.17, Balance=$108.93, Win Rate=57.1%, Trades=7, Episode PnL=$9.08, Total PnL=$570.67, Max Drawdown=1.2%, Pred Accuracy=99.3% +2025-03-10 16:19:33,023 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 16:19:33,024 - INFO - New best PnL model saved: $9.08 +2025-03-10 16:19:33,024 - INFO - Refreshing data for episode 2 +2025-03-10 16:19:33,024 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:19:33,345 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:19:33,355 - INFO - Initialized environment with 100 candles +2025-03-10 16:19:33,388 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.07595 | Take profit: 2089.525425 +2025-03-10 16:19:34,019 - INFO - CLOSED short at 2089.04 | PnL: 1.53% | $2.79 +2025-03-10 16:19:34,020 - INFO - OPENED LONG at 2089.04 | Stop loss: 2078.54595 | Take profit: 2120.4488749999996 +2025-03-10 16:19:34,046 - INFO - CLOSED long at 2089.84 | PnL: 0.04% | $-0.12 +2025-03-10 16:19:34,046 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.33805 | Take profit: 2058.4191250000003 +2025-03-10 16:19:34,124 - INFO - STOP LOSS hit for short at 2100.33805 | PnL: -0.50% | $-1.21 +2025-03-10 16:19:34,150 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9758999999995 | Take profit: 2071.785575 +2025-03-10 16:19:34,503 - INFO - CLOSED short at 2084.25 | PnL: 0.91% | $1.61 +2025-03-10 16:19:34,531 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8457 | Take profit: 2054.016175 +2025-03-10 16:19:34,664 - INFO - TAKE PROFIT hit for short at 2054.016175 | PnL: 1.50% | $2.83 +2025-03-10 16:19:34,707 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3038500000002 | Take profit: 2020.1617250000002 +2025-03-10 16:19:35,118 - INFO - TAKE PROFIT hit for short at 2020.1617250000002 | PnL: 1.50% | $2.90 +2025-03-10 16:19:35,137 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.53, Avg Loss=$-0.67 +2025-03-10 16:19:35,138 - INFO - Episode 2: Reward=31.30, Balance=$108.79, Win Rate=66.7%, Trades=6, Episode PnL=$8.92, Total PnL=$579.47, Max Drawdown=0.0%, Pred Accuracy=99.3% +2025-03-10 16:19:35,138 - INFO - Refreshing data for episode 3 +2025-03-10 16:19:35,139 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:19:35,457 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:19:35,466 - INFO - Initialized environment with 100 candles +2025-03-10 16:19:35,573 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0768428571428 | Take profit: 2089.524085714286 +2025-03-10 16:19:35,717 - INFO - CLOSED short at 2124.9 | PnL: -0.16% | $-0.52 +2025-03-10 16:19:35,752 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.021392857143 | Take profit: 2096.3304357142856 +2025-03-10 16:19:36,220 - INFO - TAKE PROFIT hit for short at 2096.3304357142856 | PnL: 1.50% | $2.73 +2025-03-10 16:19:36,245 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.599992857143 | Take profit: 2068.474635714286 +2025-03-10 16:19:36,631 - INFO - CLOSED short at 2098.66 | PnL: 0.07% | $-0.07 +2025-03-10 16:19:36,632 - INFO - OPENED LONG at 2098.66 | Stop loss: 2088.116957142857 | Take profit: 2130.2145142857144 +2025-03-10 16:19:36,655 - INFO - CLOSED long at 2090.59 | PnL: -0.38% | $-0.97 +2025-03-10 16:19:36,656 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.092692857143 | Take profit: 2059.156535714286 +2025-03-10 16:19:36,701 - INFO - CLOSED short at 2084.95 | PnL: 0.27% | $0.34 +2025-03-10 16:19:36,723 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.032642857143 | Take profit: 2049.2966857142856 +2025-03-10 16:19:36,751 - INFO - CLOSED short at 2084.75 | PnL: -0.20% | $-0.60 +2025-03-10 16:19:36,751 - INFO - OPENED LONG at 2084.75 | Stop loss: 2074.276507142857 | Take profit: 2116.095864285714 +2025-03-10 16:19:36,789 - INFO - CLOSED long at 2081.0 | PnL: -0.18% | $-0.55 +2025-03-10 16:19:36,790 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.4547428571427 | Take profit: 2049.7103857142856 +2025-03-10 16:19:37,010 - INFO - TAKE PROFIT hit for short at 2049.7103857142856 | PnL: 1.50% | $2.75 +2025-03-10 16:19:37,033 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.304742857143 | Take profit: 2020.160385714286 +2025-03-10 16:19:37,098 - INFO - CLOSED short at 2053.22 | PnL: -0.11% | $-0.42 +2025-03-10 16:19:37,098 - INFO - OPENED LONG at 2053.22 | Stop loss: 2042.904157142857 | Take profit: 2084.092914285714 +2025-03-10 16:19:37,122 - INFO - CLOSED long at 2058.11 | PnL: 0.24% | $0.28 +2025-03-10 16:19:37,122 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.4502928571433 | Take profit: 2027.1637357142858 +2025-03-10 16:19:37,422 - INFO - TAKE PROFIT hit for short at 2027.1637357142858 | PnL: 1.50% | $2.82 +2025-03-10 16:19:37,444 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.78, Avg Loss=$-0.52 +2025-03-10 16:19:37,444 - INFO - Episode 3: Reward=19.23, Balance=$105.80, Win Rate=45.5%, Trades=11, Episode PnL=$7.04, Total PnL=$585.26, Max Drawdown=0.7%, Pred Accuracy=99.3% +2025-03-10 16:19:37,445 - INFO - Refreshing data for episode 4 +2025-03-10 16:19:37,445 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:19:37,747 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:19:37,758 - INFO - Initialized environment with 100 candles +2025-03-10 16:19:37,792 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0768428571428 | Take profit: 2089.524085714286 +2025-03-10 16:19:38,188 - INFO - CLOSED short at 2115.11 | PnL: 0.30% | $0.39 +2025-03-10 16:19:38,188 - INFO - OPENED LONG at 2115.11 | Stop loss: 2104.484707142857 | Take profit: 2146.911264285714 +2025-03-10 16:19:38,212 - INFO - CLOSED long at 2114.32 | PnL: -0.04% | $-0.27 +2025-03-10 16:19:38,214 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.941342857143 | Take profit: 2082.5305857142857 +2025-03-10 16:19:38,998 - INFO - TAKE PROFIT hit for short at 2082.5305857142857 | PnL: 1.50% | $2.75 +2025-03-10 16:19:39,021 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.223492857143 | Take profit: 2053.4041357142855 +2025-03-10 16:19:39,266 - INFO - TAKE PROFIT hit for short at 2053.4041357142855 | PnL: 1.50% | $2.82 +2025-03-10 16:19:39,310 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.304742857143 | Take profit: 2020.160385714286 +2025-03-10 16:19:39,747 - INFO - TAKE PROFIT hit for short at 2020.160385714286 | PnL: 1.50% | $2.90 +2025-03-10 16:19:39,768 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.21, Avg Loss=$-0.27 +2025-03-10 16:19:39,770 - INFO - Episode 4: Reward=27.41, Balance=$108.58, Win Rate=80.0%, Trades=5, Episode PnL=$8.85, Total PnL=$593.84, Max Drawdown=0.0%, Pred Accuracy=99.4% +2025-03-10 16:19:39,771 - INFO - Refreshing data for episode 5 +2025-03-10 16:19:39,771 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:19:40,078 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:19:40,089 - INFO - Initialized environment with 100 candles +2025-03-10 16:19:40,845 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0768428571428 | Take profit: 2089.524085714286 +2025-03-10 16:19:41,490 - INFO - TAKE PROFIT hit for short at 2089.524085714286 | PnL: 1.50% | $2.74 +2025-03-10 16:19:41,514 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3389428571427 | Take profit: 2058.417785714286 +2025-03-10 16:19:41,621 - INFO - STOP LOSS hit for short at 2100.3389428571427 | PnL: -0.50% | $-1.21 +2025-03-10 16:19:41,657 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9767928571423 | Take profit: 2071.7842357142854 +2025-03-10 16:19:41,692 - INFO - CLOSED short at 2104.22 | PnL: -0.04% | $-0.27 +2025-03-10 16:19:41,692 - INFO - OPENED LONG at 2104.22 | Stop loss: 2093.649157142857 | Take profit: 2135.857914285714 +2025-03-10 16:19:41,729 - INFO - CLOSED long at 2104.67 | PnL: 0.02% | $-0.16 +2025-03-10 16:19:41,758 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.8360428571427 | Take profit: 2073.606485714286 +2025-03-10 16:19:41,913 - INFO - CLOSED short at 2090.99 | PnL: 0.68% | $1.14 +2025-03-10 16:19:41,913 - INFO - OPENED LONG at 2090.99 | Stop loss: 2080.485307142857 | Take profit: 2122.429464285714 +2025-03-10 16:19:41,940 - INFO - CLOSED long at 2084.95 | PnL: -0.29% | $-0.78 +2025-03-10 16:19:41,940 - INFO - OPENED SHORT at 2084.95 | Stop loss: 2095.4244928571425 | Take profit: 2053.6011357142856 +2025-03-10 16:19:42,242 - INFO - TAKE PROFIT hit for short at 2053.6011357142856 | PnL: 1.50% | $2.78 +2025-03-10 16:19:42,265 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.304742857143 | Take profit: 2020.160385714286 +2025-03-10 16:19:42,652 - INFO - TAKE PROFIT hit for short at 2020.160385714286 | PnL: 1.50% | $2.86 +2025-03-10 16:19:42,672 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.38, Avg Loss=$-0.60 +2025-03-10 16:19:42,673 - INFO - Episode 5: Reward=24.57, Balance=$107.11, Win Rate=50.0%, Trades=8, Episode PnL=$7.88, Total PnL=$600.95, Max Drawdown=1.6%, Pred Accuracy=99.5% +2025-03-10 16:19:42,673 - INFO - Refreshing data for episode 6 +2025-03-10 16:19:42,673 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:19:43,020 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:19:43,029 - INFO - Initialized environment with 100 candles +2025-03-10 16:19:43,066 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0771571428572 | Take profit: 2089.5236142857143 +2025-03-10 16:19:43,527 - INFO - CLOSED short at 2113.28 | PnL: 0.38% | $0.55 +2025-03-10 16:19:43,527 - INFO - OPENED LONG at 2113.28 | Stop loss: 2102.663542857143 | Take profit: 2145.054285714286 +2025-03-10 16:19:43,553 - INFO - CLOSED long at 2114.5 | PnL: 0.06% | $-0.08 +2025-03-10 16:19:43,553 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.122557142857 | Take profit: 2082.707414285714 +2025-03-10 16:19:44,128 - INFO - TAKE PROFIT hit for short at 2082.707414285714 | PnL: 1.50% | $2.76 +2025-03-10 16:19:44,156 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.223807142857 | Take profit: 2053.4036642857145 +2025-03-10 16:19:44,405 - INFO - TAKE PROFIT hit for short at 2053.4036642857145 | PnL: 1.50% | $2.83 +2025-03-10 16:19:44,431 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305057142857 | Take profit: 2020.1599142857144 +2025-03-10 16:19:44,804 - INFO - TAKE PROFIT hit for short at 2020.1599142857144 | PnL: 1.50% | $2.91 +2025-03-10 16:19:44,824 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.26, Avg Loss=$-0.08 +2025-03-10 16:19:44,825 - INFO - Episode 6: Reward=27.77, Balance=$108.96, Win Rate=80.0%, Trades=5, Episode PnL=$9.05, Total PnL=$609.91, Max Drawdown=0.0%, Pred Accuracy=99.5% +2025-03-10 16:19:44,825 - INFO - Refreshing data for episode 7 +2025-03-10 16:19:44,826 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:19:45,154 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:19:45,163 - INFO - Initialized environment with 100 candles +2025-03-10 16:19:45,199 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0771571428572 | Take profit: 2089.5236142857143 +2025-03-10 16:19:45,944 - INFO - TAKE PROFIT hit for short at 2089.5236142857143 | PnL: 1.50% | $2.74 +2025-03-10 16:19:45,971 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3392571428576 | Take profit: 2058.4173142857144 +2025-03-10 16:19:46,050 - INFO - STOP LOSS hit for short at 2100.3392571428576 | PnL: -0.50% | $-1.21 +2025-03-10 16:19:46,077 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.977107142857 | Take profit: 2071.7837642857144 +2025-03-10 16:19:46,371 - INFO - CLOSED short at 2090.99 | PnL: 0.59% | $0.97 +2025-03-10 16:19:46,372 - INFO - OPENED LONG at 2090.99 | Stop loss: 2080.4849928571425 | Take profit: 2122.4299357142854 +2025-03-10 16:19:46,395 - INFO - CLOSED long at 2084.95 | PnL: -0.29% | $-0.78 +2025-03-10 16:19:46,395 - INFO - OPENED SHORT at 2084.95 | Stop loss: 2095.424807142857 | Take profit: 2053.600664285714 +2025-03-10 16:19:46,746 - INFO - CLOSED short at 2048.3 | PnL: 1.76% | $3.29 +2025-03-10 16:19:46,771 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305057142857 | Take profit: 2020.1599142857144 +2025-03-10 16:19:47,178 - INFO - TAKE PROFIT hit for short at 2020.1599142857144 | PnL: 1.50% | $2.88 +2025-03-10 16:19:47,201 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.47, Avg Loss=$-0.99 +2025-03-10 16:19:47,202 - INFO - Episode 7: Reward=30.26, Balance=$107.90, Win Rate=66.7%, Trades=6, Episode PnL=$8.68, Total PnL=$617.81, Max Drawdown=1.2%, Pred Accuracy=99.5% +2025-03-10 16:19:47,202 - INFO - Refreshing data for episode 8 +2025-03-10 16:19:47,203 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:19:47,948 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:19:47,958 - INFO - Initialized environment with 100 candles +2025-03-10 16:19:47,996 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0771571428572 | Take profit: 2089.5236142857143 +2025-03-10 16:19:48,731 - INFO - TAKE PROFIT hit for short at 2089.5236142857143 | PnL: 1.50% | $2.74 +2025-03-10 16:19:48,758 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3392571428576 | Take profit: 2058.4173142857144 +2025-03-10 16:19:48,836 - INFO - STOP LOSS hit for short at 2100.3392571428576 | PnL: -0.50% | $-1.21 +2025-03-10 16:19:48,861 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.977107142857 | Take profit: 2071.7837642857144 +2025-03-10 16:19:49,435 - INFO - TAKE PROFIT hit for short at 2071.7837642857144 | PnL: 1.50% | $2.78 +2025-03-10 16:19:49,524 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305057142857 | Take profit: 2020.1599142857144 +2025-03-10 16:19:49,951 - INFO - TAKE PROFIT hit for short at 2020.1599142857144 | PnL: 1.50% | $2.86 +2025-03-10 16:19:49,973 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.80, Avg Loss=$-1.21 +2025-03-10 16:19:49,974 - INFO - Episode 8: Reward=27.79, Balance=$107.18, Win Rate=75.0%, Trades=4, Episode PnL=$7.18, Total PnL=$624.99, Max Drawdown=1.2%, Pred Accuracy=99.5% +2025-03-10 16:19:49,974 - INFO - Refreshing data for episode 9 +2025-03-10 16:19:49,975 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:19:50,282 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:19:50,292 - INFO - Initialized environment with 100 candles +2025-03-10 16:19:50,328 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0776321428575 | Take profit: 2089.522901785714 +2025-03-10 16:19:51,239 - INFO - TAKE PROFIT hit for short at 2089.522901785714 | PnL: 1.50% | $2.74 +2025-03-10 16:19:51,294 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3397321428574 | Take profit: 2058.4166017857146 +2025-03-10 16:19:51,389 - INFO - STOP LOSS hit for short at 2100.3397321428574 | PnL: -0.50% | $-1.21 +2025-03-10 16:19:51,419 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.977582142857 | Take profit: 2071.783051785714 +2025-03-10 16:19:52,091 - INFO - TAKE PROFIT hit for short at 2071.783051785714 | PnL: 1.50% | $2.78 +2025-03-10 16:19:52,141 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5920321428575 | Take profit: 2017.4997017857143 +2025-03-10 16:19:52,567 - INFO - TAKE PROFIT hit for short at 2017.4997017857143 | PnL: 1.50% | $2.86 +2025-03-10 16:19:52,585 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.79, Avg Loss=$-1.21 +2025-03-10 16:19:52,587 - INFO - Episode 9: Reward=27.98, Balance=$107.17, Win Rate=75.0%, Trades=4, Episode PnL=$7.17, Total PnL=$632.16, Max Drawdown=1.2%, Pred Accuracy=99.4% +2025-03-10 16:19:52,587 - INFO - Refreshing data for episode 10 +2025-03-10 16:19:52,587 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:19:52,906 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:19:52,917 - INFO - Initialized environment with 100 candles +2025-03-10 16:19:53,947 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0776321428575 | Take profit: 2089.522901785714 +2025-03-10 16:19:54,759 - INFO - TAKE PROFIT hit for short at 2089.522901785714 | PnL: 1.50% | $2.74 +2025-03-10 16:19:54,799 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3397321428574 | Take profit: 2058.4166017857146 +2025-03-10 16:19:54,910 - INFO - CLOSED short at 2102.83 | PnL: -0.62% | $-1.45 +2025-03-10 16:19:54,948 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.977582142857 | Take profit: 2071.783051785714 +2025-03-10 16:19:55,443 - INFO - CLOSED short at 2084.75 | PnL: 0.89% | $1.56 +2025-03-10 16:19:55,444 - INFO - OPENED LONG at 2084.75 | Stop loss: 2074.275717857143 | Take profit: 2116.0970482142857 +2025-03-10 16:19:55,476 - INFO - CLOSED long at 2081.0 | PnL: -0.18% | $-0.56 +2025-03-10 16:19:55,477 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.455532142857 | Take profit: 2049.7092017857144 +2025-03-10 16:19:55,655 - INFO - TAKE PROFIT hit for short at 2049.7092017857144 | PnL: 1.50% | $2.80 +2025-03-10 16:19:55,683 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305532142857 | Take profit: 2020.1592017857145 +2025-03-10 16:19:56,092 - INFO - TAKE PROFIT hit for short at 2020.1592017857145 | PnL: 1.50% | $2.88 +2025-03-10 16:19:56,118 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.50, Avg Loss=$-1.00 +2025-03-10 16:19:56,119 - INFO - Episode 10: Reward=25.49, Balance=$107.97, Win Rate=66.7%, Trades=6, Episode PnL=$8.53, Total PnL=$640.14, Max Drawdown=1.4%, Pred Accuracy=99.4% +2025-03-10 16:19:56,292 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 16:19:56,292 - INFO - Checkpoint saved at episode 10 +2025-03-10 16:19:57,454 - INFO - Visualization saved for episode 10 +2025-03-10 16:19:59,454 - INFO - Visualization saved for episode 10 +2025-03-10 16:19:59,479 - INFO - Refreshing data for episode 11 +2025-03-10 16:19:59,480 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:19:59,820 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:19:59,831 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:00,198 - INFO - OPENED SHORT at 2121.42 | Stop loss: 2132.0776321428575 | Take profit: 2089.522901785714 +2025-03-10 16:20:00,678 - INFO - CLOSED short at 2115.21 | PnL: 0.29% | $0.38 +2025-03-10 16:20:00,707 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.721032142857 | Take profit: 2082.312701785714 +2025-03-10 16:20:01,752 - INFO - TAKE PROFIT hit for short at 2082.312701785714 | PnL: 1.50% | $2.75 +2025-03-10 16:20:01,782 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.224282142857 | Take profit: 2053.4029517857143 +2025-03-10 16:20:02,050 - INFO - TAKE PROFIT hit for short at 2053.4029517857143 | PnL: 1.50% | $2.83 +2025-03-10 16:20:02,099 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305532142857 | Take profit: 2020.1592017857145 +2025-03-10 16:20:02,516 - INFO - TAKE PROFIT hit for short at 2020.1592017857145 | PnL: 1.50% | $2.90 +2025-03-10 16:20:02,548 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.21, Avg Loss=$0.00 +2025-03-10 16:20:02,549 - INFO - Episode 11: Reward=15.21, Balance=$108.86, Win Rate=100.0%, Trades=4, Episode PnL=$8.86, Total PnL=$648.99, Max Drawdown=0.0%, Pred Accuracy=99.2% +2025-03-10 16:20:02,549 - INFO - Refreshing data for episode 12 +2025-03-10 16:20:02,549 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:02,882 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:02,894 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:02,930 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1489785714284 | Take profit: 2084.702632142857 +2025-03-10 16:20:03,029 - INFO - STOP LOSS hit for short at 2127.1489785714284 | PnL: -0.50% | $-1.18 +2025-03-10 16:20:03,053 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4402285714286 | Take profit: 2092.8288821428573 +2025-03-10 16:20:03,660 - INFO - TAKE PROFIT hit for short at 2092.8288821428573 | PnL: 1.50% | $2.71 +2025-03-10 16:20:03,681 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.596628571429 | Take profit: 2068.479682142857 +2025-03-10 16:20:04,459 - INFO - TAKE PROFIT hit for short at 2068.479682142857 | PnL: 1.50% | $2.79 +2025-03-10 16:20:04,483 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.587878571429 | Take profit: 2017.5059321428573 +2025-03-10 16:20:04,904 - INFO - TAKE PROFIT hit for short at 2017.5059321428573 | PnL: 1.50% | $2.86 +2025-03-10 16:20:04,927 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6640785714287 | Take profit: 1985.2373321428572 +2025-03-10 16:20:04,969 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.79, Avg Loss=$-1.18 +2025-03-10 16:20:04,970 - INFO - Episode 12: Reward=14.27, Balance=$107.19, Win Rate=75.0%, Trades=4, Episode PnL=$7.19, Total PnL=$656.18, Max Drawdown=1.2%, Pred Accuracy=98.4% +2025-03-10 16:20:04,970 - INFO - Refreshing data for episode 13 +2025-03-10 16:20:04,971 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:05,301 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:05,314 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:05,429 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1494357142856 | Take profit: 2084.7019464285713 +2025-03-10 16:20:05,563 - INFO - STOP LOSS hit for short at 2127.1494357142856 | PnL: -0.50% | $-1.18 +2025-03-10 16:20:05,587 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.440685714286 | Take profit: 2092.8281964285716 +2025-03-10 16:20:05,794 - INFO - CLOSED short at 2115.11 | PnL: 0.45% | $0.69 +2025-03-10 16:20:05,828 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.938435714286 | Take profit: 2082.5349464285714 +2025-03-10 16:20:06,532 - INFO - TAKE PROFIT hit for short at 2082.5349464285714 | PnL: 1.50% | $2.73 +2025-03-10 16:20:06,569 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.220585714286 | Take profit: 2053.4084964285717 +2025-03-10 16:20:06,808 - INFO - TAKE PROFIT hit for short at 2053.4084964285717 | PnL: 1.50% | $2.81 +2025-03-10 16:20:06,830 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.301835714286 | Take profit: 2020.1647464285716 +2025-03-10 16:20:07,215 - INFO - TAKE PROFIT hit for short at 2020.1647464285716 | PnL: 1.50% | $2.88 +2025-03-10 16:20:07,239 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6645357142859 | Take profit: 1985.2366464285715 +2025-03-10 16:20:07,266 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.28, Avg Loss=$-1.18 +2025-03-10 16:20:07,267 - INFO - Episode 13: Reward=1.75, Balance=$107.93, Win Rate=80.0%, Trades=5, Episode PnL=$7.93, Total PnL=$664.11, Max Drawdown=1.2%, Pred Accuracy=97.1% +2025-03-10 16:20:07,267 - INFO - Refreshing data for episode 14 +2025-03-10 16:20:07,269 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:07,571 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:07,580 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:07,615 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1495321428574 | Take profit: 2084.7018017857145 +2025-03-10 16:20:07,697 - INFO - CLOSED short at 2128.33 | PnL: -0.56% | $-1.29 +2025-03-10 16:20:07,697 - INFO - OPENED LONG at 2128.33 | Stop loss: 2117.6414178571426 | Take profit: 2160.3253482142854 +2025-03-10 16:20:07,720 - INFO - CLOSED long at 2124.77 | PnL: -0.17% | $-0.52 +2025-03-10 16:20:07,720 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.440782142857 | Take profit: 2092.8280517857143 +2025-03-10 16:20:08,244 - INFO - TAKE PROFIT hit for short at 2092.8280517857143 | PnL: 1.50% | $2.70 +2025-03-10 16:20:08,289 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.597182142857 | Take profit: 2068.4788517857146 +2025-03-10 16:20:08,397 - INFO - CLOSED short at 2096.19 | PnL: 0.18% | $0.17 +2025-03-10 16:20:08,421 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.5469321428573 | Take profit: 2068.429601785714 +2025-03-10 16:20:08,962 - INFO - CLOSED short at 2067.71 | PnL: 1.54% | $2.84 +2025-03-10 16:20:08,962 - INFO - OPENED LONG at 2067.71 | Stop loss: 2057.324517857143 | Take profit: 2098.7960482142857 +2025-03-10 16:20:09,012 - INFO - CLOSED long at 2048.3 | PnL: -0.94% | $-2.11 +2025-03-10 16:20:09,013 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5884321428575 | Take profit: 2017.5051017857143 +2025-03-10 16:20:09,492 - INFO - TAKE PROFIT hit for short at 2017.5051017857143 | PnL: 1.50% | $2.79 +2025-03-10 16:20:09,533 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6646321428573 | Take profit: 1985.2365017857144 +2025-03-10 16:20:09,553 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.12, Avg Loss=$-1.30 +2025-03-10 16:20:09,554 - INFO - Episode 14: Reward=-3.77, Balance=$104.58, Win Rate=57.1%, Trades=7, Episode PnL=$7.21, Total PnL=$668.69, Max Drawdown=0.0%, Pred Accuracy=96.7% +2025-03-10 16:20:09,554 - INFO - Refreshing data for episode 15 +2025-03-10 16:20:09,555 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:09,859 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:09,870 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:10,656 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1501 | Take profit: 2084.70095 +2025-03-10 16:20:10,748 - INFO - STOP LOSS hit for short at 2127.1501 | PnL: -0.50% | $-1.18 +2025-03-10 16:20:10,770 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.44135 | Take profit: 2092.8272 +2025-03-10 16:20:10,856 - INFO - CLOSED short at 2115.52 | PnL: 0.44% | $0.65 +2025-03-10 16:20:10,856 - INFO - OPENED LONG at 2115.52 | Stop loss: 2104.8949 | Take profit: 2147.3240499999997 +2025-03-10 16:20:10,877 - INFO - CLOSED long at 2114.75 | PnL: -0.04% | $-0.27 +2025-03-10 16:20:10,878 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.3712499999997 | Take profit: 2082.9575 +2025-03-10 16:20:11,121 - INFO - CLOSED short at 2113.28 | PnL: 0.07% | $-0.06 +2025-03-10 16:20:11,152 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.12 | Take profit: 2082.7112500000003 +2025-03-10 16:20:11,777 - INFO - TAKE PROFIT hit for short at 2082.7112500000003 | PnL: 1.50% | $2.72 +2025-03-10 16:20:11,817 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.22125 | Take profit: 2053.4075 +2025-03-10 16:20:12,053 - INFO - TAKE PROFIT hit for short at 2053.4075 | PnL: 1.50% | $2.80 +2025-03-10 16:20:12,086 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3025000000002 | Take profit: 2020.16375 +2025-03-10 16:20:12,497 - INFO - TAKE PROFIT hit for short at 2020.16375 | PnL: 1.50% | $2.87 +2025-03-10 16:20:12,521 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6652 | Take profit: 1985.23565 +2025-03-10 16:20:12,552 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 80.0% in downtrends | Avg Win=$2.26, Avg Loss=$-0.50 +2025-03-10 16:20:12,553 - INFO - Episode 15: Reward=-0.92, Balance=$107.53, Win Rate=57.1%, Trades=7, Episode PnL=$7.80, Total PnL=$676.23, Max Drawdown=1.2%, Pred Accuracy=97.5% +2025-03-10 16:20:12,553 - INFO - Refreshing data for episode 16 +2025-03-10 16:20:12,554 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:12,869 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:12,880 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:12,999 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1507357142855 | Take profit: 2084.6999964285715 +2025-03-10 16:20:13,148 - INFO - STOP LOSS hit for short at 2127.1507357142855 | PnL: -0.50% | $-1.18 +2025-03-10 16:20:13,171 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4419857142857 | Take profit: 2092.8262464285713 +2025-03-10 16:20:13,750 - INFO - TAKE PROFIT hit for short at 2092.8262464285713 | PnL: 1.50% | $2.71 +2025-03-10 16:20:13,775 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5983857142855 | Take profit: 2068.4770464285716 +2025-03-10 16:20:13,978 - INFO - CLOSED short at 2104.22 | PnL: -0.20% | $-0.59 +2025-03-10 16:20:14,021 - INFO - OPENED SHORT at 2104.67 | Stop loss: 2115.241485714286 | Take profit: 2073.0277464285714 +2025-03-10 16:20:14,303 - INFO - CLOSED short at 2080.58 | PnL: 1.14% | $2.06 +2025-03-10 16:20:14,304 - INFO - OPENED LONG at 2080.58 | Stop loss: 2070.128964285714 | Take profit: 2111.8609035714285 +2025-03-10 16:20:14,328 - INFO - CLOSED long at 2084.75 | PnL: 0.20% | $0.20 +2025-03-10 16:20:14,329 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.221885714286 | Take profit: 2053.4065464285713 +2025-03-10 16:20:14,359 - INFO - CLOSED short at 2081.0 | PnL: 0.18% | $0.16 +2025-03-10 16:20:14,409 - INFO - OPENED SHORT at 2084.25 | Stop loss: 2094.7193857142856 | Take profit: 2052.9140464285715 +2025-03-10 16:20:14,597 - INFO - TAKE PROFIT hit for short at 2052.9140464285715 | PnL: 1.50% | $2.84 +2025-03-10 16:20:14,619 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.303135714286 | Take profit: 2020.1627964285715 +2025-03-10 16:20:15,002 - INFO - TAKE PROFIT hit for short at 2020.1627964285715 | PnL: 1.50% | $2.91 +2025-03-10 16:20:15,026 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6658357142858 | Take profit: 1985.2346964285714 +2025-03-10 16:20:15,052 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 80.0% in downtrends | Avg Win=$1.81, Avg Loss=$-0.89 +2025-03-10 16:20:15,052 - INFO - Episode 16: Reward=2.99, Balance=$109.12, Win Rate=75.0%, Trades=8, Episode PnL=$8.91, Total PnL=$685.34, Max Drawdown=1.2%, Pred Accuracy=97.7% +2025-03-10 16:20:15,053 - INFO - Refreshing data for episode 17 +2025-03-10 16:20:15,053 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:15,353 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:15,363 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:15,397 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1507357142855 | Take profit: 2084.6999964285715 +2025-03-10 16:20:15,485 - INFO - STOP LOSS hit for short at 2127.1507357142855 | PnL: -0.50% | $-1.18 +2025-03-10 16:20:15,509 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4419857142857 | Take profit: 2092.8262464285713 +2025-03-10 16:20:15,974 - INFO - CLOSED short at 2098.28 | PnL: 1.25% | $2.22 +2025-03-10 16:20:16,015 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.864935714286 | Take profit: 2059.9173964285715 +2025-03-10 16:20:16,228 - INFO - STOP LOSS hit for short at 2101.864935714286 | PnL: -0.50% | $-1.19 +2025-03-10 16:20:16,260 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9751857142855 | Take profit: 2071.786646428571 +2025-03-10 16:20:16,454 - INFO - CLOSED short at 2099.22 | PnL: 0.20% | $0.19 +2025-03-10 16:20:16,503 - INFO - OPENED SHORT at 2094.16 | Stop loss: 2104.6789357142857 | Take profit: 2062.6753964285713 +2025-03-10 16:20:16,636 - INFO - CLOSED short at 2084.95 | PnL: 0.44% | $0.66 +2025-03-10 16:20:16,636 - INFO - OPENED LONG at 2084.95 | Stop loss: 2074.4771142857144 | Take profit: 2116.296453571428 +2025-03-10 16:20:16,660 - INFO - CLOSED long at 2080.58 | PnL: -0.21% | $-0.61 +2025-03-10 16:20:16,660 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0310357142857 | Take profit: 2049.2990964285714 +2025-03-10 16:20:16,952 - INFO - TAKE PROFIT hit for short at 2049.2990964285714 | PnL: 1.50% | $2.75 +2025-03-10 16:20:16,977 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.303135714286 | Take profit: 2020.1627964285715 +2025-03-10 16:20:17,291 - INFO - CLOSED short at 2042.0 | PnL: 0.44% | $0.68 +2025-03-10 16:20:17,342 - INFO - OPENED SHORT at 2036.71 | Stop loss: 2046.9416857142855 | Take profit: 2006.0871464285715 +2025-03-10 16:20:17,427 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.30, Avg Loss=$-0.99 +2025-03-10 16:20:17,428 - INFO - Episode 17: Reward=4.39, Balance=$103.52, Win Rate=62.5%, Trades=8, Episode PnL=$4.13, Total PnL=$688.87, Max Drawdown=1.2%, Pred Accuracy=97.7% +2025-03-10 16:20:17,428 - INFO - Refreshing data for episode 18 +2025-03-10 16:20:17,429 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:17,739 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:17,748 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:17,782 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1507357142855 | Take profit: 2084.6999964285715 +2025-03-10 16:20:17,872 - INFO - STOP LOSS hit for short at 2127.1507357142855 | PnL: -0.50% | $-1.18 +2025-03-10 16:20:17,893 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4419857142857 | Take profit: 2092.8262464285713 +2025-03-10 16:20:18,365 - INFO - CLOSED short at 2091.36 | PnL: 1.57% | $2.85 +2025-03-10 16:20:18,406 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5983857142855 | Take profit: 2068.4770464285716 +2025-03-10 16:20:18,687 - INFO - CLOSED short at 2099.63 | PnL: 0.02% | $-0.16 +2025-03-10 16:20:18,709 - INFO - OPENED SHORT at 2099.22 | Stop loss: 2109.764235714286 | Take profit: 2067.659496428571 +2025-03-10 16:20:18,841 - INFO - CLOSED short at 2090.59 | PnL: 0.41% | $0.62 +2025-03-10 16:20:18,841 - INFO - OPENED LONG at 2090.59 | Stop loss: 2080.0889142857145 | Take profit: 2122.0210535714286 +2025-03-10 16:20:18,884 - INFO - CLOSED long at 2090.99 | PnL: 0.02% | $-0.16 +2025-03-10 16:20:18,884 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.493085714286 | Take profit: 2059.5529464285714 +2025-03-10 16:20:19,161 - INFO - TAKE PROFIT hit for short at 2059.5529464285714 | PnL: 1.50% | $2.80 +2025-03-10 16:20:19,203 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.303135714286 | Take profit: 2020.1627964285715 +2025-03-10 16:20:19,618 - INFO - TAKE PROFIT hit for short at 2020.1627964285715 | PnL: 1.50% | $2.87 +2025-03-10 16:20:19,668 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6658357142858 | Take profit: 1985.2346964285714 +2025-03-10 16:20:19,709 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.28, Avg Loss=$-0.50 +2025-03-10 16:20:19,710 - INFO - Episode 18: Reward=1.55, Balance=$107.64, Win Rate=57.1%, Trades=7, Episode PnL=$7.80, Total PnL=$696.50, Max Drawdown=1.2%, Pred Accuracy=97.3% +2025-03-10 16:20:19,711 - INFO - Refreshing data for episode 19 +2025-03-10 16:20:19,711 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:20,021 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:20,032 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:20,069 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1507357142855 | Take profit: 2084.6999964285715 +2025-03-10 16:20:20,162 - INFO - STOP LOSS hit for short at 2127.1507357142855 | PnL: -0.50% | $-1.18 +2025-03-10 16:20:20,187 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4419857142857 | Take profit: 2092.8262464285713 +2025-03-10 16:20:20,558 - INFO - CLOSED short at 2114.5 | PnL: 0.48% | $0.74 +2025-03-10 16:20:20,622 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.819535714286 | Take profit: 2066.7335964285717 +2025-03-10 16:20:21,448 - INFO - TAKE PROFIT hit for short at 2066.7335964285717 | PnL: 1.50% | $2.73 +2025-03-10 16:20:21,473 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.303135714286 | Take profit: 2020.1627964285715 +2025-03-10 16:20:21,699 - INFO - CLOSED short at 2046.76 | PnL: 0.21% | $0.21 +2025-03-10 16:20:21,738 - INFO - OPENED SHORT at 2043.95 | Stop loss: 2054.217885714286 | Take profit: 2013.2185464285715 +2025-03-10 16:20:21,873 - INFO - TAKE PROFIT hit for short at 2013.2185464285715 | PnL: 1.50% | $2.81 +2025-03-10 16:20:21,899 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6658357142858 | Take profit: 1985.2346964285714 +2025-03-10 16:20:21,921 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.62, Avg Loss=$-1.18 +2025-03-10 16:20:21,922 - INFO - Episode 19: Reward=2.28, Balance=$105.32, Win Rate=80.0%, Trades=5, Episode PnL=$5.32, Total PnL=$701.82, Max Drawdown=1.2%, Pred Accuracy=97.1% +2025-03-10 16:20:21,922 - INFO - Refreshing data for episode 20 +2025-03-10 16:20:21,923 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:22,218 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:22,229 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:23,077 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1507357142855 | Take profit: 2084.6999964285715 +2025-03-10 16:20:23,377 - INFO - STOP LOSS hit for short at 2127.1507357142855 | PnL: -0.50% | $-1.18 +2025-03-10 16:20:23,406 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4419857142857 | Take profit: 2092.8262464285713 +2025-03-10 16:20:23,862 - INFO - TAKE PROFIT hit for short at 2092.8262464285713 | PnL: 1.50% | $2.71 +2025-03-10 16:20:23,883 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5983857142855 | Take profit: 2068.4770464285716 +2025-03-10 16:20:24,557 - INFO - CLOSED short at 2083.07 | PnL: 0.81% | $1.41 +2025-03-10 16:20:24,583 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.4934857142857 | Take profit: 2043.8717464285714 +2025-03-10 16:20:24,679 - INFO - TAKE PROFIT hit for short at 2043.8717464285714 | PnL: 1.50% | $2.82 +2025-03-10 16:20:24,700 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.2025857142858 | Take profit: 2022.0244464285713 +2025-03-10 16:20:25,051 - INFO - TAKE PROFIT hit for short at 2022.0244464285713 | PnL: 1.50% | $2.90 +2025-03-10 16:20:25,075 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6658357142858 | Take profit: 1985.2346964285714 +2025-03-10 16:20:25,099 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.46, Avg Loss=$-1.18 +2025-03-10 16:20:25,100 - INFO - Episode 20: Reward=2.23, Balance=$108.67, Win Rate=80.0%, Trades=5, Episode PnL=$8.67, Total PnL=$710.49, Max Drawdown=1.2%, Pred Accuracy=97.4% +2025-03-10 16:20:25,249 - INFO - Model saved to checkpoints/trading_agent_episode_20.pt +2025-03-10 16:20:25,250 - INFO - Checkpoint saved at episode 20 +2025-03-10 16:20:25,251 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:20:26,514 - INFO - Visualization saved for episode 20 +2025-03-10 16:20:28,295 - INFO - Visualization saved for episode 20 +2025-03-10 16:20:28,309 - INFO - Refreshing data for episode 21 +2025-03-10 16:20:28,309 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:28,624 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:28,633 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:28,976 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6632357142857 | Take profit: 2087.1624964285716 +2025-03-10 16:20:29,046 - INFO - CLOSED short at 2128.33 | PnL: -0.44% | $-1.05 +2025-03-10 16:20:29,070 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4419857142857 | Take profit: 2092.8262464285713 +2025-03-10 16:20:29,482 - INFO - CLOSED short at 2115.07 | PnL: 0.46% | $0.69 +2025-03-10 16:20:29,535 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.819535714286 | Take profit: 2066.7335964285717 +2025-03-10 16:20:29,903 - INFO - CLOSED short at 2099.22 | PnL: -0.04% | $-0.28 +2025-03-10 16:20:29,930 - INFO - OPENED SHORT at 2094.16 | Stop loss: 2104.6789357142857 | Take profit: 2062.6753964285713 +2025-03-10 16:20:30,458 - INFO - TAKE PROFIT hit for short at 2062.6753964285713 | PnL: 1.50% | $2.73 +2025-03-10 16:20:30,485 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.303135714286 | Take profit: 2020.1627964285715 +2025-03-10 16:20:30,872 - INFO - TAKE PROFIT hit for short at 2020.1627964285715 | PnL: 1.50% | $2.80 +2025-03-10 16:20:30,893 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6658357142858 | Take profit: 1985.2346964285714 +2025-03-10 16:20:30,913 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.07, Avg Loss=$-0.67 +2025-03-10 16:20:30,914 - INFO - Episode 21: Reward=-2.42, Balance=$104.88, Win Rate=60.0%, Trades=5, Episode PnL=$4.88, Total PnL=$715.37, Max Drawdown=1.1%, Pred Accuracy=97.5% +2025-03-10 16:20:30,915 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:20:30,915 - INFO - Refreshing data for episode 22 +2025-03-10 16:20:30,915 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:31,236 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:31,246 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:31,359 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1507357142855 | Take profit: 2084.6999964285715 +2025-03-10 16:20:31,501 - INFO - STOP LOSS hit for short at 2127.1507357142855 | PnL: -0.50% | $-1.18 +2025-03-10 16:20:31,544 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4419857142857 | Take profit: 2092.8262464285713 +2025-03-10 16:20:32,016 - INFO - TAKE PROFIT hit for short at 2092.8262464285713 | PnL: 1.50% | $2.71 +2025-03-10 16:20:32,041 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5983857142855 | Take profit: 2068.4770464285716 +2025-03-10 16:20:32,464 - INFO - CLOSED short at 2090.59 | PnL: 0.45% | $0.70 +2025-03-10 16:20:32,489 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.493085714286 | Take profit: 2059.5529464285714 +2025-03-10 16:20:32,789 - INFO - CLOSED short at 2067.71 | PnL: 1.11% | $2.03 +2025-03-10 16:20:32,789 - INFO - OPENED LONG at 2067.71 | Stop loss: 2057.3233142857143 | Take profit: 2098.7978535714287 +2025-03-10 16:20:32,815 - INFO - CLOSED long at 2048.3 | PnL: -0.94% | $-2.12 +2025-03-10 16:20:32,815 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5896357142856 | Take profit: 2017.5032964285715 +2025-03-10 16:20:33,217 - INFO - TAKE PROFIT hit for short at 2017.5032964285715 | PnL: 1.50% | $2.80 +2025-03-10 16:20:33,239 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6658357142858 | Take profit: 1985.2346964285714 +2025-03-10 16:20:33,262 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.06, Avg Loss=$-1.65 +2025-03-10 16:20:33,262 - INFO - Episode 22: Reward=0.62, Balance=$104.94, Win Rate=66.7%, Trades=6, Episode PnL=$7.06, Total PnL=$720.31, Max Drawdown=1.2%, Pred Accuracy=97.5% +2025-03-10 16:20:33,263 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:20:33,263 - INFO - Refreshing data for episode 23 +2025-03-10 16:20:33,263 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:33,576 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:33,587 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:33,621 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1507357142855 | Take profit: 2084.6999964285715 +2025-03-10 16:20:33,715 - INFO - STOP LOSS hit for short at 2127.1507357142855 | PnL: -0.50% | $-1.18 +2025-03-10 16:20:33,737 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4419857142857 | Take profit: 2092.8262464285713 +2025-03-10 16:20:34,202 - INFO - TAKE PROFIT hit for short at 2092.8262464285713 | PnL: 1.50% | $2.71 +2025-03-10 16:20:34,232 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5983857142855 | Take profit: 2068.4770464285716 +2025-03-10 16:20:34,770 - INFO - CLOSED short at 2084.75 | PnL: 0.73% | $1.25 +2025-03-10 16:20:34,851 - INFO - OPENED SHORT at 2084.25 | Stop loss: 2094.7193857142856 | Take profit: 2052.9140464285715 +2025-03-10 16:20:34,891 - INFO - CLOSED short at 2085.37 | PnL: -0.05% | $-0.31 +2025-03-10 16:20:34,892 - INFO - OPENED LONG at 2085.37 | Stop loss: 2074.8950142857143 | Take profit: 2116.7227535714287 +2025-03-10 16:20:34,935 - INFO - CLOSED long at 2084.11 | PnL: -0.06% | $-0.32 +2025-03-10 16:20:34,935 - INFO - OPENED SHORT at 2084.11 | Stop loss: 2094.5786857142857 | Take profit: 2052.7761464285713 +2025-03-10 16:20:35,041 - INFO - TAKE PROFIT hit for short at 2052.7761464285713 | PnL: 1.50% | $2.80 +2025-03-10 16:20:35,066 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.303135714286 | Take profit: 2020.1627964285715 +2025-03-10 16:20:35,366 - INFO - CLOSED short at 2044.1 | PnL: 0.34% | $0.48 +2025-03-10 16:20:35,387 - INFO - OPENED SHORT at 2043.59 | Stop loss: 2053.8560857142857 | Take profit: 2012.8639464285714 +2025-03-10 16:20:35,412 - INFO - CLOSED short at 2042.0 | PnL: 0.08% | $-0.05 +2025-03-10 16:20:35,438 - INFO - OPENED SHORT at 2036.71 | Stop loss: 2046.9416857142855 | Take profit: 2006.0871464285715 +2025-03-10 16:20:35,521 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.81, Avg Loss=$-0.46 +2025-03-10 16:20:35,522 - INFO - Episode 23: Reward=-1.29, Balance=$105.39, Win Rate=50.0%, Trades=8, Episode PnL=$5.72, Total PnL=$725.70, Max Drawdown=1.2%, Pred Accuracy=97.4% +2025-03-10 16:20:35,522 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:20:35,523 - INFO - Refreshing data for episode 24 +2025-03-10 16:20:35,523 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:35,856 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:35,867 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:35,974 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1507357142855 | Take profit: 2084.6999964285715 +2025-03-10 16:20:36,131 - INFO - CLOSED short at 2128.33 | PnL: -0.56% | $-1.29 +2025-03-10 16:20:36,157 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4419857142857 | Take profit: 2092.8262464285713 +2025-03-10 16:20:36,627 - INFO - TAKE PROFIT hit for short at 2092.8262464285713 | PnL: 1.50% | $2.71 +2025-03-10 16:20:36,650 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5983857142855 | Take profit: 2068.4770464285716 +2025-03-10 16:20:36,774 - INFO - CLOSED short at 2100.0 | PnL: 0.00% | $-0.19 +2025-03-10 16:20:36,774 - INFO - OPENED LONG at 2100.0 | Stop loss: 2089.4518642857142 | Take profit: 2131.5722035714284 +2025-03-10 16:20:36,810 - INFO - CLOSED long at 2102.83 | PnL: 0.13% | $0.07 +2025-03-10 16:20:36,811 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3922857142857 | Take profit: 2071.215346428571 +2025-03-10 16:20:37,437 - INFO - TAKE PROFIT hit for short at 2071.215346428571 | PnL: 1.50% | $2.78 +2025-03-10 16:20:37,463 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5896357142856 | Take profit: 2017.5032964285715 +2025-03-10 16:20:37,665 - INFO - CLOSED short at 2054.03 | PnL: -0.28% | $-0.77 +2025-03-10 16:20:37,709 - INFO - OPENED SHORT at 2050.18 | Stop loss: 2060.479035714285 | Take profit: 2019.3550964285712 +2025-03-10 16:20:37,884 - INFO - TAKE PROFIT hit for short at 2019.3550964285712 | PnL: 1.50% | $2.83 +2025-03-10 16:20:37,926 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.10, Avg Loss=$-0.75 +2025-03-10 16:20:37,927 - INFO - Episode 24: Reward=-4.92, Balance=$106.14, Win Rate=57.1%, Trades=7, Episode PnL=$6.07, Total PnL=$731.84, Max Drawdown=1.3%, Pred Accuracy=97.4% +2025-03-10 16:20:37,927 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:20:37,927 - INFO - Refreshing data for episode 25 +2025-03-10 16:20:37,928 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:38,279 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:38,288 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:39,098 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1507357142855 | Take profit: 2084.6999964285715 +2025-03-10 16:20:39,255 - INFO - STOP LOSS hit for short at 2127.1507357142855 | PnL: -0.50% | $-1.18 +2025-03-10 16:20:39,298 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4419857142857 | Take profit: 2092.8262464285713 +2025-03-10 16:20:39,471 - INFO - CLOSED short at 2115.21 | PnL: 0.45% | $0.68 +2025-03-10 16:20:39,499 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.7186357142855 | Take profit: 2082.316296428571 +2025-03-10 16:20:39,749 - INFO - CLOSED short at 2114.5 | PnL: -0.02% | $-0.23 +2025-03-10 16:20:39,776 - INFO - OPENED SHORT at 2115.07 | Stop loss: 2125.693485714286 | Take profit: 2083.2717464285715 +2025-03-10 16:20:40,060 - INFO - CLOSED short at 2100.0 | PnL: 0.71% | $1.19 +2025-03-10 16:20:40,135 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9751857142855 | Take profit: 2071.786646428571 +2025-03-10 16:20:40,263 - INFO - CLOSED short at 2094.16 | PnL: 0.44% | $0.67 +2025-03-10 16:20:40,264 - INFO - OPENED LONG at 2094.16 | Stop loss: 2083.641064285714 | Take profit: 2125.6446035714284 +2025-03-10 16:20:40,288 - INFO - CLOSED long at 2096.96 | PnL: 0.13% | $0.07 +2025-03-10 16:20:40,290 - INFO - OPENED SHORT at 2096.96 | Stop loss: 2107.492935714286 | Take profit: 2065.4333964285715 +2025-03-10 16:20:40,666 - INFO - TAKE PROFIT hit for short at 2065.4333964285715 | PnL: 1.50% | $2.78 +2025-03-10 16:20:40,688 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.303135714286 | Take profit: 2020.1627964285715 +2025-03-10 16:20:40,911 - INFO - CLOSED short at 2046.76 | PnL: 0.21% | $0.22 +2025-03-10 16:20:40,939 - INFO - OPENED SHORT at 2043.95 | Stop loss: 2054.217885714286 | Take profit: 2013.2185464285715 +2025-03-10 16:20:40,989 - INFO - CLOSED short at 2043.59 | PnL: 0.02% | $-0.17 +2025-03-10 16:20:41,020 - INFO - OPENED SHORT at 2042.0 | Stop loss: 2052.258135714286 | Take profit: 2011.2977964285712 +2025-03-10 16:20:41,092 - INFO - CLOSED short at 2010.35 | PnL: 1.55% | $2.95 +2025-03-10 16:20:41,116 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6658357142858 | Take profit: 1985.2346964285714 +2025-03-10 16:20:41,156 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.22, Avg Loss=$-0.53 +2025-03-10 16:20:41,157 - INFO - Episode 25: Reward=6.13, Balance=$106.96, Win Rate=70.0%, Trades=10, Episode PnL=$6.90, Total PnL=$738.80, Max Drawdown=1.2%, Pred Accuracy=97.5% +2025-03-10 16:20:41,311 - INFO - Model saved to models/trading_agent_best_winrate.pt +2025-03-10 16:20:41,311 - INFO - New best win rate model saved: 70.0% +2025-03-10 16:20:41,312 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:20:41,312 - INFO - Refreshing data for episode 26 +2025-03-10 16:20:41,312 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:41,624 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:41,633 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:41,818 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1507357142855 | Take profit: 2084.6999964285715 +2025-03-10 16:20:41,999 - INFO - STOP LOSS hit for short at 2127.1507357142855 | PnL: -0.50% | $-1.18 +2025-03-10 16:20:42,045 - INFO - OPENED SHORT at 2120.26 | Stop loss: 2130.9094357142862 | Take profit: 2088.3838964285715 +2025-03-10 16:20:42,140 - INFO - CLOSED short at 2114.75 | PnL: 0.26% | $0.31 +2025-03-10 16:20:42,182 - INFO - OPENED SHORT at 2116.06 | Stop loss: 2126.688435714286 | Take profit: 2084.2468964285713 +2025-03-10 16:20:42,570 - INFO - CLOSED short at 2096.36 | PnL: 0.93% | $1.61 +2025-03-10 16:20:42,571 - INFO - OPENED LONG at 2096.36 | Stop loss: 2085.8300642857143 | Take profit: 2127.877603571429 +2025-03-10 16:20:42,609 - INFO - CLOSED long at 2089.04 | PnL: -0.35% | $-0.88 +2025-03-10 16:20:42,610 - INFO - OPENED SHORT at 2089.04 | Stop loss: 2099.533335714286 | Take profit: 2057.6321964285717 +2025-03-10 16:20:42,728 - INFO - STOP LOSS hit for short at 2099.533335714286 | PnL: -0.50% | $-1.18 +2025-03-10 16:20:42,751 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3922857142857 | Take profit: 2071.215346428571 +2025-03-10 16:20:43,423 - INFO - TAKE PROFIT hit for short at 2071.215346428571 | PnL: 1.50% | $2.71 +2025-03-10 16:20:43,447 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5896357142856 | Take profit: 2017.5032964285715 +2025-03-10 16:20:43,848 - INFO - TAKE PROFIT hit for short at 2017.5032964285715 | PnL: 1.50% | $2.78 +2025-03-10 16:20:43,868 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6658357142858 | Take profit: 1985.2346964285714 +2025-03-10 16:20:43,888 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$1.85, Avg Loss=$-1.08 +2025-03-10 16:20:43,889 - INFO - Episode 26: Reward=1.27, Balance=$104.17, Win Rate=57.1%, Trades=7, Episode PnL=$5.05, Total PnL=$742.97, Max Drawdown=1.3%, Pred Accuracy=97.6% +2025-03-10 16:20:43,889 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:20:43,890 - INFO - Refreshing data for episode 27 +2025-03-10 16:20:43,890 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:44,205 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:44,214 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:44,334 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1507357142855 | Take profit: 2084.6999964285715 +2025-03-10 16:20:44,532 - INFO - CLOSED short at 2120.96 | PnL: -0.21% | $-0.61 +2025-03-10 16:20:44,563 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.5726357142858 | Take profit: 2092.9542964285715 +2025-03-10 16:20:44,706 - INFO - CLOSED short at 2114.75 | PnL: 0.48% | $0.73 +2025-03-10 16:20:44,707 - INFO - OPENED LONG at 2114.75 | Stop loss: 2104.128114285714 | Take profit: 2146.5434535714285 +2025-03-10 16:20:44,728 - INFO - CLOSED long at 2116.06 | PnL: 0.06% | $-0.07 +2025-03-10 16:20:44,728 - INFO - OPENED SHORT at 2116.06 | Stop loss: 2126.688435714286 | Take profit: 2084.2468964285713 +2025-03-10 16:20:44,772 - INFO - CLOSED short at 2115.21 | PnL: 0.04% | $-0.12 +2025-03-10 16:20:44,811 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.7186357142855 | Take profit: 2082.316296428571 +2025-03-10 16:20:45,340 - INFO - CLOSED short at 2103.41 | PnL: 0.51% | $0.79 +2025-03-10 16:20:45,365 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.7892357142855 | Take profit: 2072.584496428571 +2025-03-10 16:20:45,439 - INFO - CLOSED short at 2099.63 | PnL: 0.22% | $0.23 +2025-03-10 16:20:45,463 - INFO - OPENED SHORT at 2099.22 | Stop loss: 2109.764235714286 | Take profit: 2067.659496428571 +2025-03-10 16:20:45,508 - INFO - CLOSED short at 2096.96 | PnL: 0.11% | $0.02 +2025-03-10 16:20:45,508 - INFO - OPENED LONG at 2096.96 | Stop loss: 2086.427064285714 | Take profit: 2128.4866035714285 +2025-03-10 16:20:45,532 - INFO - CLOSED long at 2098.66 | PnL: 0.08% | $-0.04 +2025-03-10 16:20:45,532 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.2014357142857 | Take profit: 2067.107896428571 +2025-03-10 16:20:45,788 - INFO - CLOSED short at 2085.37 | PnL: 0.63% | $1.05 +2025-03-10 16:20:45,788 - INFO - OPENED LONG at 2085.37 | Stop loss: 2074.8950142857143 | Take profit: 2116.7227535714287 +2025-03-10 16:20:45,811 - INFO - CLOSED long at 2084.11 | PnL: -0.06% | $-0.32 +2025-03-10 16:20:45,812 - INFO - OPENED SHORT at 2084.11 | Stop loss: 2094.5786857142857 | Take profit: 2052.7761464285713 +2025-03-10 16:20:45,903 - INFO - TAKE PROFIT hit for short at 2052.7761464285713 | PnL: 1.50% | $2.79 +2025-03-10 16:20:45,926 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.303135714286 | Take profit: 2020.1627964285715 +2025-03-10 16:20:46,233 - INFO - CLOSED short at 2043.59 | PnL: 0.36% | $0.53 +2025-03-10 16:20:46,259 - INFO - OPENED SHORT at 2042.0 | Stop loss: 2052.258135714286 | Take profit: 2011.2977964285712 +2025-03-10 16:20:46,349 - INFO - TAKE PROFIT hit for short at 2011.2977964285712 | PnL: 1.50% | $2.88 +2025-03-10 16:20:46,418 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.13, Avg Loss=$-0.23 +2025-03-10 16:20:46,419 - INFO - Episode 27: Reward=0.27, Balance=$107.87, Win Rate=61.5%, Trades=13, Episode PnL=$8.31, Total PnL=$750.85, Max Drawdown=0.6%, Pred Accuracy=97.5% +2025-03-10 16:20:46,419 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:20:46,420 - INFO - Refreshing data for episode 28 +2025-03-10 16:20:46,420 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:46,738 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:46,749 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:46,962 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1507357142855 | Take profit: 2084.6999964285715 +2025-03-10 16:20:47,065 - INFO - STOP LOSS hit for short at 2127.1507357142855 | PnL: -0.50% | $-1.18 +2025-03-10 16:20:47,086 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4419857142857 | Take profit: 2092.8262464285713 +2025-03-10 16:20:47,672 - INFO - TAKE PROFIT hit for short at 2092.8262464285713 | PnL: 1.50% | $2.71 +2025-03-10 16:20:47,703 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5983857142855 | Take profit: 2068.4770464285716 +2025-03-10 16:20:48,112 - INFO - CLOSED short at 2098.66 | PnL: 0.07% | $-0.07 +2025-03-10 16:20:48,112 - INFO - OPENED LONG at 2098.66 | Stop loss: 2088.118564285714 | Take profit: 2130.2121035714285 +2025-03-10 16:20:48,159 - INFO - CLOSED long at 2090.59 | PnL: -0.38% | $-0.96 +2025-03-10 16:20:48,160 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.0910857142862 | Take profit: 2059.1589464285717 +2025-03-10 16:20:48,481 - INFO - TAKE PROFIT hit for short at 2059.1589464285717 | PnL: 1.50% | $2.76 +2025-03-10 16:20:48,503 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.303135714286 | Take profit: 2020.1627964285715 +2025-03-10 16:20:48,869 - INFO - TAKE PROFIT hit for short at 2020.1627964285715 | PnL: 1.50% | $2.83 +2025-03-10 16:20:48,890 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6658357142858 | Take profit: 1985.2346964285714 +2025-03-10 16:20:48,909 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$2.77, Avg Loss=$-0.74 +2025-03-10 16:20:48,910 - INFO - Episode 28: Reward=-3.12, Balance=$106.10, Win Rate=50.0%, Trades=6, Episode PnL=$7.06, Total PnL=$756.94, Max Drawdown=1.2%, Pred Accuracy=97.6% +2025-03-10 16:20:48,911 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:20:48,911 - INFO - Refreshing data for episode 29 +2025-03-10 16:20:48,911 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:49,218 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:49,229 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:49,402 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1507357142855 | Take profit: 2084.6999964285715 +2025-03-10 16:20:49,571 - INFO - STOP LOSS hit for short at 2127.1507357142855 | PnL: -0.50% | $-1.18 +2025-03-10 16:20:49,599 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4419857142857 | Take profit: 2092.8262464285713 +2025-03-10 16:20:49,839 - INFO - CLOSED short at 2114.32 | PnL: 0.49% | $0.76 +2025-03-10 16:20:49,865 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.190985714286 | Take profit: 2082.7792464285717 +2025-03-10 16:20:50,069 - INFO - CLOSED short at 2096.36 | PnL: 0.86% | $1.48 +2025-03-10 16:20:50,093 - INFO - OPENED SHORT at 2089.04 | Stop loss: 2099.533335714286 | Take profit: 2057.6321964285717 +2025-03-10 16:20:50,115 - INFO - CLOSED short at 2089.84 | PnL: -0.04% | $-0.27 +2025-03-10 16:20:50,141 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.719085714286 | Take profit: 2064.6749464285713 +2025-03-10 16:20:50,351 - INFO - CLOSED short at 2096.96 | PnL: -0.04% | $-0.27 +2025-03-10 16:20:50,396 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.0910857142862 | Take profit: 2059.1589464285717 +2025-03-10 16:20:50,484 - INFO - CLOSED short at 2084.75 | PnL: 0.28% | $0.35 +2025-03-10 16:20:50,507 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.4531357142855 | Take profit: 2049.7127964285714 +2025-03-10 16:20:50,663 - INFO - TAKE PROFIT hit for short at 2049.7127964285714 | PnL: 1.50% | $2.77 +2025-03-10 16:20:50,688 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.303135714286 | Take profit: 2020.1627964285715 +2025-03-10 16:20:50,961 - INFO - CLOSED short at 2036.71 | PnL: 0.70% | $1.21 +2025-03-10 16:20:50,987 - INFO - OPENED SHORT at 2027.51 | Stop loss: 2037.6956857142857 | Take profit: 1997.0251464285714 +2025-03-10 16:20:51,066 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.31, Avg Loss=$-0.57 +2025-03-10 16:20:51,067 - INFO - Episode 29: Reward=3.24, Balance=$104.85, Win Rate=62.5%, Trades=8, Episode PnL=$4.85, Total PnL=$761.79, Max Drawdown=1.2%, Pred Accuracy=97.6% +2025-03-10 16:20:51,067 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:20:51,068 - INFO - Refreshing data for episode 30 +2025-03-10 16:20:51,068 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:51,384 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:51,393 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:52,143 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1507357142855 | Take profit: 2084.6999964285715 +2025-03-10 16:20:52,237 - INFO - STOP LOSS hit for short at 2127.1507357142855 | PnL: -0.50% | $-1.18 +2025-03-10 16:20:52,261 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4419857142857 | Take profit: 2092.8262464285713 +2025-03-10 16:20:52,645 - INFO - TAKE PROFIT hit for short at 2092.8262464285713 | PnL: 1.50% | $2.71 +2025-03-10 16:20:52,680 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5983857142855 | Take profit: 2068.4770464285716 +2025-03-10 16:20:52,817 - INFO - CLOSED short at 2096.19 | PnL: 0.18% | $0.17 +2025-03-10 16:20:52,857 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.5481357142858 | Take profit: 2068.4277964285716 +2025-03-10 16:20:53,276 - INFO - CLOSED short at 2084.75 | PnL: 0.73% | $1.25 +2025-03-10 16:20:53,321 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.4531357142855 | Take profit: 2049.7127964285714 +2025-03-10 16:20:53,485 - INFO - TAKE PROFIT hit for short at 2049.7127964285714 | PnL: 1.50% | $2.82 +2025-03-10 16:20:53,508 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.303135714286 | Take profit: 2020.1627964285715 +2025-03-10 16:20:53,685 - INFO - CLOSED short at 2054.03 | PnL: -0.15% | $-0.51 +2025-03-10 16:20:53,731 - INFO - OPENED SHORT at 2050.18 | Stop loss: 2060.479035714285 | Take profit: 2019.3550964285712 +2025-03-10 16:20:53,895 - INFO - TAKE PROFIT hit for short at 2019.3550964285712 | PnL: 1.50% | $2.89 +2025-03-10 16:20:53,918 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6658357142858 | Take profit: 1985.2346964285714 +2025-03-10 16:20:53,955 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.97, Avg Loss=$-0.84 +2025-03-10 16:20:53,956 - INFO - Episode 30: Reward=1.50, Balance=$108.15, Win Rate=71.4%, Trades=7, Episode PnL=$8.15, Total PnL=$769.94, Max Drawdown=1.2%, Pred Accuracy=97.7% +2025-03-10 16:20:54,121 - INFO - Model saved to checkpoints/trading_agent_episode_30.pt +2025-03-10 16:20:54,122 - INFO - Checkpoint saved at episode 30 +2025-03-10 16:20:54,122 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:20:55,192 - INFO - Visualization saved for episode 30 +2025-03-10 16:20:57,456 - INFO - Visualization saved for episode 30 +2025-03-10 16:20:57,473 - INFO - Refreshing data for episode 31 +2025-03-10 16:20:57,473 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:20:57,782 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:20:57,793 - INFO - Initialized environment with 100 candles +2025-03-10 16:20:58,131 - INFO - OPENED LONG at 2116.52 | Stop loss: 2105.8890714285712 | Take profit: 2148.340292857143 +2025-03-10 16:20:58,157 - INFO - CLOSED long at 2119.02 | PnL: 0.12% | $0.04 +2025-03-10 16:20:58,158 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6634285714285 | Take profit: 2087.1622071428574 +2025-03-10 16:20:58,750 - INFO - CLOSED short at 2098.28 | PnL: 0.98% | $1.72 +2025-03-10 16:20:58,797 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.8651285714286 | Take profit: 2059.9171071428573 +2025-03-10 16:20:58,995 - INFO - STOP LOSS hit for short at 2101.8651285714286 | PnL: -0.50% | $-1.20 +2025-03-10 16:20:59,019 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9753785714283 | Take profit: 2071.786357142857 +2025-03-10 16:20:59,467 - INFO - CLOSED short at 2084.11 | PnL: 0.92% | $1.61 +2025-03-10 16:20:59,491 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.533678571429 | Take profit: 2051.7514571428574 +2025-03-10 16:20:59,597 - INFO - TAKE PROFIT hit for short at 2051.7514571428574 | PnL: 1.50% | $2.80 +2025-03-10 16:20:59,636 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.303328571428 | Take profit: 2020.162507142857 +2025-03-10 16:20:59,736 - INFO - CLOSED short at 2053.22 | PnL: -0.11% | $-0.43 +2025-03-10 16:20:59,759 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.448878571429 | Take profit: 2027.1658571428572 +2025-03-10 16:20:59,927 - INFO - CLOSED short at 2042.0 | PnL: 0.78% | $1.39 +2025-03-10 16:20:59,968 - INFO - OPENED SHORT at 2036.71 | Stop loss: 2046.9418785714288 | Take profit: 2006.0868571428573 +2025-03-10 16:21:00,124 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.51, Avg Loss=$-0.81 +2025-03-10 16:21:00,125 - INFO - Episode 31: Reward=4.80, Balance=$105.93, Win Rate=71.4%, Trades=7, Episode PnL=$5.90, Total PnL=$775.87, Max Drawdown=1.2%, Pred Accuracy=97.7% +2025-03-10 16:21:00,125 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:21:00,126 - INFO - Refreshing data for episode 32 +2025-03-10 16:21:00,126 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:21:00,449 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:21:00,458 - INFO - Initialized environment with 100 candles +2025-03-10 16:21:00,492 - INFO - OPENED SHORT at 2116.52 | Stop loss: 2127.1513428571425 | Take profit: 2084.6990857142855 +2025-03-10 16:21:00,543 - INFO - CLOSED short at 2120.96 | PnL: -0.21% | $-0.61 +2025-03-10 16:21:00,567 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.573242857143 | Take profit: 2092.953385714286 +2025-03-10 16:21:00,726 - INFO - CLOSED short at 2114.75 | PnL: 0.48% | $0.73 +2025-03-10 16:21:00,756 - INFO - OPENED SHORT at 2116.06 | Stop loss: 2126.689042857143 | Take profit: 2084.245985714286 +2025-03-10 16:21:00,895 - INFO - CLOSED short at 2114.32 | PnL: 0.08% | $-0.03 +2025-03-10 16:21:00,895 - INFO - OPENED LONG at 2114.32 | Stop loss: 2103.699657142857 | Take profit: 2146.1079142857143 +2025-03-10 16:21:00,929 - INFO - CLOSED long at 2114.57 | PnL: 0.01% | $-0.17 +2025-03-10 16:21:00,929 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.191592857143 | Take profit: 2082.7783357142857 +2025-03-10 16:21:01,039 - INFO - CLOSED short at 2098.24 | PnL: 0.77% | $1.31 +2025-03-10 16:21:01,064 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.8201428571433 | Take profit: 2066.7326857142857 +2025-03-10 16:21:01,857 - INFO - TAKE PROFIT hit for short at 2066.7326857142857 | PnL: 1.50% | $2.78 +2025-03-10 16:21:01,880 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.303742857143 | Take profit: 2020.1618857142857 +2025-03-10 16:21:02,012 - INFO - CLOSED short at 2058.11 | PnL: -0.35% | $-0.91 +2025-03-10 16:21:02,012 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.7707071428574 | Take profit: 2089.0547642857146 +2025-03-10 16:21:02,075 - INFO - CLOSED long at 2054.03 | PnL: -0.20% | $-0.60 +2025-03-10 16:21:02,075 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.3488928571433 | Take profit: 2023.146435714286 +2025-03-10 16:21:02,311 - INFO - CLOSED short at 2010.35 | PnL: 2.13% | $4.06 +2025-03-10 16:21:02,342 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6664428571428 | Take profit: 1985.2337857142857 +2025-03-10 16:21:02,391 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 33.3% in downtrends | Avg Win=$2.22, Avg Loss=$-0.46 +2025-03-10 16:21:02,391 - INFO - Episode 32: Reward=-2.09, Balance=$106.56, Win Rate=44.4%, Trades=9, Episode PnL=$7.33, Total PnL=$782.43, Max Drawdown=0.6%, Pred Accuracy=97.6% +2025-03-10 16:21:02,391 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:21:02,392 - INFO - Refreshing data for episode 33 +2025-03-10 16:21:02,392 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:21:02,710 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:21:02,721 - INFO - Initialized environment with 100 candles +2025-03-10 16:21:02,851 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6622035714286 | Take profit: 2087.1640446428573 +2025-03-10 16:21:03,014 - INFO - CLOSED short at 2116.81 | PnL: 0.10% | $0.01 +2025-03-10 16:21:03,038 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.401003571429 | Take profit: 2082.987644642857 +2025-03-10 16:21:04,061 - INFO - TAKE PROFIT hit for short at 2082.987644642857 | PnL: 1.50% | $2.75 +2025-03-10 16:21:04,093 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2208535714285 | Take profit: 2053.408094642857 +2025-03-10 16:21:04,385 - INFO - TAKE PROFIT hit for short at 2053.408094642857 | PnL: 1.50% | $2.82 +2025-03-10 16:21:04,413 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3021035714287 | Take profit: 2020.164344642857 +2025-03-10 16:21:04,835 - INFO - TAKE PROFIT hit for short at 2020.164344642857 | PnL: 1.50% | $2.90 +2025-03-10 16:21:04,866 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6648035714284 | Take profit: 1985.236244642857 +2025-03-10 16:21:04,915 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.12, Avg Loss=$0.00 +2025-03-10 16:21:04,917 - INFO - Episode 33: Reward=1.31, Balance=$108.47, Win Rate=100.0%, Trades=4, Episode PnL=$8.47, Total PnL=$790.90, Max Drawdown=0.0%, Pred Accuracy=97.6% +2025-03-10 16:21:04,917 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:21:04,917 - INFO - Refreshing data for episode 34 +2025-03-10 16:21:04,918 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:21:05,249 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:21:05,264 - INFO - Initialized environment with 100 candles +2025-03-10 16:21:05,402 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6631392857144 | Take profit: 2087.162641071429 +2025-03-10 16:21:05,771 - INFO - CLOSED short at 2115.21 | PnL: 0.18% | $0.16 +2025-03-10 16:21:05,815 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.718539285714 | Take profit: 2082.3164410714285 +2025-03-10 16:21:06,211 - INFO - CLOSED short at 2096.36 | PnL: 0.84% | $1.45 +2025-03-10 16:21:06,266 - INFO - OPENED SHORT at 2089.04 | Stop loss: 2099.5332392857144 | Take profit: 2057.6323410714285 +2025-03-10 16:21:06,375 - INFO - STOP LOSS hit for short at 2099.5332392857144 | PnL: -0.50% | $-1.20 +2025-03-10 16:21:06,401 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3921892857143 | Take profit: 2071.2154910714285 +2025-03-10 16:21:06,666 - INFO - CLOSED short at 2096.96 | PnL: 0.28% | $0.35 +2025-03-10 16:21:06,717 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.201339285714 | Take profit: 2067.1080410714285 +2025-03-10 16:21:07,076 - INFO - CLOSED short at 2067.71 | PnL: 1.47% | $2.71 +2025-03-10 16:21:07,077 - INFO - OPENED LONG at 2067.71 | Stop loss: 2057.3234107142857 | Take profit: 2098.7977089285714 +2025-03-10 16:21:07,132 - INFO - CLOSED long at 2048.3 | PnL: -0.94% | $-2.10 +2025-03-10 16:21:07,132 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5895392857146 | Take profit: 2017.5034410714288 +2025-03-10 16:21:07,610 - INFO - TAKE PROFIT hit for short at 2017.5034410714288 | PnL: 1.50% | $2.78 +2025-03-10 16:21:07,632 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6657392857142 | Take profit: 1985.2348410714285 +2025-03-10 16:21:07,680 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.49, Avg Loss=$-1.65 +2025-03-10 16:21:07,681 - INFO - Episode 34: Reward=3.61, Balance=$104.15, Win Rate=71.4%, Trades=7, Episode PnL=$6.25, Total PnL=$795.05, Max Drawdown=1.2%, Pred Accuracy=97.7% +2025-03-10 16:21:07,681 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:21:07,682 - INFO - Refreshing data for episode 35 +2025-03-10 16:21:07,682 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:21:08,005 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:21:08,021 - INFO - Initialized environment with 100 candles +2025-03-10 16:21:09,108 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6632964285714 | Take profit: 2087.1624053571427 +2025-03-10 16:21:09,357 - INFO - CLOSED short at 2116.06 | PnL: 0.14% | $0.08 +2025-03-10 16:21:09,357 - INFO - OPENED LONG at 2116.06 | Stop loss: 2105.4315035714285 | Take profit: 2147.873194642857 +2025-03-10 16:21:09,408 - INFO - CLOSED long at 2115.21 | PnL: -0.04% | $-0.27 +2025-03-10 16:21:09,409 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.8342464285715 | Take profit: 2083.409555357143 +2025-03-10 16:21:09,612 - INFO - CLOSED short at 2114.5 | PnL: 0.03% | $-0.13 +2025-03-10 16:21:09,612 - INFO - OPENED LONG at 2114.5 | Stop loss: 2103.879303571429 | Take profit: 2146.289794642857 +2025-03-10 16:21:09,645 - INFO - CLOSED long at 2115.07 | PnL: 0.03% | $-0.14 +2025-03-10 16:21:09,647 - INFO - OPENED SHORT at 2115.07 | Stop loss: 2125.6935464285716 | Take profit: 2083.271655357143 +2025-03-10 16:21:10,119 - INFO - CLOSED short at 2099.22 | PnL: 0.75% | $1.26 +2025-03-10 16:21:10,121 - INFO - OPENED LONG at 2099.22 | Stop loss: 2088.6757035714286 | Take profit: 2130.780594642857 +2025-03-10 16:21:10,177 - INFO - CLOSED long at 2094.16 | PnL: -0.24% | $-0.67 +2025-03-10 16:21:10,178 - INFO - OPENED SHORT at 2094.16 | Stop loss: 2104.6789964285713 | Take profit: 2062.675305357143 +2025-03-10 16:21:10,700 - INFO - TAKE PROFIT hit for short at 2062.675305357143 | PnL: 1.50% | $2.75 +2025-03-10 16:21:10,731 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3031964285715 | Take profit: 2020.1627053571428 +2025-03-10 16:21:10,889 - INFO - CLOSED short at 2050.18 | PnL: 0.04% | $-0.12 +2025-03-10 16:21:10,916 - INFO - OPENED SHORT at 2046.76 | Stop loss: 2057.0419964285716 | Take profit: 2015.986305357143 +2025-03-10 16:21:11,168 - INFO - TAKE PROFIT hit for short at 2015.986305357143 | PnL: 1.50% | $2.82 +2025-03-10 16:21:11,197 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6658964285714 | Take profit: 1985.2346053571428 +2025-03-10 16:21:11,253 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 80.0% in downtrends | Avg Win=$1.73, Avg Loss=$-0.27 +2025-03-10 16:21:11,255 - INFO - Episode 35: Reward=-4.57, Balance=$105.57, Win Rate=44.4%, Trades=9, Episode PnL=$6.66, Total PnL=$800.62, Max Drawdown=0.1%, Pred Accuracy=97.7% +2025-03-10 16:21:11,256 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:21:11,256 - INFO - Refreshing data for episode 36 +2025-03-10 16:21:11,257 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:21:11,633 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:21:11,644 - INFO - Initialized environment with 100 candles +2025-03-10 16:21:11,682 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6632964285714 | Take profit: 2087.1624053571427 +2025-03-10 16:21:12,950 - INFO - TAKE PROFIT hit for short at 2087.1624053571427 | PnL: 1.50% | $2.74 +2025-03-10 16:21:12,979 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0310964285713 | Take profit: 2049.2990053571425 +2025-03-10 16:21:13,262 - INFO - TAKE PROFIT hit for short at 2049.2990053571425 | PnL: 1.50% | $2.82 +2025-03-10 16:21:13,309 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3031964285715 | Take profit: 2020.1627053571428 +2025-03-10 16:21:13,716 - INFO - TAKE PROFIT hit for short at 2020.1627053571428 | PnL: 1.50% | $2.90 +2025-03-10 16:21:13,745 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6658964285714 | Take profit: 1985.2346053571428 +2025-03-10 16:21:13,795 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.82, Avg Loss=$0.00 +2025-03-10 16:21:13,796 - INFO - Episode 36: Reward=0.37, Balance=$108.46, Win Rate=100.0%, Trades=3, Episode PnL=$8.46, Total PnL=$809.07, Max Drawdown=0.0%, Pred Accuracy=97.8% +2025-03-10 16:21:13,796 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:21:13,796 - INFO - Refreshing data for episode 37 +2025-03-10 16:21:13,797 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:21:14,141 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:21:14,152 - INFO - Initialized environment with 100 candles +2025-03-10 16:21:14,209 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6129964285715 | Take profit: 2089.073305357143 +2025-03-10 16:21:14,863 - INFO - TAKE PROFIT hit for short at 2089.073305357143 | PnL: 1.50% | $2.74 +2025-03-10 16:21:14,890 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3373964285715 | Take profit: 2058.420105357143 +2025-03-10 16:21:15,001 - INFO - STOP LOSS hit for short at 2100.3373964285715 | PnL: -0.50% | $-1.21 +2025-03-10 16:21:15,050 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.975246428571 | Take profit: 2071.786555357143 +2025-03-10 16:21:15,345 - INFO - CLOSED short at 2090.99 | PnL: 0.59% | $0.97 +2025-03-10 16:21:15,387 - INFO - OPENED SHORT at 2084.95 | Stop loss: 2095.422946428571 | Take profit: 2053.6034553571426 +2025-03-10 16:21:15,676 - INFO - TAKE PROFIT hit for short at 2053.6034553571426 | PnL: 1.50% | $2.81 +2025-03-10 16:21:15,702 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3031964285715 | Take profit: 2020.1627053571428 +2025-03-10 16:21:16,169 - INFO - TAKE PROFIT hit for short at 2020.1627053571428 | PnL: 1.50% | $2.89 +2025-03-10 16:21:16,220 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6658964285714 | Take profit: 1985.2346053571428 +2025-03-10 16:21:16,317 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.35, Avg Loss=$-1.21 +2025-03-10 16:21:16,317 - INFO - Episode 37: Reward=1.78, Balance=$108.21, Win Rate=80.0%, Trades=5, Episode PnL=$8.21, Total PnL=$817.28, Max Drawdown=1.2%, Pred Accuracy=97.8% +2025-03-10 16:21:16,319 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:21:16,319 - INFO - Refreshing data for episode 38 +2025-03-10 16:21:16,319 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:21:16,647 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:21:16,664 - INFO - Initialized environment with 100 candles +2025-03-10 16:21:16,704 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6632964285714 | Take profit: 2087.1624053571427 +2025-03-10 16:21:16,902 - INFO - CLOSED short at 2114.78 | PnL: 0.20% | $0.20 +2025-03-10 16:21:16,902 - INFO - OPENED LONG at 2114.78 | Stop loss: 2104.1579035714285 | Take profit: 2146.573994642857 +2025-03-10 16:21:16,932 - INFO - CLOSED long at 2115.52 | PnL: 0.03% | $-0.13 +2025-03-10 16:21:16,933 - INFO - OPENED SHORT at 2115.52 | Stop loss: 2126.1457964285714 | Take profit: 2083.714905357143 +2025-03-10 16:21:17,100 - INFO - CLOSED short at 2114.32 | PnL: 0.06% | $-0.08 +2025-03-10 16:21:17,130 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.1910464285716 | Take profit: 2082.7791553571433 +2025-03-10 16:21:17,900 - INFO - TAKE PROFIT hit for short at 2082.7791553571433 | PnL: 1.50% | $2.74 +2025-03-10 16:21:17,948 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.4531964285716 | Take profit: 2049.7127053571426 +2025-03-10 16:21:18,142 - INFO - TAKE PROFIT hit for short at 2049.7127053571426 | PnL: 1.50% | $2.82 +2025-03-10 16:21:18,182 - INFO - OPENED LONG at 2051.0 | Stop loss: 2040.6968035714285 | Take profit: 2081.837294642857 +2025-03-10 16:21:18,234 - INFO - CLOSED long at 2043.51 | PnL: -0.37% | $-0.96 +2025-03-10 16:21:18,234 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.775746428571 | Take profit: 2012.7850553571427 +2025-03-10 16:21:18,359 - INFO - STOP LOSS hit for short at 2053.775746428571 | PnL: -0.50% | $-1.23 +2025-03-10 16:21:18,388 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.348346428572 | Take profit: 2023.1472553571432 +2025-03-10 16:21:18,417 - INFO - CLOSED short at 2050.18 | PnL: 0.19% | $0.18 +2025-03-10 16:21:18,442 - INFO - OPENED SHORT at 2046.76 | Stop loss: 2057.0419964285716 | Take profit: 2015.986305357143 +2025-03-10 16:21:18,726 - INFO - TAKE PROFIT hit for short at 2015.986305357143 | PnL: 1.50% | $2.84 +2025-03-10 16:21:18,757 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6658964285714 | Take profit: 1985.2346053571428 +2025-03-10 16:21:18,808 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 80.0% in downtrends | Avg Win=$1.75, Avg Loss=$-0.60 +2025-03-10 16:21:18,809 - INFO - Episode 38: Reward=-2.81, Balance=$106.37, Win Rate=55.6%, Trades=9, Episode PnL=$7.46, Total PnL=$823.66, Max Drawdown=2.1%, Pred Accuracy=97.9% +2025-03-10 16:21:18,810 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:21:18,810 - INFO - Refreshing data for episode 39 +2025-03-10 16:21:18,810 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:21:19,114 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:21:19,127 - INFO - Initialized environment with 100 candles +2025-03-10 16:21:19,163 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6641964285714 | Take profit: 2087.1610553571427 +2025-03-10 16:21:20,026 - INFO - CLOSED short at 2089.04 | PnL: 1.41% | $2.57 +2025-03-10 16:21:20,133 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.7200464285715 | Take profit: 2064.673505357143 +2025-03-10 16:21:20,938 - INFO - TAKE PROFIT hit for short at 2064.673505357143 | PnL: 1.50% | $2.81 +2025-03-10 16:21:20,967 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.304096428571 | Take profit: 2020.1613553571428 +2025-03-10 16:21:20,991 - INFO - CLOSED short at 2043.51 | PnL: 0.37% | $0.55 +2025-03-10 16:21:20,991 - INFO - OPENED LONG at 2043.51 | Stop loss: 2033.2433535714285 | Take profit: 2074.236294642857 +2025-03-10 16:21:21,023 - INFO - CLOSED long at 2052.89 | PnL: 0.46% | $0.74 +2025-03-10 16:21:21,024 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.2035464285714 | Take profit: 2022.0230053571427 +2025-03-10 16:21:21,416 - INFO - TAKE PROFIT hit for short at 2022.0230053571427 | PnL: 1.50% | $2.92 +2025-03-10 16:21:21,472 - INFO - OPENED SHORT at 2014.41 | Stop loss: 2024.5311464285714 | Take profit: 1984.1202053571428 +2025-03-10 16:21:21,493 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.92, Avg Loss=$0.00 +2025-03-10 16:21:21,494 - INFO - Episode 39: Reward=4.63, Balance=$109.60, Win Rate=100.0%, Trades=5, Episode PnL=$8.85, Total PnL=$833.25, Max Drawdown=0.0%, Pred Accuracy=98.0% +2025-03-10 16:21:21,494 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:21:21,494 - INFO - Refreshing data for episode 40 +2025-03-10 16:21:21,495 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:21:21,803 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:21:21,814 - INFO - Initialized environment with 100 candles +2025-03-10 16:21:22,856 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6643285714285 | Take profit: 2087.1608571428574 +2025-03-10 16:21:23,446 - INFO - CLOSED short at 2114.1 | PnL: 0.23% | $0.26 +2025-03-10 16:21:23,500 - INFO - OPENED SHORT at 2115.11 | Stop loss: 2125.7347785714287 | Take profit: 2083.309507142857 +2025-03-10 16:21:24,004 - INFO - CLOSED short at 2102.83 | PnL: 0.58% | $0.94 +2025-03-10 16:21:24,036 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9762785714283 | Take profit: 2071.785007142857 +2025-03-10 16:21:24,270 - INFO - CLOSED short at 2094.16 | PnL: 0.44% | $0.67 +2025-03-10 16:21:24,320 - INFO - OPENED SHORT at 2096.96 | Stop loss: 2107.4940285714288 | Take profit: 2065.4317571428574 +2025-03-10 16:21:24,733 - INFO - TAKE PROFIT hit for short at 2065.4317571428574 | PnL: 1.50% | $2.79 +2025-03-10 16:21:24,762 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3042285714287 | Take profit: 2020.161157142857 +2025-03-10 16:21:25,254 - INFO - TAKE PROFIT hit for short at 2020.161157142857 | PnL: 1.50% | $2.87 +2025-03-10 16:21:25,287 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6669285714283 | Take profit: 1985.2330571428572 +2025-03-10 16:21:25,363 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.51, Avg Loss=$0.00 +2025-03-10 16:21:25,364 - INFO - Episode 40: Reward=17.87, Balance=$107.54, Win Rate=100.0%, Trades=5, Episode PnL=$7.54, Total PnL=$840.79, Max Drawdown=0.0%, Pred Accuracy=98.1% +2025-03-10 16:21:25,527 - INFO - Model saved to checkpoints/trading_agent_episode_40.pt +2025-03-10 16:21:25,528 - INFO - Checkpoint saved at episode 40 +2025-03-10 16:21:25,529 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:21:26,719 - INFO - Visualization saved for episode 40 +2025-03-10 16:21:29,045 - INFO - Visualization saved for episode 40 +2025-03-10 16:21:29,060 - INFO - Refreshing data for episode 41 +2025-03-10 16:21:29,060 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:21:29,408 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:21:29,418 - INFO - Initialized environment with 100 candles +2025-03-10 16:21:29,742 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.665457142857 | Take profit: 2087.1591642857143 +2025-03-10 16:21:30,735 - INFO - CLOSED short at 2094.16 | PnL: 1.17% | $2.10 +2025-03-10 16:21:30,765 - INFO - OPENED SHORT at 2096.96 | Stop loss: 2107.4951571428574 | Take profit: 2065.4300642857143 +2025-03-10 16:21:31,129 - INFO - TAKE PROFIT hit for short at 2065.4300642857143 | PnL: 1.50% | $2.80 +2025-03-10 16:21:31,156 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305357142857 | Take profit: 2020.1594642857142 +2025-03-10 16:21:31,214 - INFO - CLOSED short at 2052.89 | PnL: -0.09% | $-0.39 +2025-03-10 16:21:31,240 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.536457142857 | Take profit: 2022.3461642857142 +2025-03-10 16:21:31,293 - INFO - CLOSED short at 2054.03 | PnL: -0.04% | $-0.28 +2025-03-10 16:21:31,318 - INFO - OPENED SHORT at 2050.18 | Stop loss: 2060.481257142857 | Take profit: 2019.3517642857141 +2025-03-10 16:21:31,407 - INFO - CLOSED short at 2044.1 | PnL: 0.30% | $0.40 +2025-03-10 16:21:31,440 - INFO - OPENED SHORT at 2043.59 | Stop loss: 2053.858307142857 | Take profit: 2012.8606142857143 +2025-03-10 16:21:31,528 - INFO - CLOSED short at 2027.51 | PnL: 0.79% | $1.40 +2025-03-10 16:21:31,553 - INFO - OPENED SHORT at 2010.35 | Stop loss: 2020.4521071428571 | Take profit: 1980.1192142857142 +2025-03-10 16:21:31,628 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.67, Avg Loss=$-0.34 +2025-03-10 16:21:31,630 - INFO - Episode 41: Reward=16.13, Balance=$106.02, Win Rate=66.7%, Trades=6, Episode PnL=$6.02, Total PnL=$846.81, Max Drawdown=0.6%, Pred Accuracy=98.2% +2025-03-10 16:21:31,630 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:21:31,631 - INFO - Refreshing data for episode 42 +2025-03-10 16:21:31,631 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:21:31,971 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:21:31,981 - INFO - Initialized environment with 100 candles +2025-03-10 16:21:32,017 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6655178571427 | Take profit: 2087.159073214286 +2025-03-10 16:21:32,669 - INFO - CLOSED short at 2096.19 | PnL: 1.08% | $1.91 +2025-03-10 16:21:32,695 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.550417857143 | Take profit: 2068.424373214286 +2025-03-10 16:21:33,293 - INFO - TAKE PROFIT hit for short at 2068.424373214286 | PnL: 1.50% | $2.79 +2025-03-10 16:21:33,357 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305417857143 | Take profit: 2020.1593732142856 +2025-03-10 16:21:33,763 - INFO - TAKE PROFIT hit for short at 2020.1593732142856 | PnL: 1.50% | $2.87 +2025-03-10 16:21:33,815 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6681178571428 | Take profit: 1985.2312732142855 +2025-03-10 16:21:33,905 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.52, Avg Loss=$0.00 +2025-03-10 16:21:33,907 - INFO - Episode 42: Reward=15.92, Balance=$107.57, Win Rate=100.0%, Trades=3, Episode PnL=$7.57, Total PnL=$854.38, Max Drawdown=0.0%, Pred Accuracy=98.3% +2025-03-10 16:21:33,908 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:21:33,908 - INFO - Refreshing data for episode 43 +2025-03-10 16:21:33,908 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:21:34,251 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:21:34,263 - INFO - Initialized environment with 100 candles +2025-03-10 16:21:34,304 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6655178571427 | Take profit: 2087.159073214286 +2025-03-10 16:21:34,533 - INFO - CLOSED short at 2115.52 | PnL: 0.17% | $0.13 +2025-03-10 16:21:34,534 - INFO - OPENED LONG at 2115.52 | Stop loss: 2104.891982142857 | Take profit: 2147.3284267857143 +2025-03-10 16:21:34,563 - INFO - CLOSED long at 2114.75 | PnL: -0.04% | $-0.27 +2025-03-10 16:21:34,563 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.3741678571428 | Take profit: 2082.953123214286 +2025-03-10 16:21:34,987 - INFO - CLOSED short at 2096.36 | PnL: 0.87% | $1.50 +2025-03-10 16:21:35,035 - INFO - OPENED SHORT at 2089.04 | Stop loss: 2099.535617857143 | Take profit: 2057.628773214286 +2025-03-10 16:21:35,148 - INFO - STOP LOSS hit for short at 2099.535617857143 | PnL: -0.50% | $-1.19 +2025-03-10 16:21:35,177 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3945678571426 | Take profit: 2071.2119232142854 +2025-03-10 16:21:35,610 - INFO - CLOSED short at 2084.75 | PnL: 0.86% | $1.49 +2025-03-10 16:21:35,643 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.455417857143 | Take profit: 2049.7093732142857 +2025-03-10 16:21:35,912 - INFO - TAKE PROFIT hit for short at 2049.7093732142857 | PnL: 1.50% | $2.79 +2025-03-10 16:21:35,938 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305417857143 | Take profit: 2020.1593732142856 +2025-03-10 16:21:36,386 - INFO - TAKE PROFIT hit for short at 2020.1593732142856 | PnL: 1.50% | $2.86 +2025-03-10 16:21:36,414 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6681178571428 | Take profit: 1985.2312732142855 +2025-03-10 16:21:36,461 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.75, Avg Loss=$-0.73 +2025-03-10 16:21:36,462 - INFO - Episode 43: Reward=17.16, Balance=$107.30, Win Rate=71.4%, Trades=7, Episode PnL=$7.57, Total PnL=$861.68, Max Drawdown=1.2%, Pred Accuracy=98.4% +2025-03-10 16:21:36,463 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:21:36,463 - INFO - Refreshing data for episode 44 +2025-03-10 16:21:36,463 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:21:36,767 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:21:36,778 - INFO - Initialized environment with 100 candles +2025-03-10 16:21:36,942 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6655178571427 | Take profit: 2087.159073214286 +2025-03-10 16:21:37,570 - INFO - CLOSED short at 2113.28 | PnL: 0.27% | $0.33 +2025-03-10 16:21:37,596 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.122917857143 | Take profit: 2082.7068732142857 +2025-03-10 16:21:37,619 - INFO - CLOSED short at 2115.07 | PnL: -0.03% | $-0.25 +2025-03-10 16:21:37,650 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.781617857143 | Take profit: 2066.6907732142854 +2025-03-10 16:21:38,690 - INFO - TAKE PROFIT hit for short at 2066.6907732142854 | PnL: 1.50% | $2.74 +2025-03-10 16:21:38,716 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305417857143 | Take profit: 2020.1593732142856 +2025-03-10 16:21:39,201 - INFO - TAKE PROFIT hit for short at 2020.1593732142856 | PnL: 1.50% | $2.82 +2025-03-10 16:21:39,252 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6681178571428 | Take profit: 1985.2312732142855 +2025-03-10 16:21:39,332 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.97, Avg Loss=$-0.25 +2025-03-10 16:21:39,332 - INFO - Episode 44: Reward=13.83, Balance=$105.65, Win Rate=75.0%, Trades=4, Episode PnL=$5.65, Total PnL=$867.33, Max Drawdown=0.2%, Pred Accuracy=98.5% +2025-03-10 16:21:39,332 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:21:39,334 - INFO - Refreshing data for episode 45 +2025-03-10 16:21:39,334 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:21:39,643 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:21:39,653 - INFO - Initialized environment with 100 candles +2025-03-10 16:21:40,539 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6655178571427 | Take profit: 2087.159073214286 +2025-03-10 16:21:41,164 - INFO - CLOSED short at 2100.05 | PnL: 0.90% | $1.55 +2025-03-10 16:21:41,194 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.892217857143 | Take profit: 2064.838973214286 +2025-03-10 16:21:41,250 - INFO - CLOSED short at 2089.84 | PnL: 0.31% | $0.42 +2025-03-10 16:21:41,277 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.721367857143 | Take profit: 2064.6715232142856 +2025-03-10 16:21:41,789 - INFO - CLOSED short at 2084.75 | PnL: 0.55% | $0.89 +2025-03-10 16:21:41,825 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.455417857143 | Take profit: 2049.7093732142857 +2025-03-10 16:21:42,057 - INFO - TAKE PROFIT hit for short at 2049.7093732142857 | PnL: 1.50% | $2.82 +2025-03-10 16:21:42,083 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.305417857143 | Take profit: 2020.1593732142856 +2025-03-10 16:21:42,537 - INFO - TAKE PROFIT hit for short at 2020.1593732142856 | PnL: 1.50% | $2.90 +2025-03-10 16:21:42,588 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6681178571428 | Take profit: 1985.2312732142855 +2025-03-10 16:21:42,683 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.71, Avg Loss=$0.00 +2025-03-10 16:21:42,683 - INFO - Episode 45: Reward=18.51, Balance=$108.57, Win Rate=100.0%, Trades=5, Episode PnL=$8.57, Total PnL=$875.90, Max Drawdown=0.0%, Pred Accuracy=98.7% +2025-03-10 16:21:42,684 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:21:42,685 - INFO - Refreshing data for episode 46 +2025-03-10 16:21:42,685 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:21:42,994 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:21:43,004 - INFO - Initialized environment with 100 candles +2025-03-10 16:21:43,326 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6655178571427 | Take profit: 2087.159073214286 +2025-03-10 16:21:43,356 - INFO - CLOSED short at 2120.96 | PnL: -0.09% | $-0.37 +2025-03-10 16:21:43,388 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.574917857143 | Take profit: 2092.950873214286 +2025-03-10 16:21:44,107 - INFO - TAKE PROFIT hit for short at 2092.950873214286 | PnL: 1.50% | $2.73 +2025-03-10 16:21:44,155 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.6006678571434 | Take profit: 2068.473623214286 +2025-03-10 16:21:45,049 - INFO - TAKE PROFIT hit for short at 2068.473623214286 | PnL: 1.50% | $2.81 +2025-03-10 16:21:45,101 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.591917857143 | Take profit: 2017.4998732142858 +2025-03-10 16:21:45,577 - INFO - TAKE PROFIT hit for short at 2017.4998732142858 | PnL: 1.50% | $2.88 +2025-03-10 16:21:45,629 - INFO - OPENED SHORT at 2014.41 | Stop loss: 2024.5324678571428 | Take profit: 1984.118223214286 +2025-03-10 16:21:45,657 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.81, Avg Loss=$-0.37 +2025-03-10 16:21:45,657 - INFO - Episode 46: Reward=12.53, Balance=$108.05, Win Rate=75.0%, Trades=4, Episode PnL=$8.05, Total PnL=$883.95, Max Drawdown=0.4%, Pred Accuracy=98.7% +2025-03-10 16:21:45,658 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:21:45,658 - INFO - Refreshing data for episode 47 +2025-03-10 16:21:45,659 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:21:45,963 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:21:45,973 - INFO - Initialized environment with 100 candles +2025-03-10 16:21:46,273 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6655178571427 | Take profit: 2087.159073214286 +2025-03-10 16:21:46,604 - INFO - CLOSED short at 2115.21 | PnL: 0.18% | $0.16 +2025-03-10 16:21:46,654 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.720917857143 | Take profit: 2082.3128732142854 +2025-03-10 16:21:46,923 - INFO - CLOSED short at 2114.5 | PnL: -0.02% | $-0.23 +2025-03-10 16:21:46,950 - INFO - OPENED SHORT at 2115.07 | Stop loss: 2125.695767857143 | Take profit: 2083.268323214286 +2025-03-10 16:21:47,108 - INFO - CLOSED short at 2089.04 | PnL: 1.23% | $2.21 +2025-03-10 16:21:47,206 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.721367857143 | Take profit: 2064.6715232142856 +2025-03-10 16:21:47,372 - INFO - CLOSED short at 2104.67 | PnL: -0.40% | $-1.01 +2025-03-10 16:21:47,404 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.836717857143 | Take profit: 2073.605473214286 +2025-03-10 16:21:47,925 - INFO - TAKE PROFIT hit for short at 2073.605473214286 | PnL: 1.50% | $2.77 +2025-03-10 16:21:47,977 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.591917857143 | Take profit: 2017.4998732142858 +2025-03-10 16:21:48,370 - INFO - CLOSED short at 2042.0 | PnL: 0.31% | $0.42 +2025-03-10 16:21:48,415 - INFO - OPENED SHORT at 2036.71 | Stop loss: 2046.943967857143 | Take profit: 2006.0837232142858 +2025-03-10 16:21:48,524 - INFO - CLOSED short at 2015.54 | PnL: 1.04% | $1.91 +2025-03-10 16:21:48,549 - INFO - OPENED SHORT at 2014.41 | Stop loss: 2024.5324678571428 | Take profit: 1984.118223214286 +2025-03-10 16:21:48,569 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.49, Avg Loss=$-0.62 +2025-03-10 16:21:48,571 - INFO - Episode 47: Reward=16.75, Balance=$106.23, Win Rate=71.4%, Trades=7, Episode PnL=$6.23, Total PnL=$890.18, Max Drawdown=1.0%, Pred Accuracy=98.8% +2025-03-10 16:21:48,571 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:21:48,571 - INFO - Refreshing data for episode 48 +2025-03-10 16:21:48,572 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:21:48,863 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:21:48,874 - INFO - Initialized environment with 100 candles +2025-03-10 16:21:48,907 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6655178571427 | Take profit: 2087.159073214286 +2025-03-10 16:21:49,178 - INFO - CLOSED short at 2115.21 | PnL: 0.18% | $0.16 +2025-03-10 16:21:49,221 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.720917857143 | Take profit: 2082.3128732142854 +2025-03-10 16:21:49,301 - INFO - CLOSED short at 2114.32 | PnL: -0.01% | $-0.22 +2025-03-10 16:21:49,362 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.193267857143 | Take profit: 2082.775823214286 +2025-03-10 16:21:49,427 - INFO - CLOSED short at 2112.57 | PnL: 0.09% | $-0.01 +2025-03-10 16:21:49,498 - INFO - OPENED SHORT at 2113.28 | Stop loss: 2123.896817857143 | Take profit: 2081.505173214286 +2025-03-10 16:21:49,983 - INFO - CLOSED short at 2104.67 | PnL: 0.41% | $0.60 +2025-03-10 16:21:50,038 - INFO - OPENED SHORT at 2099.63 | Stop loss: 2110.178567857143 | Take profit: 2068.059923214286 +2025-03-10 16:21:50,267 - INFO - CLOSED short at 2084.95 | PnL: 0.70% | $1.18 +2025-03-10 16:21:50,312 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.033317857143 | Take profit: 2049.2956732142857 +2025-03-10 16:21:50,439 - INFO - CLOSED short at 2084.11 | PnL: -0.17% | $-0.54 +2025-03-10 16:21:50,489 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.495767857143 | Take profit: 2043.868323214286 +2025-03-10 16:21:50,604 - INFO - CLOSED short at 2051.0 | PnL: 1.16% | $2.09 +2025-03-10 16:21:50,648 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.777967857143 | Take profit: 2012.7817232142856 +2025-03-10 16:21:50,722 - INFO - CLOSED short at 2053.22 | PnL: -0.48% | $-1.16 +2025-03-10 16:21:50,746 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.450967857143 | Take profit: 2027.1627232142857 +2025-03-10 16:21:50,995 - INFO - CLOSED short at 2027.51 | PnL: 1.49% | $2.76 +2025-03-10 16:21:51,118 - INFO - OPENED SHORT at 2014.41 | Stop loss: 2024.5324678571428 | Take profit: 1984.118223214286 +2025-03-10 16:21:51,147 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.36, Avg Loss=$-0.48 +2025-03-10 16:21:51,149 - INFO - Episode 48: Reward=15.33, Balance=$104.87, Win Rate=55.6%, Trades=9, Episode PnL=$4.87, Total PnL=$895.05, Max Drawdown=1.1%, Pred Accuracy=98.9% +2025-03-10 16:21:51,149 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:21:51,150 - INFO - Refreshing data for episode 49 +2025-03-10 16:21:51,150 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:21:51,469 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:21:51,482 - INFO - Initialized environment with 100 candles +2025-03-10 16:21:51,518 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6655178571427 | Take profit: 2087.159073214286 +2025-03-10 16:21:51,590 - INFO - CLOSED short at 2128.33 | PnL: -0.44% | $-1.05 +2025-03-10 16:21:51,619 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.444267857143 | Take profit: 2092.822823214286 +2025-03-10 16:21:51,645 - INFO - CLOSED short at 2120.26 | PnL: 0.21% | $0.22 +2025-03-10 16:21:51,695 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.4043178571433 | Take profit: 2082.982673214286 +2025-03-10 16:21:51,853 - INFO - CLOSED short at 2115.21 | PnL: -0.02% | $-0.23 +2025-03-10 16:21:51,899 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.720917857143 | Take profit: 2082.3128732142854 +2025-03-10 16:21:51,963 - INFO - CLOSED short at 2115.11 | PnL: -0.05% | $-0.29 +2025-03-10 16:21:52,035 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.9420178571427 | Take profit: 2082.529573214286 +2025-03-10 16:21:52,153 - INFO - CLOSED short at 2113.28 | PnL: 0.05% | $-0.10 +2025-03-10 16:21:52,203 - INFO - OPENED SHORT at 2115.07 | Stop loss: 2125.695767857143 | Take profit: 2083.268323214286 +2025-03-10 16:21:52,230 - INFO - CLOSED short at 2098.24 | PnL: 0.80% | $1.34 +2025-03-10 16:21:52,231 - INFO - OPENED LONG at 2098.24 | Stop loss: 2087.698382142857 | Take profit: 2129.789226785714 +2025-03-10 16:21:52,260 - INFO - CLOSED long at 2098.28 | PnL: 0.00% | $-0.19 +2025-03-10 16:21:52,579 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9774678571425 | Take profit: 2071.7832232142855 +2025-03-10 16:21:52,636 - INFO - CLOSED short at 2104.67 | PnL: -0.06% | $-0.31 +2025-03-10 16:21:52,732 - INFO - OPENED SHORT at 2099.22 | Stop loss: 2109.766517857143 | Take profit: 2067.6560732142857 +2025-03-10 16:21:52,969 - INFO - CLOSED short at 2080.58 | PnL: 0.89% | $1.53 +2025-03-10 16:21:52,970 - INFO - OPENED LONG at 2080.58 | Stop loss: 2070.126682142857 | Take profit: 2111.864326785714 +2025-03-10 16:21:52,997 - INFO - CLOSED long at 2084.75 | PnL: 0.20% | $0.20 +2025-03-10 16:21:53,044 - INFO - OPENED SHORT at 2084.25 | Stop loss: 2094.7216678571426 | Take profit: 2052.910623214286 +2025-03-10 16:21:53,075 - INFO - CLOSED short at 2085.37 | PnL: -0.05% | $-0.30 +2025-03-10 16:21:53,138 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.535767857143 | Take profit: 2051.748323214286 +2025-03-10 16:21:53,268 - INFO - TAKE PROFIT hit for short at 2051.748323214286 | PnL: 1.50% | $2.76 +2025-03-10 16:21:53,307 - INFO - OPENED LONG at 2051.0 | Stop loss: 2040.6945821428571 | Take profit: 2081.840626785714 +2025-03-10 16:21:53,335 - INFO - CLOSED long at 2043.51 | PnL: -0.37% | $-0.94 +2025-03-10 16:21:53,336 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.777967857143 | Take profit: 2012.7817232142856 +2025-03-10 16:21:53,404 - INFO - STOP LOSS hit for short at 2053.777967857143 | PnL: -0.50% | $-1.21 +2025-03-10 16:21:53,465 - INFO - OPENED SHORT at 2050.18 | Stop loss: 2060.481317857143 | Take profit: 2019.3516732142857 +2025-03-10 16:21:53,492 - INFO - CLOSED short at 2046.76 | PnL: 0.17% | $0.13 +2025-03-10 16:21:53,523 - INFO - OPENED SHORT at 2043.95 | Stop loss: 2054.220167857143 | Take profit: 2013.2151232142858 +2025-03-10 16:21:53,575 - INFO - CLOSED short at 2044.1 | PnL: -0.01% | $-0.21 +2025-03-10 16:21:53,733 - INFO - OPENED SHORT at 2027.51 | Stop loss: 2037.6979678571427 | Take profit: 1997.0217232142859 +2025-03-10 16:21:53,799 - INFO - CLOSED short at 2015.54 | PnL: 0.59% | $0.97 +2025-03-10 16:21:53,825 - INFO - OPENED SHORT at 2014.41 | Stop loss: 2024.5324678571428 | Take profit: 1984.118223214286 +2025-03-10 16:21:53,849 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.02, Avg Loss=$-0.48 +2025-03-10 16:21:53,850 - INFO - Episode 49: Reward=4.26, Balance=$102.31, Win Rate=41.2%, Trades=17, Episode PnL=$3.25, Total PnL=$897.36, Max Drawdown=2.2%, Pred Accuracy=99.0% +2025-03-10 16:21:53,850 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:21:53,851 - INFO - Early stopping triggered after 50 episodes without improvement +2025-03-10 16:21:54,005 - INFO - Model saved to models/trading_agent_final.pt +2025-03-10 16:21:55,106 - INFO - Training results saved to training_results.png +2025-03-10 16:21:55,264 - INFO - Model saved to models/trading_agent_continuous_150.pt +2025-03-10 16:22:00,275 - INFO - Starting training batch 5 +2025-03-10 16:22:00,275 - INFO - Refreshing data for new training batch +2025-03-10 16:22:00,276 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:00,665 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 16:22:00,679 - INFO - Initialized environment with 500 candles +2025-03-10 16:22:00,681 - INFO - Updated environment with fresh candles +2025-03-10 16:22:00,681 - INFO - Starting training on device: cuda +2025-03-10 16:22:00,682 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 16:22:00,682 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 16:22:01,052 - INFO - Model loaded successfully with weights_only=True +2025-03-10 16:22:01,059 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $9.08, Win Rate: 70.0% +2025-03-10 16:22:01,082 - INFO - Refreshing data for episode 0 +2025-03-10 16:22:01,083 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:01,452 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:22:01,464 - INFO - Initialized environment with 100 candles +2025-03-10 16:22:02,555 - INFO - OPENED SHORT at 2119.02 | Stop loss: 2129.6655178571427 | Take profit: 2087.159073214286 +2025-03-10 16:22:03,578 - INFO - CLOSED short at 2104.67 | PnL: 0.68% | $1.13 +2025-03-10 16:22:03,629 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.836717857143 | Take profit: 2073.605473214286 +2025-03-10 16:22:04,205 - INFO - CLOSED short at 2067.71 | PnL: 1.78% | $3.33 +2025-03-10 16:22:04,236 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.591917857143 | Take profit: 2017.4998732142858 +2025-03-10 16:22:04,560 - INFO - CLOSED short at 2043.95 | PnL: 0.21% | $0.23 +2025-03-10 16:22:04,585 - INFO - OPENED SHORT at 2044.1 | Stop loss: 2054.3709178571426 | Take profit: 2013.3628732142856 +2025-03-10 16:22:04,756 - INFO - TAKE PROFIT hit for short at 2013.3628732142856 | PnL: 1.50% | $2.87 +2025-03-10 16:22:04,811 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6681178571428 | Take profit: 1985.2312732142855 +2025-03-10 16:22:04,905 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.89, Avg Loss=$0.00 +2025-03-10 16:22:04,905 - INFO - Episode 0: Reward=33.30, Balance=$107.55, Win Rate=100.0%, Trades=4, Episode PnL=$7.55, Total PnL=$904.91, Max Drawdown=0.0%, Pred Accuracy=99.8% +2025-03-10 16:22:05,057 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 16:22:05,058 - INFO - Checkpoint saved at episode 0 +2025-03-10 16:22:06,293 - INFO - Visualization saved for episode 0 +2025-03-10 16:22:08,726 - INFO - Visualization saved for episode 0 +2025-03-10 16:22:08,745 - INFO - Refreshing data for episode 1 +2025-03-10 16:22:08,746 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:09,053 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:22:09,066 - INFO - Initialized environment with 100 candles +2025-03-10 16:22:09,148 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6117142857142 | Take profit: 2089.0752285714284 +2025-03-10 16:22:09,519 - INFO - CLOSED short at 2114.57 | PnL: 0.30% | $0.39 +2025-03-10 16:22:09,545 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.1797642857146 | Take profit: 2080.811078571429 +2025-03-10 16:22:09,718 - INFO - CLOSED short at 2100.05 | PnL: 0.59% | $0.97 +2025-03-10 16:22:09,719 - INFO - OPENED LONG at 2100.05 | Stop loss: 2089.502835714286 | Take profit: 2131.6211214285718 +2025-03-10 16:22:09,745 - INFO - CLOSED long at 2096.36 | PnL: -0.18% | $-0.55 +2025-03-10 16:22:09,745 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.8887142857143 | Take profit: 2064.8442285714286 +2025-03-10 16:22:10,477 - INFO - TAKE PROFIT hit for short at 2064.8442285714286 | PnL: 1.50% | $2.77 +2025-03-10 16:22:10,505 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3019142857142 | Take profit: 2020.1646285714287 +2025-03-10 16:22:10,577 - INFO - CLOSED short at 2053.22 | PnL: -0.11% | $-0.42 +2025-03-10 16:22:10,609 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.4474642857144 | Take profit: 2027.1679785714289 +2025-03-10 16:22:10,878 - INFO - TAKE PROFIT hit for short at 2027.1679785714289 | PnL: 1.50% | $2.83 +2025-03-10 16:22:10,907 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6646142857142 | Take profit: 1985.2365285714286 +2025-03-10 16:22:10,985 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.74, Avg Loss=$-0.48 +2025-03-10 16:22:10,986 - INFO - Episode 1: Reward=13.45, Balance=$105.99, Win Rate=66.7%, Trades=6, Episode PnL=$6.54, Total PnL=$910.90, Max Drawdown=0.4%, Pred Accuracy=99.7% +2025-03-10 16:22:10,986 - INFO - Refreshing data for episode 2 +2025-03-10 16:22:10,986 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:11,758 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:22:11,772 - INFO - Initialized environment with 100 candles +2025-03-10 16:22:11,809 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6117142857142 | Take profit: 2089.0752285714284 +2025-03-10 16:22:11,859 - INFO - CLOSED short at 2128.33 | PnL: -0.35% | $-0.88 +2025-03-10 16:22:11,889 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.440764285714 | Take profit: 2092.8280785714287 +2025-03-10 16:22:12,323 - INFO - TAKE PROFIT hit for short at 2092.8280785714287 | PnL: 1.50% | $2.72 +2025-03-10 16:22:12,353 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5971642857144 | Take profit: 2068.4788785714286 +2025-03-10 16:22:12,436 - INFO - CLOSED short at 2089.84 | PnL: 0.49% | $0.77 +2025-03-10 16:22:12,466 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.7178642857143 | Take profit: 2064.6767785714287 +2025-03-10 16:22:13,189 - INFO - CLOSED short at 2048.3 | PnL: 2.28% | $4.39 +2025-03-10 16:22:13,230 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3019142857142 | Take profit: 2020.1646285714287 +2025-03-10 16:22:13,562 - INFO - CLOSED short at 2036.71 | PnL: 0.70% | $1.25 +2025-03-10 16:22:13,608 - INFO - OPENED SHORT at 2027.51 | Stop loss: 2037.6944642857143 | Take profit: 1997.0269785714286 +2025-03-10 16:22:13,774 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.28, Avg Loss=$-0.88 +2025-03-10 16:22:13,775 - INFO - Episode 2: Reward=18.57, Balance=$108.25, Win Rate=80.0%, Trades=5, Episode PnL=$8.25, Total PnL=$919.15, Max Drawdown=0.9%, Pred Accuracy=99.7% +2025-03-10 16:22:13,775 - INFO - Refreshing data for episode 3 +2025-03-10 16:22:13,777 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:14,306 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:22:14,317 - INFO - Initialized environment with 100 candles +2025-03-10 16:22:14,357 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6117142857142 | Take profit: 2089.0752285714284 +2025-03-10 16:22:15,084 - INFO - TAKE PROFIT hit for short at 2089.0752285714284 | PnL: 1.50% | $2.75 +2025-03-10 16:22:15,119 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3361142857143 | Take profit: 2058.4220285714287 +2025-03-10 16:22:15,198 - INFO - STOP LOSS hit for short at 2100.3361142857143 | PnL: -0.50% | $-1.21 +2025-03-10 16:22:15,229 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.973964285714 | Take profit: 2071.7884785714286 +2025-03-10 16:22:15,641 - INFO - CLOSED short at 2084.75 | PnL: 0.89% | $1.56 +2025-03-10 16:22:15,668 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.4519142857143 | Take profit: 2049.7146285714284 +2025-03-10 16:22:15,945 - INFO - TAKE PROFIT hit for short at 2049.7146285714284 | PnL: 1.50% | $2.83 +2025-03-10 16:22:15,974 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3019142857142 | Take profit: 2020.1646285714287 +2025-03-10 16:22:16,202 - INFO - CLOSED short at 2046.76 | PnL: 0.21% | $0.22 +2025-03-10 16:22:16,251 - INFO - OPENED SHORT at 2043.95 | Stop loss: 2054.216664285714 | Take profit: 2013.2203785714287 +2025-03-10 16:22:16,428 - INFO - TAKE PROFIT hit for short at 2013.2203785714287 | PnL: 1.50% | $2.91 +2025-03-10 16:22:16,452 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6646142857142 | Take profit: 1985.2365285714286 +2025-03-10 16:22:16,542 - INFO - CLOSED short at 2019.57 | PnL: -0.20% | $-0.64 +2025-03-10 16:22:16,590 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.05, Avg Loss=$-0.92 +2025-03-10 16:22:16,591 - INFO - Episode 3: Reward=15.33, Balance=$108.42, Win Rate=71.4%, Trades=7, Episode PnL=$8.42, Total PnL=$927.57, Max Drawdown=1.2%, Pred Accuracy=99.7% +2025-03-10 16:22:16,591 - INFO - Refreshing data for episode 4 +2025-03-10 16:22:16,591 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:17,059 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:22:17,074 - INFO - Initialized environment with 100 candles +2025-03-10 16:22:17,343 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.613057142857 | Take profit: 2089.0732142857146 +2025-03-10 16:22:17,543 - INFO - CLOSED short at 2114.75 | PnL: 0.29% | $0.38 +2025-03-10 16:22:17,578 - INFO - OPENED SHORT at 2116.06 | Stop loss: 2126.6885571428575 | Take profit: 2084.2467142857145 +2025-03-10 16:22:17,737 - INFO - CLOSED short at 2114.57 | PnL: 0.07% | $-0.06 +2025-03-10 16:22:17,760 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.1811071428574 | Take profit: 2080.8090642857146 +2025-03-10 16:22:18,557 - INFO - TAKE PROFIT hit for short at 2080.8090642857146 | PnL: 1.50% | $2.75 +2025-03-10 16:22:18,585 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2220071428574 | Take profit: 2053.4063642857145 +2025-03-10 16:22:18,853 - INFO - TAKE PROFIT hit for short at 2053.4063642857145 | PnL: 1.50% | $2.83 +2025-03-10 16:22:18,903 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.303257142857 | Take profit: 2020.1626142857142 +2025-03-10 16:22:19,337 - INFO - TAKE PROFIT hit for short at 2020.1626142857142 | PnL: 1.50% | $2.90 +2025-03-10 16:22:19,364 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6659571428572 | Take profit: 1985.2345142857143 +2025-03-10 16:22:19,388 - INFO - CLOSED short at 2014.41 | PnL: 0.06% | $-0.09 +2025-03-10 16:22:19,389 - INFO - OPENED LONG at 2014.41 | Stop loss: 2004.289692857143 | Take profit: 2044.698535714286 +2025-03-10 16:22:19,418 - INFO - CLOSED long at 2019.57 | PnL: 0.26% | $0.33 +2025-03-10 16:22:19,418 - INFO - OPENED SHORT at 2019.57 | Stop loss: 2029.716107142857 | Take profit: 1989.2040642857144 +2025-03-10 16:22:19,445 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.84, Avg Loss=$-0.08 +2025-03-10 16:22:19,446 - INFO - Episode 4: Reward=13.74, Balance=$109.04, Win Rate=71.4%, Trades=7, Episode PnL=$8.71, Total PnL=$936.62, Max Drawdown=0.1%, Pred Accuracy=99.6% +2025-03-10 16:22:19,446 - INFO - Refreshing data for episode 5 +2025-03-10 16:22:19,447 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:19,889 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:22:19,901 - INFO - Initialized environment with 100 candles +2025-03-10 16:22:21,058 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.5730464285716 | Take profit: 2092.9536803571427 +2025-03-10 16:22:21,276 - INFO - CLOSED short at 2114.75 | PnL: 0.48% | $0.74 +2025-03-10 16:22:21,355 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.8345964285713 | Take profit: 2083.409030357143 +2025-03-10 16:22:21,480 - INFO - CLOSED short at 2114.32 | PnL: 0.04% | $-0.11 +2025-03-10 16:22:21,508 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.1913964285714 | Take profit: 2082.778630357143 +2025-03-10 16:22:21,612 - INFO - CLOSED short at 2115.07 | PnL: -0.02% | $-0.24 +2025-03-10 16:22:21,640 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.7797464285713 | Take profit: 2066.6935803571428 +2025-03-10 16:22:21,686 - INFO - CLOSED short at 2091.36 | PnL: 0.33% | $0.45 +2025-03-10 16:22:21,743 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.890346428572 | Take profit: 2064.841780357143 +2025-03-10 16:22:22,252 - INFO - CLOSED short at 2090.59 | PnL: 0.28% | $0.35 +2025-03-10 16:22:22,306 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.4934964285712 | Take profit: 2059.5523303571426 +2025-03-10 16:22:22,672 - INFO - TAKE PROFIT hit for short at 2059.5523303571426 | PnL: 1.50% | $2.78 +2025-03-10 16:22:22,713 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3035464285713 | Take profit: 2020.162180357143 +2025-03-10 16:22:22,820 - INFO - CLOSED short at 2058.11 | PnL: -0.35% | $-0.91 +2025-03-10 16:22:22,820 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.7709035714288 | Take profit: 2089.0544696428574 +2025-03-10 16:22:22,849 - INFO - CLOSED long at 2054.03 | PnL: -0.20% | $-0.60 +2025-03-10 16:22:22,850 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.3486964285717 | Take profit: 2023.146730357143 +2025-03-10 16:22:23,167 - INFO - CLOSED short at 2010.35 | PnL: 2.13% | $4.06 +2025-03-10 16:22:23,200 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6662464285714 | Take profit: 1985.2340803571428 +2025-03-10 16:22:23,283 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.67, Avg Loss=$-0.47 +2025-03-10 16:22:23,284 - INFO - Episode 5: Reward=13.58, Balance=$106.50, Win Rate=55.6%, Trades=9, Episode PnL=$7.10, Total PnL=$943.11, Max Drawdown=0.4%, Pred Accuracy=99.5% +2025-03-10 16:22:23,284 - INFO - Refreshing data for episode 6 +2025-03-10 16:22:23,284 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:23,609 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:22:23,621 - INFO - Initialized environment with 100 candles +2025-03-10 16:22:23,758 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6133464285713 | Take profit: 2089.0727803571426 +2025-03-10 16:22:24,214 - INFO - CLOSED short at 2114.57 | PnL: 0.30% | $0.39 +2025-03-10 16:22:24,264 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.1813964285716 | Take profit: 2080.808630357143 +2025-03-10 16:22:25,106 - INFO - CLOSED short at 2080.58 | PnL: 1.51% | $2.78 +2025-03-10 16:22:25,137 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2222964285716 | Take profit: 2053.4059303571426 +2025-03-10 16:22:25,351 - INFO - CLOSED short at 2067.71 | PnL: 0.82% | $1.45 +2025-03-10 16:22:25,407 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5900464285714 | Take profit: 2017.502680357143 +2025-03-10 16:22:25,625 - INFO - CLOSED short at 2050.18 | PnL: -0.09% | $-0.39 +2025-03-10 16:22:25,654 - INFO - OPENED SHORT at 2046.76 | Stop loss: 2057.0423464285714 | Take profit: 2015.9857803571429 +2025-03-10 16:22:25,799 - INFO - CLOSED short at 2042.0 | PnL: 0.23% | $0.27 +2025-03-10 16:22:25,800 - INFO - OPENED LONG at 2042.0 | Stop loss: 2031.7414535714286 | Take profit: 2072.702819642857 +2025-03-10 16:22:25,855 - INFO - CLOSED long at 2036.71 | PnL: -0.26% | $-0.73 +2025-03-10 16:22:25,856 - INFO - OPENED SHORT at 2036.71 | Stop loss: 2046.9420964285716 | Take profit: 2006.086530357143 +2025-03-10 16:22:26,034 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.22, Avg Loss=$-0.56 +2025-03-10 16:22:26,034 - INFO - Episode 6: Reward=16.89, Balance=$103.76, Win Rate=66.7%, Trades=6, Episode PnL=$4.49, Total PnL=$946.88, Max Drawdown=0.4%, Pred Accuracy=99.4% +2025-03-10 16:22:26,034 - INFO - Refreshing data for episode 7 +2025-03-10 16:22:26,034 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:26,348 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:22:26,359 - INFO - Initialized environment with 100 candles +2025-03-10 16:22:26,397 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6133464285713 | Take profit: 2089.0727803571426 +2025-03-10 16:22:26,521 - INFO - CLOSED short at 2116.81 | PnL: 0.20% | $0.19 +2025-03-10 16:22:26,559 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.4024464285712 | Take profit: 2082.985480357143 +2025-03-10 16:22:26,587 - INFO - CLOSED short at 2115.52 | PnL: -0.03% | $-0.26 +2025-03-10 16:22:26,641 - INFO - OPENED SHORT at 2116.06 | Stop loss: 2126.688846428571 | Take profit: 2084.246280357143 +2025-03-10 16:22:26,666 - INFO - CLOSED short at 2115.21 | PnL: 0.04% | $-0.12 +2025-03-10 16:22:26,667 - INFO - OPENED LONG at 2115.21 | Stop loss: 2104.5854035714287 | Take profit: 2147.0109696428576 +2025-03-10 16:22:26,697 - INFO - CLOSED long at 2114.1 | PnL: -0.05% | $-0.30 +2025-03-10 16:22:26,697 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.7190464285713 | Take profit: 2082.315680357143 +2025-03-10 16:22:26,780 - INFO - CLOSED short at 2114.57 | PnL: -0.02% | $-0.24 +2025-03-10 16:22:26,805 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.1813964285716 | Take profit: 2080.808630357143 +2025-03-10 16:22:26,931 - INFO - CLOSED short at 2098.24 | PnL: 0.68% | $1.12 +2025-03-10 16:22:26,978 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.8199464285717 | Take profit: 2066.732980357143 +2025-03-10 16:22:27,084 - INFO - CLOSED short at 2100.05 | PnL: -0.08% | $-0.36 +2025-03-10 16:22:27,084 - INFO - OPENED LONG at 2100.05 | Stop loss: 2089.5012035714285 | Take profit: 2131.623569642857 +2025-03-10 16:22:27,118 - INFO - CLOSED long at 2096.36 | PnL: -0.18% | $-0.54 +2025-03-10 16:22:27,119 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.890346428572 | Take profit: 2064.841780357143 +2025-03-10 16:22:27,249 - INFO - CLOSED short at 2102.83 | PnL: -0.31% | $-0.79 +2025-03-10 16:22:27,280 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9755964285714 | Take profit: 2071.786030357143 +2025-03-10 16:22:27,394 - INFO - CLOSED short at 2105.26 | PnL: -0.09% | $-0.36 +2025-03-10 16:22:27,441 - INFO - OPENED SHORT at 2099.63 | Stop loss: 2110.176696428571 | Take profit: 2068.0627303571428 +2025-03-10 16:22:27,559 - INFO - CLOSED short at 2098.66 | PnL: 0.05% | $-0.10 +2025-03-10 16:22:27,581 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.091496428571 | Take profit: 2059.158330357143 +2025-03-10 16:22:27,756 - INFO - CLOSED short at 2084.25 | PnL: 0.30% | $0.39 +2025-03-10 16:22:27,802 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8453964285713 | Take profit: 2054.0166303571427 +2025-03-10 16:22:27,964 - INFO - TAKE PROFIT hit for short at 2054.0166303571427 | PnL: 1.50% | $2.71 +2025-03-10 16:22:27,985 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3035464285713 | Take profit: 2020.162180357143 +2025-03-10 16:22:28,187 - INFO - CLOSED short at 2046.76 | PnL: 0.21% | $0.21 +2025-03-10 16:22:28,274 - INFO - OPENED SHORT at 2044.1 | Stop loss: 2054.3690464285714 | Take profit: 2013.3656803571428 +2025-03-10 16:22:28,418 - INFO - TAKE PROFIT hit for short at 2013.3656803571428 | PnL: 1.50% | $2.78 +2025-03-10 16:22:28,445 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6662464285714 | Take profit: 1985.2340803571428 +2025-03-10 16:22:28,536 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$1.23, Avg Loss=$-0.34 +2025-03-10 16:22:28,537 - INFO - Episode 7: Reward=4.80, Balance=$104.32, Win Rate=40.0%, Trades=15, Episode PnL=$5.16, Total PnL=$951.20, Max Drawdown=2.2%, Pred Accuracy=99.3% +2025-03-10 16:22:28,537 - INFO - Refreshing data for episode 8 +2025-03-10 16:22:28,538 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:28,849 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:22:28,862 - INFO - Initialized environment with 100 candles +2025-03-10 16:22:28,998 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6133464285713 | Take profit: 2089.0727803571426 +2025-03-10 16:22:29,045 - INFO - CLOSED short at 2124.9 | PnL: -0.19% | $-0.56 +2025-03-10 16:22:29,097 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0201964285716 | Take profit: 2096.3322303571426 +2025-03-10 16:22:29,168 - INFO - CLOSED short at 2116.81 | PnL: 0.54% | $0.86 +2025-03-10 16:22:29,199 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.4024464285712 | Take profit: 2082.985480357143 +2025-03-10 16:22:29,234 - INFO - CLOSED short at 2115.52 | PnL: -0.03% | $-0.26 +2025-03-10 16:22:29,263 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.3722964285716 | Take profit: 2082.9559303571427 +2025-03-10 16:22:29,336 - INFO - CLOSED short at 2115.21 | PnL: -0.02% | $-0.24 +2025-03-10 16:22:29,384 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.7190464285713 | Take profit: 2082.315680357143 +2025-03-10 16:22:29,476 - INFO - CLOSED short at 2114.32 | PnL: -0.01% | $-0.22 +2025-03-10 16:22:29,506 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.1913964285714 | Take profit: 2082.778630357143 +2025-03-10 16:22:29,622 - INFO - CLOSED short at 2115.07 | PnL: -0.02% | $-0.24 +2025-03-10 16:22:29,652 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.7797464285713 | Take profit: 2066.6935803571428 +2025-03-10 16:22:29,861 - INFO - CLOSED short at 2089.04 | PnL: 0.44% | $0.66 +2025-03-10 16:22:29,901 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3377464285713 | Take profit: 2058.419580357143 +2025-03-10 16:22:29,975 - INFO - STOP LOSS hit for short at 2100.3377464285713 | PnL: -0.50% | $-1.18 +2025-03-10 16:22:30,029 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.789646428571 | Take profit: 2072.583880357143 +2025-03-10 16:22:30,247 - INFO - CLOSED short at 2096.96 | PnL: 0.35% | $0.47 +2025-03-10 16:22:30,292 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.201846428571 | Take profit: 2067.107280357143 +2025-03-10 16:22:30,660 - INFO - TAKE PROFIT hit for short at 2067.107280357143 | PnL: 1.50% | $2.72 +2025-03-10 16:22:30,698 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3035464285713 | Take profit: 2020.162180357143 +2025-03-10 16:22:31,108 - INFO - TAKE PROFIT hit for short at 2020.162180357143 | PnL: 1.50% | $2.80 +2025-03-10 16:22:31,166 - INFO - OPENED SHORT at 2014.41 | Stop loss: 2024.5305964285717 | Take profit: 1984.1210303571431 +2025-03-10 16:22:31,219 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.50, Avg Loss=$-0.45 +2025-03-10 16:22:31,220 - INFO - Episode 8: Reward=10.66, Balance=$104.82, Win Rate=45.5%, Trades=11, Episode PnL=$4.82, Total PnL=$956.01, Max Drawdown=1.5%, Pred Accuracy=99.1% +2025-03-10 16:22:31,220 - INFO - Refreshing data for episode 9 +2025-03-10 16:22:31,221 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:31,524 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:22:31,536 - INFO - Initialized environment with 100 candles +2025-03-10 16:22:31,594 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.5730464285716 | Take profit: 2092.9536803571427 +2025-03-10 16:22:32,104 - INFO - CLOSED short at 2098.24 | PnL: 1.25% | $2.26 +2025-03-10 16:22:32,166 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.8199464285717 | Take profit: 2066.732980357143 +2025-03-10 16:22:32,335 - INFO - CLOSED short at 2089.04 | PnL: 0.44% | $0.68 +2025-03-10 16:22:32,368 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3377464285713 | Take profit: 2058.419580357143 +2025-03-10 16:22:32,458 - INFO - STOP LOSS hit for short at 2100.3377464285713 | PnL: -0.50% | $-1.21 +2025-03-10 16:22:32,486 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9755964285714 | Take profit: 2071.786030357143 +2025-03-10 16:22:32,820 - INFO - CLOSED short at 2090.59 | PnL: 0.61% | $1.01 +2025-03-10 16:22:32,849 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.4934964285712 | Take profit: 2059.5523303571426 +2025-03-10 16:22:32,898 - INFO - CLOSED short at 2080.58 | PnL: 0.50% | $0.80 +2025-03-10 16:22:33,035 - INFO - OPENED SHORT at 2084.25 | Stop loss: 2094.7197964285715 | Take profit: 2052.9134303571427 +2025-03-10 16:22:33,211 - INFO - TAKE PROFIT hit for short at 2052.9134303571427 | PnL: 1.50% | $2.84 +2025-03-10 16:22:33,238 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3035464285713 | Take profit: 2020.162180357143 +2025-03-10 16:22:33,428 - INFO - CLOSED short at 2054.03 | PnL: -0.15% | $-0.51 +2025-03-10 16:22:33,507 - INFO - OPENED SHORT at 2046.76 | Stop loss: 2057.0423464285714 | Take profit: 2015.9857803571429 +2025-03-10 16:22:33,558 - INFO - CLOSED short at 2044.1 | PnL: 0.13% | $0.06 +2025-03-10 16:22:33,581 - INFO - OPENED SHORT at 2043.59 | Stop loss: 2053.8564964285715 | Take profit: 2012.8633303571428 +2025-03-10 16:22:33,712 - INFO - TAKE PROFIT hit for short at 2012.8633303571428 | PnL: 1.50% | $2.90 +2025-03-10 16:22:33,811 - INFO - OPENED SHORT at 2014.41 | Stop loss: 2024.5305964285717 | Take profit: 1984.1210303571431 +2025-03-10 16:22:33,893 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.51, Avg Loss=$-0.86 +2025-03-10 16:22:33,894 - INFO - Episode 9: Reward=5.17, Balance=$108.83, Win Rate=77.8%, Trades=9, Episode PnL=$8.83, Total PnL=$964.84, Max Drawdown=1.2%, Pred Accuracy=98.9% +2025-03-10 16:22:33,894 - INFO - Refreshing data for episode 10 +2025-03-10 16:22:33,894 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:34,205 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:22:34,217 - INFO - Initialized environment with 100 candles +2025-03-10 16:22:35,021 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6133464285713 | Take profit: 2089.0727803571426 +2025-03-10 16:22:35,331 - INFO - CLOSED short at 2115.11 | PnL: 0.28% | $0.34 +2025-03-10 16:22:35,331 - INFO - OPENED LONG at 2115.11 | Stop loss: 2104.4859035714285 | Take profit: 2146.9094696428574 +2025-03-10 16:22:35,362 - INFO - CLOSED long at 2114.32 | PnL: -0.04% | $-0.27 +2025-03-10 16:22:35,363 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.9401464285716 | Take profit: 2082.532380357143 +2025-03-10 16:22:35,480 - INFO - CLOSED short at 2114.5 | PnL: -0.01% | $-0.21 +2025-03-10 16:22:35,540 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.7797464285713 | Take profit: 2066.6935803571428 +2025-03-10 16:22:35,705 - INFO - CLOSED short at 2089.84 | PnL: 0.40% | $0.59 +2025-03-10 16:22:35,752 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.719496428572 | Take profit: 2064.674330357143 +2025-03-10 16:22:35,839 - INFO - CLOSED short at 2102.83 | PnL: -0.32% | $-0.82 +2025-03-10 16:22:35,886 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9755964285714 | Take profit: 2071.786030357143 +2025-03-10 16:22:35,915 - INFO - CLOSED short at 2104.22 | PnL: -0.04% | $-0.27 +2025-03-10 16:22:35,973 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.834846428572 | Take profit: 2073.608280357143 +2025-03-10 16:22:35,999 - INFO - CLOSED short at 2099.63 | PnL: 0.27% | $0.33 +2025-03-10 16:22:36,105 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.201846428571 | Take profit: 2067.107280357143 +2025-03-10 16:22:36,188 - INFO - CLOSED short at 2090.99 | PnL: 0.37% | $0.52 +2025-03-10 16:22:36,236 - INFO - OPENED SHORT at 2084.95 | Stop loss: 2095.423296428571 | Take profit: 2053.6029303571427 +2025-03-10 16:22:36,359 - INFO - CLOSED short at 2084.25 | PnL: 0.03% | $-0.13 +2025-03-10 16:22:36,408 - INFO - OPENED SHORT at 2084.11 | Stop loss: 2094.5790964285716 | Take profit: 2052.775530357143 +2025-03-10 16:22:36,458 - INFO - CLOSED short at 2075.07 | PnL: 0.43% | $0.65 +2025-03-10 16:22:36,481 - INFO - OPENED SHORT at 2067.71 | Stop loss: 2078.0970964285716 | Take profit: 2036.621530357143 +2025-03-10 16:22:36,585 - INFO - CLOSED short at 2043.51 | PnL: 1.17% | $2.11 +2025-03-10 16:22:36,634 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.202996428571 | Take profit: 2022.0238303571427 +2025-03-10 16:22:36,674 - INFO - CLOSED short at 2053.22 | PnL: -0.02% | $-0.23 +2025-03-10 16:22:36,707 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.449096428572 | Take profit: 2027.165530357143 +2025-03-10 16:22:36,818 - INFO - CLOSED short at 2044.1 | PnL: 0.68% | $1.16 +2025-03-10 16:22:36,819 - INFO - OPENED LONG at 2044.1 | Stop loss: 2033.8309535714284 | Take profit: 2074.8343196428573 +2025-03-10 16:22:36,844 - INFO - CLOSED long at 2043.59 | PnL: -0.02% | $-0.25 +2025-03-10 16:22:36,880 - INFO - OPENED SHORT at 2042.0 | Stop loss: 2052.258546428571 | Take profit: 2011.297180357143 +2025-03-10 16:22:36,924 - INFO - CLOSED short at 2036.71 | PnL: 0.26% | $0.32 +2025-03-10 16:22:36,970 - INFO - OPENED SHORT at 2027.51 | Stop loss: 2037.6960964285713 | Take profit: 1997.024530357143 +2025-03-10 16:22:37,024 - INFO - CLOSED short at 2010.35 | PnL: 0.85% | $1.51 +2025-03-10 16:22:37,067 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6662464285714 | Take profit: 1985.2340803571428 +2025-03-10 16:22:37,155 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$0.84, Avg Loss=$-0.31 +2025-03-10 16:22:37,156 - INFO - Episode 10: Reward=1.26, Balance=$105.35, Win Rate=56.2%, Trades=16, Episode PnL=$5.61, Total PnL=$970.19, Max Drawdown=1.1%, Pred Accuracy=98.5% +2025-03-10 16:22:37,319 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 16:22:37,319 - INFO - Checkpoint saved at episode 10 +2025-03-10 16:22:38,435 - INFO - Visualization saved for episode 10 +2025-03-10 16:22:40,222 - INFO - Visualization saved for episode 10 +2025-03-10 16:22:40,235 - INFO - Refreshing data for episode 11 +2025-03-10 16:22:40,235 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:40,538 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:22:40,547 - INFO - Initialized environment with 100 candles +2025-03-10 16:22:40,919 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.5730464285716 | Take profit: 2092.9536803571427 +2025-03-10 16:22:41,031 - INFO - CLOSED short at 2114.78 | PnL: 0.48% | $0.74 +2025-03-10 16:22:41,058 - INFO - OPENED SHORT at 2115.52 | Stop loss: 2126.1461464285712 | Take profit: 2083.714380357143 +2025-03-10 16:22:41,108 - INFO - CLOSED short at 2116.06 | PnL: -0.03% | $-0.25 +2025-03-10 16:22:41,151 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.8345964285713 | Take profit: 2083.409030357143 +2025-03-10 16:22:41,614 - INFO - CLOSED short at 2100.0 | PnL: 0.72% | $1.22 +2025-03-10 16:22:41,657 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3926964285715 | Take profit: 2071.214730357143 +2025-03-10 16:22:41,715 - INFO - CLOSED short at 2104.22 | PnL: -0.07% | $-0.33 +2025-03-10 16:22:41,741 - INFO - OPENED SHORT at 2104.67 | Stop loss: 2115.2418964285716 | Take profit: 2073.027130357143 +2025-03-10 16:22:41,834 - INFO - CLOSED short at 2094.16 | PnL: 0.50% | $0.79 +2025-03-10 16:22:41,865 - INFO - OPENED SHORT at 2096.96 | Stop loss: 2107.493346428572 | Take profit: 2065.4327803571427 +2025-03-10 16:22:42,154 - INFO - CLOSED short at 2085.37 | PnL: 0.55% | $0.90 +2025-03-10 16:22:42,183 - INFO - OPENED SHORT at 2084.11 | Stop loss: 2094.5790964285716 | Take profit: 2052.775530357143 +2025-03-10 16:22:42,278 - INFO - CLOSED short at 2048.3 | PnL: 1.72% | $3.26 +2025-03-10 16:22:42,279 - INFO - OPENED LONG at 2048.3 | Stop loss: 2038.009953571429 | Take profit: 2079.097319642857 +2025-03-10 16:22:42,315 - INFO - CLOSED long at 2051.0 | PnL: 0.13% | $0.07 +2025-03-10 16:22:42,316 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3035464285713 | Take profit: 2020.162180357143 +2025-03-10 16:22:42,362 - INFO - CLOSED short at 2043.51 | PnL: 0.37% | $0.55 +2025-03-10 16:22:42,406 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.202996428571 | Take profit: 2022.0238303571427 +2025-03-10 16:22:42,451 - INFO - CLOSED short at 2053.22 | PnL: -0.02% | $-0.24 +2025-03-10 16:22:42,491 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.449096428572 | Take profit: 2027.165530357143 +2025-03-10 16:22:42,523 - INFO - CLOSED short at 2054.03 | PnL: 0.20% | $0.20 +2025-03-10 16:22:42,554 - INFO - OPENED SHORT at 2050.18 | Stop loss: 2060.4794464285715 | Take profit: 2019.3544803571428 +2025-03-10 16:22:42,599 - INFO - CLOSED short at 2043.95 | PnL: 0.30% | $0.43 +2025-03-10 16:22:42,663 - INFO - OPENED SHORT at 2042.0 | Stop loss: 2052.258546428571 | Take profit: 2011.297180357143 +2025-03-10 16:22:42,689 - INFO - CLOSED short at 2036.71 | PnL: 0.26% | $0.33 +2025-03-10 16:22:42,770 - INFO - OPENED SHORT at 2010.35 | Stop loss: 2020.4502964285714 | Take profit: 1980.121930357143 +2025-03-10 16:22:42,812 - INFO - CLOSED short at 2015.54 | PnL: -0.26% | $-0.75 +2025-03-10 16:22:42,896 - INFO - OPENED SHORT at 2019.57 | Stop loss: 2029.7163964285714 | Take profit: 1989.2036303571429 +2025-03-10 16:22:42,915 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$0.85, Avg Loss=$-0.39 +2025-03-10 16:22:42,916 - INFO - Episode 11: Reward=7.44, Balance=$106.92, Win Rate=71.4%, Trades=14, Episode PnL=$6.85, Total PnL=$977.10, Max Drawdown=0.7%, Pred Accuracy=97.9% +2025-03-10 16:22:43,056 - INFO - Model saved to models/trading_agent_best_winrate.pt +2025-03-10 16:22:43,057 - INFO - New best win rate model saved: 71.4% +2025-03-10 16:22:43,057 - INFO - Refreshing data for episode 12 +2025-03-10 16:22:43,058 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:43,365 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:22:43,376 - INFO - Initialized environment with 100 candles +2025-03-10 16:22:43,458 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0201964285716 | Take profit: 2096.3322303571426 +2025-03-10 16:22:43,503 - INFO - CLOSED short at 2120.26 | PnL: 0.38% | $0.55 +2025-03-10 16:22:43,527 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.442596428571 | Take profit: 2084.985030357143 +2025-03-10 16:22:43,550 - INFO - CLOSED short at 2114.78 | PnL: 0.10% | $-0.01 +2025-03-10 16:22:43,578 - INFO - OPENED SHORT at 2115.52 | Stop loss: 2126.1461464285712 | Take profit: 2083.714380357143 +2025-03-10 16:22:43,662 - INFO - CLOSED short at 2114.1 | PnL: 0.07% | $-0.06 +2025-03-10 16:22:43,765 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.1913964285714 | Take profit: 2082.778630357143 +2025-03-10 16:22:43,950 - INFO - CLOSED short at 2098.24 | PnL: 0.77% | $1.32 +2025-03-10 16:22:44,137 - INFO - OPENED SHORT at 2089.04 | Stop loss: 2099.5337464285717 | Take profit: 2057.631580357143 +2025-03-10 16:22:44,200 - INFO - CLOSED short at 2100.0 | PnL: -0.52% | $-1.24 +2025-03-10 16:22:44,316 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.834846428572 | Take profit: 2073.608280357143 +2025-03-10 16:22:44,356 - INFO - CLOSED short at 2099.63 | PnL: 0.27% | $0.33 +2025-03-10 16:22:44,397 - INFO - OPENED SHORT at 2099.22 | Stop loss: 2109.7646464285713 | Take profit: 2067.6588803571426 +2025-03-10 16:22:44,443 - INFO - CLOSED short at 2094.16 | PnL: 0.24% | $0.28 +2025-03-10 16:22:44,503 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.201846428571 | Take profit: 2067.107280357143 +2025-03-10 16:22:44,552 - INFO - CLOSED short at 2090.99 | PnL: 0.37% | $0.52 +2025-03-10 16:22:44,613 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2222964285716 | Take profit: 2053.4059303571426 +2025-03-10 16:22:44,634 - INFO - CLOSED short at 2081.0 | PnL: 0.18% | $0.16 +2025-03-10 16:22:44,683 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8453964285713 | Take profit: 2054.0166303571427 +2025-03-10 16:22:44,758 - INFO - CLOSED short at 2083.07 | PnL: 0.11% | $0.02 +2025-03-10 16:22:44,797 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.4938964285716 | Take profit: 2043.8711303571429 +2025-03-10 16:22:44,835 - INFO - CLOSED short at 2067.71 | PnL: 0.35% | $0.51 +2025-03-10 16:22:44,874 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5900464285714 | Take profit: 2017.502680357143 +2025-03-10 16:22:44,918 - INFO - CLOSED short at 2043.51 | PnL: 0.23% | $0.27 +2025-03-10 16:22:44,958 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.5346464285712 | Take profit: 2022.3488803571427 +2025-03-10 16:22:45,000 - INFO - CLOSED short at 2054.03 | PnL: -0.04% | $-0.28 +2025-03-10 16:22:45,021 - INFO - OPENED SHORT at 2050.18 | Stop loss: 2060.4794464285715 | Take profit: 2019.3544803571428 +2025-03-10 16:22:45,119 - INFO - CLOSED short at 2043.59 | PnL: 0.32% | $0.44 +2025-03-10 16:22:45,154 - INFO - OPENED SHORT at 2042.0 | Stop loss: 2052.258546428571 | Take profit: 2011.297180357143 +2025-03-10 16:22:45,260 - INFO - TAKE PROFIT hit for short at 2011.297180357143 | PnL: 1.50% | $2.82 +2025-03-10 16:22:45,336 - INFO - OPENED SHORT at 2019.57 | Stop loss: 2029.7163964285714 | Take profit: 1989.2036303571429 +2025-03-10 16:22:45,358 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$0.66, Avg Loss=$-0.40 +2025-03-10 16:22:45,359 - INFO - Episode 12: Reward=2.03, Balance=$105.62, Win Rate=73.3%, Trades=15, Episode PnL=$5.62, Total PnL=$982.72, Max Drawdown=1.2%, Pred Accuracy=96.9% +2025-03-10 16:22:45,498 - INFO - Model saved to models/trading_agent_best_winrate.pt +2025-03-10 16:22:45,498 - INFO - New best win rate model saved: 73.3% +2025-03-10 16:22:45,499 - INFO - Refreshing data for episode 13 +2025-03-10 16:22:45,499 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:45,837 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:22:45,846 - INFO - Initialized environment with 100 candles +2025-03-10 16:22:45,880 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6133464285713 | Take profit: 2089.0727803571426 +2025-03-10 16:22:45,903 - INFO - CLOSED short at 2124.9 | PnL: -0.19% | $-0.56 +2025-03-10 16:22:45,948 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4423964285716 | Take profit: 2092.825630357143 +2025-03-10 16:22:46,028 - INFO - CLOSED short at 2115.52 | PnL: 0.44% | $0.65 +2025-03-10 16:22:46,052 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.3722964285716 | Take profit: 2082.9559303571427 +2025-03-10 16:22:46,076 - INFO - CLOSED short at 2116.06 | PnL: -0.06% | $-0.32 +2025-03-10 16:22:46,129 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.7190464285713 | Take profit: 2082.315680357143 +2025-03-10 16:22:46,202 - INFO - CLOSED short at 2114.32 | PnL: -0.01% | $-0.22 +2025-03-10 16:22:46,299 - INFO - OPENED SHORT at 2113.28 | Stop loss: 2123.8949464285715 | Take profit: 2081.507980357143 +2025-03-10 16:22:46,356 - INFO - CLOSED short at 2115.07 | PnL: -0.08% | $-0.36 +2025-03-10 16:22:46,378 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.7797464285713 | Take profit: 2066.6935803571428 +2025-03-10 16:22:46,404 - INFO - CLOSED short at 2098.28 | PnL: -0.00% | $-0.20 +2025-03-10 16:22:46,428 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.8653464285717 | Take profit: 2059.916780357143 +2025-03-10 16:22:46,476 - INFO - CLOSED short at 2096.36 | PnL: -0.24% | $-0.66 +2025-03-10 16:22:46,587 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.719496428572 | Take profit: 2064.674330357143 +2025-03-10 16:22:46,631 - INFO - CLOSED short at 2100.0 | PnL: -0.18% | $-0.54 +2025-03-10 16:22:46,676 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3926964285715 | Take profit: 2071.214730357143 +2025-03-10 16:22:46,710 - INFO - CLOSED short at 2103.41 | PnL: -0.03% | $-0.24 +2025-03-10 16:22:46,748 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.789646428571 | Take profit: 2072.583880357143 +2025-03-10 16:22:46,809 - INFO - CLOSED short at 2105.26 | PnL: -0.05% | $-0.28 +2025-03-10 16:22:46,845 - INFO - OPENED SHORT at 2099.63 | Stop loss: 2110.176696428571 | Take profit: 2068.0627303571428 +2025-03-10 16:22:46,891 - INFO - CLOSED short at 2094.16 | PnL: 0.26% | $0.31 +2025-03-10 16:22:46,916 - INFO - OPENED SHORT at 2096.96 | Stop loss: 2107.493346428572 | Take profit: 2065.4327803571427 +2025-03-10 16:22:46,939 - INFO - CLOSED short at 2098.66 | PnL: -0.08% | $-0.35 +2025-03-10 16:22:46,964 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.091496428571 | Take profit: 2059.158330357143 +2025-03-10 16:22:46,992 - INFO - CLOSED short at 2090.99 | PnL: -0.02% | $-0.23 +2025-03-10 16:22:47,020 - INFO - OPENED SHORT at 2084.95 | Stop loss: 2095.423296428571 | Take profit: 2053.6029303571427 +2025-03-10 16:22:47,046 - INFO - CLOSED short at 2080.58 | PnL: 0.21% | $0.21 +2025-03-10 16:22:47,108 - INFO - OPENED SHORT at 2081.0 | Stop loss: 2091.4535464285714 | Take profit: 2049.712180357143 +2025-03-10 16:22:47,148 - INFO - CLOSED short at 2084.25 | PnL: -0.16% | $-0.49 +2025-03-10 16:22:47,260 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.5338964285716 | Take profit: 2051.751130357143 +2025-03-10 16:22:47,297 - INFO - CLOSED short at 2075.07 | PnL: 0.38% | $0.54 +2025-03-10 16:22:47,320 - INFO - OPENED SHORT at 2067.71 | Stop loss: 2078.0970964285716 | Take profit: 2036.621530357143 +2025-03-10 16:22:47,392 - INFO - CLOSED short at 2043.51 | PnL: 1.17% | $2.03 +2025-03-10 16:22:47,471 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.449096428572 | Take profit: 2027.165530357143 +2025-03-10 16:22:47,528 - INFO - CLOSED short at 2050.18 | PnL: 0.39% | $0.55 +2025-03-10 16:22:47,569 - INFO - OPENED SHORT at 2046.76 | Stop loss: 2057.0423464285714 | Take profit: 2015.9857803571429 +2025-03-10 16:22:47,609 - INFO - CLOSED short at 2043.95 | PnL: 0.14% | $0.07 +2025-03-10 16:22:47,718 - INFO - OPENED LONG at 2042.0 | Stop loss: 2031.7414535714286 | Take profit: 2072.702819642857 +2025-03-10 16:22:47,743 - INFO - CLOSED long at 2036.71 | PnL: -0.26% | $-0.70 +2025-03-10 16:22:47,762 - INFO - OPENED LONG at 2027.51 | Stop loss: 2017.3239035714284 | Take profit: 2057.995469642857 +2025-03-10 16:22:47,783 - INFO - CLOSED long at 2010.35 | PnL: -0.85% | $-1.83 +2025-03-10 16:22:47,784 - INFO - OPENED SHORT at 2010.35 | Stop loss: 2020.4502964285714 | Take profit: 1980.121930357143 +2025-03-10 16:22:47,809 - INFO - CLOSED short at 2015.54 | PnL: -0.26% | $-0.68 +2025-03-10 16:22:47,886 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.62, Avg Loss=$-0.51 +2025-03-10 16:22:47,887 - INFO - Episode 13: Reward=-19.13, Balance=$96.71, Win Rate=31.8%, Trades=22, Episode PnL=$-1.45, Total PnL=$979.44, Max Drawdown=3.4%, Pred Accuracy=96.6% +2025-03-10 16:22:47,887 - INFO - Refreshing data for episode 14 +2025-03-10 16:22:47,888 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:48,195 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:22:48,207 - INFO - Initialized environment with 100 candles +2025-03-10 16:22:48,415 - INFO - OPENED LONG at 2128.33 | Stop loss: 2117.6398035714287 | Take profit: 2160.327769642857 +2025-03-10 16:22:48,466 - INFO - CLOSED long at 2124.77 | PnL: -0.17% | $-0.52 +2025-03-10 16:22:48,627 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.8345964285713 | Take profit: 2083.409030357143 +2025-03-10 16:22:48,654 - INFO - CLOSED short at 2114.1 | PnL: 0.05% | $-0.09 +2025-03-10 16:22:48,697 - INFO - OPENED LONG at 2114.32 | Stop loss: 2103.699853571429 | Take profit: 2146.107619642857 +2025-03-10 16:22:48,733 - INFO - CLOSED long at 2114.57 | PnL: 0.01% | $-0.17 +2025-03-10 16:22:48,972 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.598796428572 | Take profit: 2068.4764303571433 +2025-03-10 16:22:48,994 - INFO - CLOSED short at 2096.36 | PnL: 0.18% | $0.15 +2025-03-10 16:22:49,270 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.834846428572 | Take profit: 2073.608280357143 +2025-03-10 16:22:49,302 - INFO - CLOSED short at 2099.63 | PnL: 0.27% | $0.33 +2025-03-10 16:22:49,463 - INFO - OPENED SHORT at 2084.95 | Stop loss: 2095.423296428571 | Take profit: 2053.6029303571427 +2025-03-10 16:22:49,488 - INFO - CLOSED short at 2080.58 | PnL: 0.21% | $0.21 +2025-03-10 16:22:49,636 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8453964285713 | Take profit: 2054.0166303571427 +2025-03-10 16:22:49,674 - INFO - CLOSED short at 2084.11 | PnL: 0.06% | $-0.08 +2025-03-10 16:22:49,773 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5900464285714 | Take profit: 2017.502680357143 +2025-03-10 16:22:49,795 - INFO - CLOSED short at 2051.0 | PnL: -0.13% | $-0.45 +2025-03-10 16:22:49,837 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.202996428571 | Take profit: 2022.0238303571427 +2025-03-10 16:22:49,856 - INFO - CLOSED short at 2053.22 | PnL: -0.02% | $-0.23 +2025-03-10 16:22:49,878 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.449096428572 | Take profit: 2027.165530357143 +2025-03-10 16:22:49,918 - INFO - CLOSED short at 2054.03 | PnL: 0.20% | $0.19 +2025-03-10 16:22:49,958 - INFO - OPENED SHORT at 2050.18 | Stop loss: 2060.4794464285715 | Take profit: 2019.3544803571428 +2025-03-10 16:22:49,996 - INFO - CLOSED short at 2046.76 | PnL: 0.17% | $0.13 +2025-03-10 16:22:50,070 - INFO - OPENED SHORT at 2044.1 | Stop loss: 2054.3690464285714 | Take profit: 2013.3656803571428 +2025-03-10 16:22:50,102 - INFO - CLOSED short at 2043.59 | PnL: 0.02% | $-0.15 +2025-03-10 16:22:50,290 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.20, Avg Loss=$-0.24 +2025-03-10 16:22:50,290 - INFO - Episode 14: Reward=-14.29, Balance=$99.32, Win Rate=41.7%, Trades=12, Episode PnL=$-0.68, Total PnL=$978.75, Max Drawdown=0.9%, Pred Accuracy=97.2% +2025-03-10 16:22:50,291 - INFO - Refreshing data for episode 15 +2025-03-10 16:22:50,291 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:50,603 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:22:50,613 - INFO - Initialized environment with 100 candles +2025-03-10 16:22:51,707 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.5730464285716 | Take profit: 2092.9536803571427 +2025-03-10 16:22:51,789 - INFO - CLOSED short at 2124.77 | PnL: 0.01% | $-0.18 +2025-03-10 16:22:51,916 - INFO - OPENED SHORT at 2115.52 | Stop loss: 2126.1461464285712 | Take profit: 2083.714380357143 +2025-03-10 16:22:51,937 - INFO - CLOSED short at 2114.75 | PnL: 0.04% | $-0.12 +2025-03-10 16:22:52,104 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.1913964285714 | Take profit: 2082.778630357143 +2025-03-10 16:22:52,144 - INFO - CLOSED short at 2112.57 | PnL: 0.09% | $-0.01 +2025-03-10 16:22:52,471 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3926964285715 | Take profit: 2071.214730357143 +2025-03-10 16:22:52,517 - INFO - CLOSED short at 2103.41 | PnL: -0.03% | $-0.25 +2025-03-10 16:22:52,722 - INFO - OPENED SHORT at 2094.16 | Stop loss: 2104.679346428571 | Take profit: 2062.674780357143 +2025-03-10 16:22:52,767 - INFO - CLOSED short at 2098.66 | PnL: -0.21% | $-0.61 +2025-03-10 16:22:52,813 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.4934964285712 | Take profit: 2059.5523303571426 +2025-03-10 16:22:52,844 - INFO - CLOSED short at 2084.95 | PnL: 0.29% | $0.36 +2025-03-10 16:22:52,998 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8453964285713 | Take profit: 2054.0166303571427 +2025-03-10 16:22:53,048 - INFO - CLOSED short at 2084.11 | PnL: 0.06% | $-0.08 +2025-03-10 16:22:53,129 - INFO - OPENED SHORT at 2067.71 | Stop loss: 2078.0970964285716 | Take profit: 2036.621530357143 +2025-03-10 16:22:53,154 - INFO - CLOSED short at 2048.3 | PnL: 0.94% | $1.62 +2025-03-10 16:22:53,176 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3035464285713 | Take profit: 2020.162180357143 +2025-03-10 16:22:53,198 - INFO - CLOSED short at 2043.51 | PnL: 0.37% | $0.52 +2025-03-10 16:22:53,519 - INFO - OPENED SHORT at 2036.71 | Stop loss: 2046.9420964285716 | Take profit: 2006.086530357143 +2025-03-10 16:22:53,541 - INFO - CLOSED short at 2027.51 | PnL: 0.45% | $0.70 +2025-03-10 16:22:53,652 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.80, Avg Loss=$-0.21 +2025-03-10 16:22:53,654 - INFO - Episode 15: Reward=-11.74, Balance=$101.95, Win Rate=40.0%, Trades=10, Episode PnL=$1.95, Total PnL=$980.71, Max Drawdown=1.2%, Pred Accuracy=97.4% +2025-03-10 16:22:53,655 - INFO - Refreshing data for episode 16 +2025-03-10 16:22:53,655 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:53,997 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:22:54,007 - INFO - Initialized environment with 100 candles +2025-03-10 16:22:54,276 - INFO - OPENED LONG at 2120.26 | Stop loss: 2109.610153571429 | Take profit: 2152.1367196428573 +2025-03-10 16:22:54,300 - INFO - CLOSED long at 2116.81 | PnL: -0.16% | $-0.51 +2025-03-10 16:22:54,416 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.8345964285713 | Take profit: 2083.409030357143 +2025-03-10 16:22:54,450 - INFO - CLOSED short at 2114.1 | PnL: 0.05% | $-0.09 +2025-03-10 16:22:54,558 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.1813964285716 | Take profit: 2080.808630357143 +2025-03-10 16:22:54,598 - INFO - CLOSED short at 2113.28 | PnL: -0.03% | $-0.26 +2025-03-10 16:22:54,635 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.1210464285714 | Take profit: 2082.709680357143 +2025-03-10 16:22:54,675 - INFO - CLOSED short at 2115.07 | PnL: -0.03% | $-0.25 +2025-03-10 16:22:54,978 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.789646428571 | Take profit: 2072.583880357143 +2025-03-10 16:22:55,019 - INFO - CLOSED short at 2104.67 | PnL: -0.02% | $-0.23 +2025-03-10 16:22:55,272 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0314464285716 | Take profit: 2049.2984803571426 +2025-03-10 16:22:55,305 - INFO - CLOSED short at 2084.75 | PnL: -0.20% | $-0.58 +2025-03-10 16:22:55,423 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8453964285713 | Take profit: 2054.0166303571427 +2025-03-10 16:22:55,466 - INFO - CLOSED short at 2084.11 | PnL: 0.06% | $-0.08 +2025-03-10 16:22:55,516 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.4938964285716 | Take profit: 2043.8711303571429 +2025-03-10 16:22:55,539 - INFO - CLOSED short at 2067.71 | PnL: 0.35% | $0.49 +2025-03-10 16:22:55,571 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5900464285714 | Take profit: 2017.502680357143 +2025-03-10 16:22:55,596 - INFO - CLOSED short at 2051.0 | PnL: -0.13% | $-0.45 +2025-03-10 16:22:55,625 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.7760964285717 | Take profit: 2012.7845303571428 +2025-03-10 16:22:55,649 - INFO - CLOSED short at 2052.89 | PnL: -0.46% | $-1.07 +2025-03-10 16:22:55,668 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.5346464285712 | Take profit: 2022.3488803571427 +2025-03-10 16:22:55,711 - INFO - CLOSED short at 2058.11 | PnL: -0.24% | $-0.64 +2025-03-10 16:22:55,762 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.3486964285717 | Take profit: 2023.146730357143 +2025-03-10 16:22:55,838 - INFO - CLOSED short at 2046.76 | PnL: 0.35% | $0.48 +2025-03-10 16:22:55,880 - INFO - OPENED SHORT at 2043.95 | Stop loss: 2054.218296428571 | Take profit: 2013.217930357143 +2025-03-10 16:22:55,906 - INFO - CLOSED short at 2044.1 | PnL: -0.01% | $-0.20 +2025-03-10 16:22:55,994 - INFO - OPENED SHORT at 2036.71 | Stop loss: 2046.9420964285716 | Take profit: 2006.086530357143 +2025-03-10 16:22:56,019 - INFO - CLOSED short at 2027.51 | PnL: 0.45% | $0.66 +2025-03-10 16:22:56,146 - INFO - OPENED SHORT at 2019.57 | Stop loss: 2029.7163964285714 | Take profit: 1989.2036303571429 +2025-03-10 16:22:56,188 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.54, Avg Loss=$-0.40 +2025-03-10 16:22:56,189 - INFO - Episode 16: Reward=-20.98, Balance=$97.27, Win Rate=21.4%, Trades=14, Episode PnL=$-2.73, Total PnL=$977.97, Max Drawdown=3.7%, Pred Accuracy=97.3% +2025-03-10 16:22:56,189 - INFO - Refreshing data for episode 17 +2025-03-10 16:22:56,189 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:56,502 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:22:56,513 - INFO - Initialized environment with 100 candles +2025-03-10 16:22:56,718 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6133464285713 | Take profit: 2089.0727803571426 +2025-03-10 16:22:56,798 - INFO - CLOSED short at 2128.33 | PnL: -0.35% | $-0.87 +2025-03-10 16:22:56,888 - INFO - OPENED SHORT at 2120.26 | Stop loss: 2130.9098464285717 | Take profit: 2088.383280357143 +2025-03-10 16:22:56,976 - INFO - CLOSED short at 2114.78 | PnL: 0.26% | $0.31 +2025-03-10 16:22:57,106 - INFO - OPENED SHORT at 2116.06 | Stop loss: 2126.688846428571 | Take profit: 2084.246280357143 +2025-03-10 16:22:57,148 - INFO - CLOSED short at 2115.21 | PnL: 0.04% | $-0.12 +2025-03-10 16:22:57,182 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.7190464285713 | Take profit: 2082.315680357143 +2025-03-10 16:22:57,237 - INFO - CLOSED short at 2114.32 | PnL: -0.01% | $-0.21 +2025-03-10 16:22:57,263 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.1913964285714 | Take profit: 2082.778630357143 +2025-03-10 16:22:57,287 - INFO - CLOSED short at 2112.57 | PnL: 0.09% | $-0.01 +2025-03-10 16:22:57,314 - INFO - OPENED SHORT at 2113.28 | Stop loss: 2123.8949464285715 | Take profit: 2081.507980357143 +2025-03-10 16:22:57,344 - INFO - CLOSED short at 2114.5 | PnL: -0.06% | $-0.31 +2025-03-10 16:22:57,374 - INFO - OPENED SHORT at 2115.07 | Stop loss: 2125.6938964285714 | Take profit: 2083.271130357143 +2025-03-10 16:22:57,487 - INFO - CLOSED short at 2096.36 | PnL: 0.88% | $1.52 +2025-03-10 16:22:57,487 - INFO - OPENED LONG at 2096.36 | Stop loss: 2085.8296535714285 | Take profit: 2127.8782196428574 +2025-03-10 16:22:57,515 - INFO - CLOSED long at 2089.04 | PnL: -0.35% | $-0.88 +2025-03-10 16:22:57,709 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9755964285714 | Take profit: 2071.786030357143 +2025-03-10 16:22:57,733 - INFO - CLOSED short at 2104.22 | PnL: -0.04% | $-0.27 +2025-03-10 16:22:57,781 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.834846428572 | Take profit: 2073.608280357143 +2025-03-10 16:22:57,810 - INFO - CLOSED short at 2099.63 | PnL: 0.27% | $0.32 +2025-03-10 16:22:57,880 - INFO - OPENED SHORT at 2096.96 | Stop loss: 2107.493346428572 | Take profit: 2065.4327803571427 +2025-03-10 16:22:57,923 - INFO - CLOSED short at 2098.66 | PnL: -0.08% | $-0.35 +2025-03-10 16:22:57,969 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.091496428571 | Take profit: 2059.158330357143 +2025-03-10 16:22:58,107 - INFO - CLOSED short at 2084.75 | PnL: 0.28% | $0.35 +2025-03-10 16:22:58,200 - INFO - OPENED SHORT at 2084.11 | Stop loss: 2094.5790964285716 | Take profit: 2052.775530357143 +2025-03-10 16:22:58,226 - INFO - CLOSED short at 2083.07 | PnL: 0.05% | $-0.10 +2025-03-10 16:22:58,249 - INFO - OPENED SHORT at 2075.07 | Stop loss: 2085.4938964285716 | Take profit: 2043.8711303571429 +2025-03-10 16:22:58,345 - INFO - CLOSED short at 2051.0 | PnL: 1.16% | $2.06 +2025-03-10 16:22:58,431 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.202996428571 | Take profit: 2022.0238303571427 +2025-03-10 16:22:58,476 - INFO - CLOSED short at 2053.22 | PnL: -0.02% | $-0.23 +2025-03-10 16:22:58,521 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.3486964285717 | Take profit: 2023.146730357143 +2025-03-10 16:22:58,549 - INFO - CLOSED short at 2050.18 | PnL: 0.19% | $0.17 +2025-03-10 16:22:58,577 - INFO - OPENED SHORT at 2046.76 | Stop loss: 2057.0423464285714 | Take profit: 2015.9857803571429 +2025-03-10 16:22:58,787 - INFO - CLOSED short at 2010.35 | PnL: 1.78% | $3.33 +2025-03-10 16:22:58,825 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6662464285714 | Take profit: 1985.2340803571428 +2025-03-10 16:22:58,908 - INFO - CLOSED short at 2019.57 | PnL: -0.20% | $-0.61 +2025-03-10 16:22:58,932 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.15, Avg Loss=$-0.36 +2025-03-10 16:22:58,933 - INFO - Episode 17: Reward=-8.05, Balance=$104.09, Win Rate=38.9%, Trades=18, Episode PnL=$4.09, Total PnL=$982.06, Max Drawdown=1.2%, Pred Accuracy=97.1% +2025-03-10 16:22:58,933 - INFO - Refreshing data for episode 18 +2025-03-10 16:22:58,934 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:22:59,269 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:22:59,279 - INFO - Initialized environment with 100 candles +2025-03-10 16:22:59,312 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6133464285713 | Take profit: 2089.0727803571426 +2025-03-10 16:22:59,479 - INFO - CLOSED short at 2115.52 | PnL: 0.26% | $0.31 +2025-03-10 16:22:59,514 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.3722964285716 | Take profit: 2082.9559303571427 +2025-03-10 16:22:59,548 - INFO - CLOSED short at 2116.06 | PnL: -0.06% | $-0.32 +2025-03-10 16:22:59,587 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.8345964285713 | Take profit: 2083.409030357143 +2025-03-10 16:22:59,622 - INFO - CLOSED short at 2114.1 | PnL: 0.05% | $-0.09 +2025-03-10 16:22:59,656 - INFO - OPENED SHORT at 2115.11 | Stop loss: 2125.734096428572 | Take profit: 2083.310530357143 +2025-03-10 16:22:59,706 - INFO - CLOSED short at 2114.57 | PnL: 0.03% | $-0.15 +2025-03-10 16:22:59,707 - INFO - OPENED LONG at 2114.57 | Stop loss: 2103.948603571429 | Take profit: 2146.3613696428574 +2025-03-10 16:22:59,729 - INFO - CLOSED long at 2112.57 | PnL: -0.09% | $-0.38 +2025-03-10 16:22:59,729 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.1813964285716 | Take profit: 2080.808630357143 +2025-03-10 16:22:59,755 - INFO - CLOSED short at 2113.28 | PnL: -0.03% | $-0.26 +2025-03-10 16:22:59,803 - INFO - OPENED SHORT at 2115.07 | Stop loss: 2125.6938964285714 | Take profit: 2083.271130357143 +2025-03-10 16:22:59,828 - INFO - CLOSED short at 2098.24 | PnL: 0.80% | $1.35 +2025-03-10 16:22:59,855 - INFO - OPENED SHORT at 2098.28 | Stop loss: 2108.8199464285717 | Take profit: 2066.732980357143 +2025-03-10 16:22:59,965 - INFO - CLOSED short at 2096.36 | PnL: 0.09% | $-0.02 +2025-03-10 16:23:00,117 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.719496428572 | Take profit: 2064.674330357143 +2025-03-10 16:23:00,442 - INFO - CLOSED short at 2096.96 | PnL: -0.04% | $-0.27 +2025-03-10 16:23:00,486 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.201846428571 | Take profit: 2067.107280357143 +2025-03-10 16:23:00,699 - INFO - CLOSED short at 2084.25 | PnL: 0.69% | $1.15 +2025-03-10 16:23:00,741 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8453964285713 | Take profit: 2054.0166303571427 +2025-03-10 16:23:00,888 - INFO - CLOSED short at 2067.71 | PnL: 0.85% | $1.48 +2025-03-10 16:23:00,912 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5900464285714 | Take profit: 2017.502680357143 +2025-03-10 16:23:00,960 - INFO - CLOSED short at 2043.51 | PnL: 0.23% | $0.27 +2025-03-10 16:23:00,984 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.202996428571 | Take profit: 2022.0238303571427 +2025-03-10 16:23:01,052 - INFO - CLOSED short at 2054.03 | PnL: -0.06% | $-0.31 +2025-03-10 16:23:01,081 - INFO - OPENED SHORT at 2050.18 | Stop loss: 2060.4794464285715 | Take profit: 2019.3544803571428 +2025-03-10 16:23:01,119 - INFO - CLOSED short at 2046.76 | PnL: 0.17% | $0.13 +2025-03-10 16:23:01,249 - INFO - OPENED SHORT at 2043.59 | Stop loss: 2053.8564964285715 | Take profit: 2012.8633303571428 +2025-03-10 16:23:01,292 - INFO - CLOSED short at 2042.0 | PnL: 0.08% | $-0.04 +2025-03-10 16:23:01,316 - INFO - OPENED SHORT at 2036.71 | Stop loss: 2046.9420964285716 | Take profit: 2006.086530357143 +2025-03-10 16:23:01,340 - INFO - CLOSED short at 2027.51 | PnL: 0.45% | $0.71 +2025-03-10 16:23:01,365 - INFO - OPENED SHORT at 2010.35 | Stop loss: 2020.4502964285714 | Take profit: 1980.121930357143 +2025-03-10 16:23:01,457 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.77, Avg Loss=$-0.20 +2025-03-10 16:23:01,458 - INFO - Episode 18: Reward=-3.43, Balance=$103.55, Win Rate=43.8%, Trades=16, Episode PnL=$3.93, Total PnL=$985.61, Max Drawdown=1.2%, Pred Accuracy=97.1% +2025-03-10 16:23:01,458 - INFO - Refreshing data for episode 19 +2025-03-10 16:23:01,459 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:23:01,768 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:23:01,778 - INFO - Initialized environment with 100 candles +2025-03-10 16:23:01,968 - INFO - OPENED SHORT at 2120.96 | Stop loss: 2131.6133464285713 | Take profit: 2089.0727803571426 +2025-03-10 16:23:02,077 - INFO - CLOSED short at 2128.33 | PnL: -0.35% | $-0.87 +2025-03-10 16:23:02,100 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4423964285716 | Take profit: 2092.825630357143 +2025-03-10 16:23:02,255 - INFO - CLOSED short at 2115.21 | PnL: 0.45% | $0.68 +2025-03-10 16:23:02,278 - INFO - OPENED SHORT at 2114.1 | Stop loss: 2124.7190464285713 | Take profit: 2082.315680357143 +2025-03-10 16:23:02,301 - INFO - CLOSED short at 2115.11 | PnL: -0.05% | $-0.29 +2025-03-10 16:23:02,326 - INFO - OPENED SHORT at 2114.32 | Stop loss: 2124.9401464285716 | Take profit: 2082.532380357143 +2025-03-10 16:23:02,427 - INFO - CLOSED short at 2114.5 | PnL: -0.01% | $-0.21 +2025-03-10 16:23:02,452 - INFO - OPENED SHORT at 2115.07 | Stop loss: 2125.6938964285714 | Take profit: 2083.271130357143 +2025-03-10 16:23:02,641 - INFO - CLOSED short at 2100.0 | PnL: 0.71% | $1.19 +2025-03-10 16:23:02,664 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3926964285715 | Take profit: 2071.214730357143 +2025-03-10 16:23:03,016 - INFO - CLOSED short at 2085.37 | PnL: 0.83% | $1.43 +2025-03-10 16:23:03,041 - INFO - OPENED SHORT at 2084.11 | Stop loss: 2094.5790964285716 | Take profit: 2052.775530357143 +2025-03-10 16:23:03,145 - INFO - TAKE PROFIT hit for short at 2052.775530357143 | PnL: 1.50% | $2.80 +2025-03-10 16:23:03,168 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3035464285713 | Take profit: 2020.162180357143 +2025-03-10 16:23:03,241 - INFO - CLOSED short at 2053.22 | PnL: -0.11% | $-0.43 +2025-03-10 16:23:03,289 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.3486964285717 | Take profit: 2023.146730357143 +2025-03-10 16:23:03,513 - INFO - TAKE PROFIT hit for short at 2023.146730357143 | PnL: 1.50% | $2.86 +2025-03-10 16:23:03,535 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6662464285714 | Take profit: 1985.2340803571428 +2025-03-10 16:23:03,600 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.79, Avg Loss=$-0.45 +2025-03-10 16:23:03,601 - INFO - Episode 19: Reward=-1.46, Balance=$107.16, Win Rate=55.6%, Trades=9, Episode PnL=$7.16, Total PnL=$992.77, Max Drawdown=0.9%, Pred Accuracy=97.2% +2025-03-10 16:23:03,602 - INFO - Refreshing data for episode 20 +2025-03-10 16:23:03,603 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:23:03,907 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:23:03,916 - INFO - Initialized environment with 100 candles +2025-03-10 16:23:04,684 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.5706964285714 | Take profit: 2092.9572053571433 +2025-03-10 16:23:04,823 - INFO - CLOSED short at 2115.52 | PnL: 0.44% | $0.67 +2025-03-10 16:23:04,846 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.3699464285714 | Take profit: 2082.959455357143 +2025-03-10 16:23:05,611 - INFO - TAKE PROFIT hit for short at 2082.959455357143 | PnL: 1.50% | $2.76 +2025-03-10 16:23:05,636 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2199464285713 | Take profit: 2053.409455357143 +2025-03-10 16:23:05,911 - INFO - TAKE PROFIT hit for short at 2053.409455357143 | PnL: 1.50% | $2.84 +2025-03-10 16:23:05,938 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.301196428571 | Take profit: 2020.165705357143 +2025-03-10 16:23:06,337 - INFO - TAKE PROFIT hit for short at 2020.165705357143 | PnL: 1.50% | $2.92 +2025-03-10 16:23:06,364 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6638964285717 | Take profit: 1985.237605357143 +2025-03-10 16:23:06,463 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.30, Avg Loss=$0.00 +2025-03-10 16:23:06,464 - INFO - Episode 20: Reward=1.70, Balance=$109.19, Win Rate=100.0%, Trades=4, Episode PnL=$9.19, Total PnL=$1001.96, Max Drawdown=0.0%, Pred Accuracy=97.5% +2025-03-10 16:23:06,614 - INFO - Model saved to models/trading_agent_best_pnl.pt +2025-03-10 16:23:06,614 - INFO - New best PnL model saved: $9.19 +2025-03-10 16:23:06,766 - INFO - Model saved to checkpoints/trading_agent_episode_20.pt +2025-03-10 16:23:06,767 - INFO - Checkpoint saved at episode 20 +2025-03-10 16:23:06,767 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:23:07,791 - INFO - Visualization saved for episode 20 +2025-03-10 16:23:09,533 - INFO - Visualization saved for episode 20 +2025-03-10 16:23:09,546 - INFO - Refreshing data for episode 21 +2025-03-10 16:23:09,547 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:23:09,858 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:23:09,868 - INFO - Initialized environment with 100 candles +2025-03-10 16:23:09,902 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.572017857143 | Take profit: 2092.955223214286 +2025-03-10 16:23:10,313 - INFO - CLOSED short at 2115.07 | PnL: 0.46% | $0.71 +2025-03-10 16:23:10,337 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.7787178571425 | Take profit: 2066.6951232142856 +2025-03-10 16:23:11,228 - INFO - TAKE PROFIT hit for short at 2066.6951232142856 | PnL: 1.50% | $2.76 +2025-03-10 16:23:11,271 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.302517857143 | Take profit: 2020.1637232142857 +2025-03-10 16:23:11,691 - INFO - TAKE PROFIT hit for short at 2020.1637232142857 | PnL: 1.50% | $2.84 +2025-03-10 16:23:11,721 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6652178571428 | Take profit: 1985.2356232142859 +2025-03-10 16:23:11,832 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.10, Avg Loss=$0.00 +2025-03-10 16:23:11,833 - INFO - Episode 21: Reward=1.63, Balance=$106.31, Win Rate=100.0%, Trades=3, Episode PnL=$6.31, Total PnL=$1008.27, Max Drawdown=0.0%, Pred Accuracy=97.5% +2025-03-10 16:23:11,834 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:23:11,834 - INFO - Refreshing data for episode 22 +2025-03-10 16:23:11,835 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:23:12,136 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:23:12,151 - INFO - Initialized environment with 100 candles +2025-03-10 16:23:12,188 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.572017857143 | Take profit: 2092.955223214286 +2025-03-10 16:23:12,708 - INFO - TAKE PROFIT hit for short at 2092.955223214286 | PnL: 1.50% | $2.75 +2025-03-10 16:23:12,747 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.597767857143 | Take profit: 2068.477973214286 +2025-03-10 16:23:41,634 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 16:23:41,655 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 16:23:41,655 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:23:41,656 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:23:45,521 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 16:23:45,539 - INFO - Initialized environment with 500 candles +2025-03-10 16:23:48,226 - INFO - Starting continuous training mode. Press Ctrl+C to stop. +2025-03-10 16:23:48,226 - INFO - Starting training batch 1 +2025-03-10 16:23:48,227 - INFO - Refreshing data for new training batch +2025-03-10 16:23:48,227 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:23:48,573 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 16:23:48,588 - INFO - Initialized environment with 500 candles +2025-03-10 16:23:48,588 - INFO - Updated environment with fresh candles +2025-03-10 16:23:48,589 - INFO - Starting training on device: cuda +2025-03-10 16:23:48,590 - INFO - Loading best model from models/trading_agent_best_pnl.pt to resume training +2025-03-10 16:23:48,590 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 16:23:48,775 - INFO - Model loaded successfully with weights_only=True +2025-03-10 16:23:48,783 - INFO - Resumed with best metrics - Reward: 202.74, PnL: $9.19, Win Rate: 73.3% +2025-03-10 16:23:48,787 - INFO - Refreshing data for episode 0 +2025-03-10 16:23:48,788 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:23:49,108 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:23:49,118 - INFO - Initialized environment with 100 candles +2025-03-10 16:23:50,117 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.573478571429 | Take profit: 2092.9530321428574 +2025-03-10 16:23:50,162 - INFO - CLOSED short at 2112.57 | PnL: 0.58% | $0.94 +2025-03-10 16:23:50,162 - INFO - OPENED LONG at 2112.57 | Stop loss: 2101.9581714285714 | Take profit: 2144.332017857143 +2025-03-10 16:23:50,167 - INFO - CLOSED long at 2113.28 | PnL: 0.03% | $-0.13 +2025-03-10 16:23:50,168 - INFO - OPENED SHORT at 2113.28 | Stop loss: 2123.895378571429 | Take profit: 2081.5073321428576 +2025-03-10 16:23:50,191 - INFO - CLOSED short at 2096.36 | PnL: 0.80% | $1.38 +2025-03-10 16:23:50,195 - INFO - OPENED SHORT at 2089.04 | Stop loss: 2099.5341785714286 | Take profit: 2057.630932142857 +2025-03-10 16:23:50,211 - INFO - STOP LOSS hit for short at 2099.5341785714286 | PnL: -0.50% | $-1.20 +2025-03-10 16:23:50,215 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.393128571429 | Take profit: 2071.214082142857 +2025-03-10 16:23:50,285 - INFO - TAKE PROFIT hit for short at 2071.214082142857 | PnL: 1.50% | $2.77 +2025-03-10 16:23:50,288 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.590478571429 | Take profit: 2017.5020321428574 +2025-03-10 16:23:50,461 - INFO - TAKE PROFIT hit for short at 2017.5020321428574 | PnL: 1.50% | $2.84 +2025-03-10 16:23:50,491 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6666785714285 | Take profit: 1985.233432142857 +2025-03-10 16:23:50,512 - INFO - CLOSED short at 2014.41 | PnL: 0.06% | $-0.09 +2025-03-10 16:23:50,513 - INFO - OPENED LONG at 2014.41 | Stop loss: 2004.2889714285714 | Take profit: 2044.6996178571428 +2025-03-10 16:23:50,541 - INFO - CLOSED long at 2019.57 | PnL: 0.26% | $0.32 +2025-03-10 16:23:50,541 - INFO - OPENED SHORT at 2019.57 | Stop loss: 2029.7168285714286 | Take profit: 1989.202982142857 +2025-03-10 16:23:50,564 - INFO - CLOSED short at 2014.56 | PnL: 0.25% | $0.31 +2025-03-10 16:23:50,587 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$1.43, Avg Loss=$-0.48 +2025-03-10 16:23:50,588 - INFO - Episode 0: Reward=16.62, Balance=$107.14, Win Rate=66.7%, Trades=9, Episode PnL=$6.95, Total PnL=$7.14, Max Drawdown=1.2%, Pred Accuracy=99.6% +2025-03-10 16:23:50,914 - INFO - Model saved to checkpoints/trading_agent_episode_0.pt +2025-03-10 16:23:50,916 - INFO - Checkpoint saved at episode 0 +2025-03-10 16:23:52,085 - INFO - Visualization saved for episode 0 +2025-03-10 16:23:53,869 - INFO - Visualization saved for episode 0 +2025-03-10 16:23:53,884 - INFO - Refreshing data for episode 1 +2025-03-10 16:23:53,885 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:23:54,204 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:23:54,218 - INFO - Initialized environment with 100 candles +2025-03-10 16:23:54,251 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.573478571429 | Take profit: 2092.9530321428574 +2025-03-10 16:23:54,541 - INFO - CLOSED short at 2114.57 | PnL: 0.49% | $0.75 +2025-03-10 16:23:54,564 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.1818285714285 | Take profit: 2080.8079821428573 +2025-03-10 16:23:54,863 - INFO - CLOSED short at 2103.41 | PnL: 0.43% | $0.66 +2025-03-10 16:23:54,887 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.7900785714282 | Take profit: 2072.583232142857 +2025-03-10 16:23:55,078 - INFO - CLOSED short at 2090.99 | PnL: 0.63% | $1.05 +2025-03-10 16:23:55,105 - INFO - OPENED SHORT at 2084.95 | Stop loss: 2095.4237285714285 | Take profit: 2053.602282142857 +2025-03-10 16:23:55,216 - INFO - CLOSED short at 2085.37 | PnL: -0.02% | $-0.24 +2025-03-10 16:23:55,241 - INFO - OPENED SHORT at 2084.11 | Stop loss: 2094.5795285714285 | Take profit: 2052.774882142857 +2025-03-10 16:23:55,336 - INFO - CLOSED short at 2048.3 | PnL: 1.72% | $3.23 +2025-03-10 16:23:55,382 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.7765285714286 | Take profit: 2012.7838821428572 +2025-03-10 16:23:55,430 - INFO - CLOSED short at 2053.22 | PnL: -0.48% | $-1.18 +2025-03-10 16:23:55,510 - INFO - OPENED SHORT at 2050.18 | Stop loss: 2060.479878571429 | Take profit: 2019.353832142857 +2025-03-10 16:23:55,557 - INFO - CLOSED short at 2043.95 | PnL: 0.30% | $0.42 +2025-03-10 16:23:55,579 - INFO - OPENED LONG at 2044.1 | Stop loss: 2033.8305214285713 | Take profit: 2074.8349678571426 +2025-03-10 16:23:55,603 - INFO - CLOSED long at 2043.59 | PnL: -0.02% | $-0.26 +2025-03-10 16:23:55,648 - INFO - OPENED SHORT at 2036.71 | Stop loss: 2046.9425285714285 | Take profit: 2006.0858821428571 +2025-03-10 16:23:55,670 - INFO - CLOSED short at 2027.51 | PnL: 0.45% | $0.72 +2025-03-10 16:23:55,799 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$1.14, Avg Loss=$-0.56 +2025-03-10 16:23:55,800 - INFO - Episode 1: Reward=16.01, Balance=$105.14, Win Rate=66.7%, Trades=9, Episode PnL=$5.14, Total PnL=$12.29, Max Drawdown=1.1%, Pred Accuracy=99.6% +2025-03-10 16:23:55,800 - INFO - Refreshing data for episode 2 +2025-03-10 16:23:55,800 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:23:56,111 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:23:56,120 - INFO - Initialized environment with 100 candles +2025-03-10 16:23:56,496 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.1214785714287 | Take profit: 2082.7090321428573 +2025-03-10 16:23:56,598 - INFO - CLOSED short at 2100.05 | PnL: 0.68% | $1.14 +2025-03-10 16:23:56,599 - INFO - OPENED LONG at 2100.05 | Stop loss: 2089.5007714285716 | Take profit: 2131.624217857143 +2025-03-10 16:23:56,623 - INFO - CLOSED long at 2096.36 | PnL: -0.18% | $-0.54 +2025-03-10 16:23:56,623 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.8907785714287 | Take profit: 2064.841132142857 +2025-03-10 16:23:56,661 - INFO - CLOSED short at 2089.04 | PnL: 0.35% | $0.49 +2025-03-10 16:23:56,706 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3381785714287 | Take profit: 2058.418932142857 +2025-03-10 16:23:56,841 - INFO - STOP LOSS hit for short at 2100.3381785714287 | PnL: -0.50% | $-1.19 +2025-03-10 16:23:56,881 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9760285714283 | Take profit: 2071.785382142857 +2025-03-10 16:23:57,657 - INFO - TAKE PROFIT hit for short at 2071.785382142857 | PnL: 1.50% | $2.74 +2025-03-10 16:23:57,691 - INFO - OPENED LONG at 2048.3 | Stop loss: 2038.0095214285716 | Take profit: 2079.097967857143 +2025-03-10 16:23:57,727 - INFO - CLOSED long at 2051.0 | PnL: 0.13% | $0.06 +2025-03-10 16:23:57,727 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3039785714286 | Take profit: 2020.1615321428571 +2025-03-10 16:23:58,146 - INFO - TAKE PROFIT hit for short at 2020.1615321428571 | PnL: 1.50% | $2.82 +2025-03-10 16:23:58,170 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6666785714285 | Take profit: 1985.233432142857 +2025-03-10 16:23:58,284 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.45, Avg Loss=$-0.87 +2025-03-10 16:23:58,285 - INFO - Episode 2: Reward=12.59, Balance=$105.52, Win Rate=71.4%, Trades=7, Episode PnL=$6.00, Total PnL=$17.80, Max Drawdown=1.2%, Pred Accuracy=99.7% +2025-03-10 16:23:58,285 - INFO - Refreshing data for episode 3 +2025-03-10 16:23:58,286 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:23:58,585 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:23:58,595 - INFO - Initialized environment with 100 candles +2025-03-10 16:23:58,629 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.573478571429 | Take profit: 2092.9530321428574 +2025-03-10 16:23:58,927 - INFO - CLOSED short at 2114.32 | PnL: 0.50% | $0.78 +2025-03-10 16:23:58,969 - INFO - OPENED SHORT at 2114.57 | Stop loss: 2125.1918285714287 | Take profit: 2082.777982142857 +2025-03-10 16:23:59,135 - INFO - CLOSED short at 2098.28 | PnL: 0.77% | $1.32 +2025-03-10 16:23:59,159 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.8657785714286 | Take profit: 2059.9161321428574 +2025-03-10 16:23:59,405 - INFO - STOP LOSS hit for short at 2101.8657785714286 | PnL: -0.50% | $-1.20 +2025-03-10 16:23:59,459 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9760285714283 | Take profit: 2071.785382142857 +2025-03-10 16:23:59,788 - INFO - CLOSED short at 2084.95 | PnL: 0.88% | $1.53 +2025-03-10 16:23:59,817 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0318785714285 | Take profit: 2049.2978321428573 +2025-03-10 16:24:00,074 - INFO - TAKE PROFIT hit for short at 2049.2978321428573 | PnL: 1.50% | $2.81 +2025-03-10 16:24:00,105 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3039785714286 | Take profit: 2020.1615321428571 +2025-03-10 16:24:00,460 - INFO - TAKE PROFIT hit for short at 2020.1615321428571 | PnL: 1.50% | $2.89 +2025-03-10 16:24:00,485 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6666785714285 | Take profit: 1985.233432142857 +2025-03-10 16:24:00,576 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$1.87, Avg Loss=$-1.20 +2025-03-10 16:24:00,578 - INFO - Episode 3: Reward=19.07, Balance=$108.12, Win Rate=83.3%, Trades=6, Episode PnL=$8.12, Total PnL=$25.93, Max Drawdown=1.2%, Pred Accuracy=99.7% +2025-03-10 16:24:00,579 - INFO - Refreshing data for episode 4 +2025-03-10 16:24:00,579 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:00,894 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:00,907 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:00,941 - INFO - OPENED SHORT at 2124.9 | Stop loss: 2135.573478571429 | Take profit: 2092.9530321428574 +2025-03-10 16:24:00,988 - INFO - CLOSED short at 2124.77 | PnL: 0.01% | $-0.18 +2025-03-10 16:24:01,013 - INFO - OPENED SHORT at 2120.26 | Stop loss: 2130.910278571429 | Take profit: 2088.3826321428573 +2025-03-10 16:24:01,236 - INFO - CLOSED short at 2114.57 | PnL: 0.27% | $0.33 +2025-03-10 16:24:01,258 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.1818285714285 | Take profit: 2080.8079821428573 +2025-03-10 16:24:01,283 - INFO - CLOSED short at 2113.28 | PnL: -0.03% | $-0.26 +2025-03-10 16:24:01,306 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.1214785714287 | Take profit: 2082.7090321428573 +2025-03-10 16:24:01,377 - INFO - CLOSED short at 2098.28 | PnL: 0.77% | $1.30 +2025-03-10 16:24:01,402 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.8657785714286 | Take profit: 2059.9161321428574 +2025-03-10 16:24:01,537 - INFO - CLOSED short at 2100.0 | PnL: -0.41% | $-1.01 +2025-03-10 16:24:01,560 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.393128571429 | Take profit: 2071.214082142857 +2025-03-10 16:24:02,041 - INFO - TAKE PROFIT hit for short at 2071.214082142857 | PnL: 1.50% | $2.75 +2025-03-10 16:24:02,071 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.590478571429 | Take profit: 2017.5020321428574 +2025-03-10 16:24:02,408 - INFO - CLOSED short at 2036.71 | PnL: 0.57% | $0.94 +2025-03-10 16:24:02,408 - INFO - OPENED LONG at 2036.71 | Stop loss: 2026.4774714285716 | Take profit: 2067.334117857143 +2025-03-10 16:24:02,441 - INFO - CLOSED long at 2027.51 | PnL: -0.45% | $-1.12 +2025-03-10 16:24:02,441 - INFO - OPENED SHORT at 2027.51 | Stop loss: 2037.6965285714284 | Take profit: 1997.0238821428572 +2025-03-10 16:24:02,587 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.33, Avg Loss=$-0.64 +2025-03-10 16:24:02,588 - INFO - Episode 4: Reward=11.14, Balance=$102.74, Win Rate=50.0%, Trades=8, Episode PnL=$3.86, Total PnL=$28.66, Max Drawdown=1.0%, Pred Accuracy=99.7% +2025-03-10 16:24:02,588 - INFO - Refreshing data for episode 5 +2025-03-10 16:24:02,588 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:02,915 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:02,926 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:03,659 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0193964285713 | Take profit: 2096.333430357143 +2025-03-10 16:24:04,202 - INFO - TAKE PROFIT hit for short at 2096.333430357143 | PnL: 1.50% | $2.75 +2025-03-10 16:24:04,243 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.5979964285716 | Take profit: 2068.477630357143 +2025-03-10 16:24:04,297 - INFO - CLOSED short at 2089.04 | PnL: 0.52% | $0.85 +2025-03-10 16:24:04,298 - INFO - OPENED LONG at 2089.04 | Stop loss: 2078.5470535714285 | Take profit: 2120.447219642857 +2025-03-10 16:24:04,349 - INFO - CLOSED long at 2096.19 | PnL: 0.34% | $0.49 +2025-03-10 16:24:04,349 - INFO - OPENED SHORT at 2096.19 | Stop loss: 2106.7186964285715 | Take profit: 2064.675530357143 +2025-03-10 16:24:04,372 - INFO - CLOSED short at 2100.0 | PnL: -0.18% | $-0.57 +2025-03-10 16:24:04,403 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3918964285717 | Take profit: 2071.215930357143 +2025-03-10 16:24:04,429 - INFO - CLOSED short at 2103.41 | PnL: -0.03% | $-0.26 +2025-03-10 16:24:04,457 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.7888464285716 | Take profit: 2072.585080357143 +2025-03-10 16:24:04,500 - INFO - CLOSED short at 2104.67 | PnL: -0.02% | $-0.25 +2025-03-10 16:24:04,574 - INFO - OPENED SHORT at 2099.63 | Stop loss: 2110.175896428572 | Take profit: 2068.063930357143 +2025-03-10 16:24:04,644 - INFO - CLOSED short at 2094.16 | PnL: 0.26% | $0.32 +2025-03-10 16:24:04,675 - INFO - OPENED SHORT at 2096.96 | Stop loss: 2107.492546428571 | Take profit: 2065.433980357143 +2025-03-10 16:24:04,720 - INFO - CLOSED short at 2090.59 | PnL: 0.30% | $0.41 +2025-03-10 16:24:04,742 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.4926964285714 | Take profit: 2059.553530357143 +2025-03-10 16:24:04,765 - INFO - CLOSED short at 2084.95 | PnL: 0.29% | $0.38 +2025-03-10 16:24:04,859 - INFO - OPENED SHORT at 2084.25 | Stop loss: 2094.7189964285712 | Take profit: 2052.914630357143 +2025-03-10 16:24:04,895 - INFO - CLOSED short at 2085.37 | PnL: -0.05% | $-0.31 +2025-03-10 16:24:04,932 - INFO - OPENED SHORT at 2084.11 | Stop loss: 2094.578296428572 | Take profit: 2052.776730357143 +2025-03-10 16:24:05,042 - INFO - CLOSED short at 2067.71 | PnL: 0.79% | $1.39 +2025-03-10 16:24:05,161 - INFO - OPENED SHORT at 2053.22 | Stop loss: 2063.5338464285715 | Take profit: 2022.3500803571428 +2025-03-10 16:24:05,183 - INFO - CLOSED short at 2058.11 | PnL: -0.24% | $-0.70 +2025-03-10 16:24:05,386 - INFO - OPENED SHORT at 2042.0 | Stop loss: 2052.2577464285714 | Take profit: 2011.2983803571428 +2025-03-10 16:24:05,427 - INFO - CLOSED short at 2036.71 | PnL: 0.26% | $0.32 +2025-03-10 16:24:05,472 - INFO - OPENED SHORT at 2027.51 | Stop loss: 2037.6952964285715 | Take profit: 1997.025730357143 +2025-03-10 16:24:05,496 - INFO - CLOSED short at 2010.35 | PnL: 0.85% | $1.53 +2025-03-10 16:24:05,634 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$0.94, Avg Loss=$-0.42 +2025-03-10 16:24:05,635 - INFO - Episode 5: Reward=12.50, Balance=$106.37, Win Rate=64.3%, Trades=14, Episode PnL=$5.88, Total PnL=$35.03, Max Drawdown=0.7%, Pred Accuracy=99.6% +2025-03-10 16:24:05,635 - INFO - Refreshing data for episode 6 +2025-03-10 16:24:05,636 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:05,998 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:06,009 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:06,216 - INFO - OPENED SHORT at 2120.26 | Stop loss: 2130.909210714286 | Take profit: 2088.3842339285716 +2025-03-10 16:24:06,338 - INFO - CLOSED short at 2114.75 | PnL: 0.26% | $0.31 +2025-03-10 16:24:06,388 - INFO - OPENED LONG at 2115.21 | Stop loss: 2104.5860392857144 | Take profit: 2147.0100160714287 +2025-03-10 16:24:06,417 - INFO - CLOSED long at 2114.1 | PnL: -0.05% | $-0.30 +2025-03-10 16:24:06,442 - INFO - OPENED SHORT at 2115.11 | Stop loss: 2125.7334607142857 | Take profit: 2083.3114839285713 +2025-03-10 16:24:06,470 - INFO - CLOSED short at 2114.32 | PnL: 0.04% | $-0.12 +2025-03-10 16:24:06,552 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.180760714286 | Take profit: 2080.8095839285716 +2025-03-10 16:24:06,664 - INFO - CLOSED short at 2115.07 | PnL: -0.12% | $-0.43 +2025-03-10 16:24:06,689 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.7791107142853 | Take profit: 2066.694533928571 +2025-03-10 16:24:06,712 - INFO - CLOSED short at 2098.28 | PnL: -0.00% | $-0.20 +2025-03-10 16:24:06,745 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.864710714286 | Take profit: 2059.9177339285716 +2025-03-10 16:24:06,818 - INFO - CLOSED short at 2089.04 | PnL: 0.11% | $0.02 +2025-03-10 16:24:06,843 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.337110714286 | Take profit: 2058.420533928572 +2025-03-10 16:24:06,887 - INFO - CLOSED short at 2096.19 | PnL: -0.30% | $-0.78 +2025-03-10 16:24:06,928 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.547910714286 | Take profit: 2068.4281339285717 +2025-03-10 16:24:07,587 - INFO - TAKE PROFIT hit for short at 2068.4281339285717 | PnL: 1.50% | $2.70 +2025-03-10 16:24:07,617 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.589410714286 | Take profit: 2017.5036339285716 +2025-03-10 16:24:07,670 - INFO - CLOSED short at 2043.51 | PnL: 0.23% | $0.26 +2025-03-10 16:24:07,671 - INFO - OPENED LONG at 2043.51 | Stop loss: 2033.2445392857142 | Take profit: 2074.2345160714285 +2025-03-10 16:24:07,712 - INFO - CLOSED long at 2052.89 | PnL: 0.46% | $0.71 +2025-03-10 16:24:07,713 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.2023607142855 | Take profit: 2022.0247839285714 +2025-03-10 16:24:07,757 - INFO - CLOSED short at 2053.22 | PnL: -0.02% | $-0.23 +2025-03-10 16:24:07,757 - INFO - OPENED LONG at 2053.22 | Stop loss: 2042.9059892857142 | Take profit: 2084.0901660714285 +2025-03-10 16:24:07,801 - INFO - CLOSED long at 2058.11 | PnL: 0.24% | $0.28 +2025-03-10 16:24:07,801 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.448460714286 | Take profit: 2027.1664839285716 +2025-03-10 16:24:08,076 - INFO - TAKE PROFIT hit for short at 2027.1664839285716 | PnL: 1.50% | $2.80 +2025-03-10 16:24:08,118 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6656107142855 | Take profit: 1985.2350339285715 +2025-03-10 16:24:08,293 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.01, Avg Loss=$-0.34 +2025-03-10 16:24:08,294 - INFO - Episode 6: Reward=22.99, Balance=$105.03, Win Rate=53.8%, Trades=13, Episode PnL=$4.04, Total PnL=$40.06, Max Drawdown=1.8%, Pred Accuracy=99.6% +2025-03-10 16:24:08,294 - INFO - Refreshing data for episode 7 +2025-03-10 16:24:08,294 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:08,608 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:08,619 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:08,653 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0199428571427 | Take profit: 2096.3326107142857 +2025-03-10 16:24:09,159 - INFO - TAKE PROFIT hit for short at 2096.3326107142857 | PnL: 1.50% | $2.74 +2025-03-10 16:24:09,183 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.598542857143 | Take profit: 2068.476810714286 +2025-03-10 16:24:09,980 - INFO - TAKE PROFIT hit for short at 2068.476810714286 | PnL: 1.50% | $2.82 +2025-03-10 16:24:10,025 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.303292857143 | Take profit: 2020.1625607142857 +2025-03-10 16:24:10,297 - INFO - CLOSED short at 2043.95 | PnL: 0.34% | $0.50 +2025-03-10 16:24:10,298 - INFO - OPENED LONG at 2043.95 | Stop loss: 2033.6819571428573 | Take profit: 2074.681689285714 +2025-03-10 16:24:10,330 - INFO - CLOSED long at 2044.1 | PnL: 0.01% | $-0.19 +2025-03-10 16:24:10,330 - INFO - OPENED SHORT at 2044.1 | Stop loss: 2054.3687928571426 | Take profit: 2013.3660607142858 +2025-03-10 16:24:10,473 - INFO - TAKE PROFIT hit for short at 2013.3660607142858 | PnL: 1.50% | $2.90 +2025-03-10 16:24:10,523 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6659928571428 | Take profit: 1985.2344607142857 +2025-03-10 16:24:10,707 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.24, Avg Loss=$-0.19 +2025-03-10 16:24:10,708 - INFO - Episode 7: Reward=27.52, Balance=$108.78, Win Rate=80.0%, Trades=5, Episode PnL=$8.97, Total PnL=$48.84, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 16:24:10,709 - INFO - Refreshing data for episode 8 +2025-03-10 16:24:10,709 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:11,019 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:11,027 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:11,062 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0200357142858 | Take profit: 2096.3324714285714 +2025-03-10 16:24:11,573 - INFO - TAKE PROFIT hit for short at 2096.3324714285714 | PnL: 1.50% | $2.74 +2025-03-10 16:24:11,595 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.598635714286 | Take profit: 2068.4766714285715 +2025-03-10 16:24:12,320 - INFO - TAKE PROFIT hit for short at 2068.4766714285715 | PnL: 1.50% | $2.82 +2025-03-10 16:24:12,345 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.589885714286 | Take profit: 2017.5029214285717 +2025-03-10 16:24:12,746 - INFO - TAKE PROFIT hit for short at 2017.5029214285717 | PnL: 1.50% | $2.89 +2025-03-10 16:24:12,772 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6660857142856 | Take profit: 1985.2343214285715 +2025-03-10 16:24:12,882 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.82, Avg Loss=$0.00 +2025-03-10 16:24:12,883 - INFO - Episode 8: Reward=27.99, Balance=$108.46, Win Rate=100.0%, Trades=3, Episode PnL=$8.46, Total PnL=$57.30, Max Drawdown=0.0%, Pred Accuracy=99.7% +2025-03-10 16:24:12,883 - INFO - Refreshing data for episode 9 +2025-03-10 16:24:12,884 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:13,216 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:13,225 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:13,326 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0200357142858 | Take profit: 2096.3324714285714 +2025-03-10 16:24:13,426 - INFO - CLOSED short at 2116.81 | PnL: 0.54% | $0.86 +2025-03-10 16:24:13,461 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.402285714286 | Take profit: 2082.9857214285717 +2025-03-10 16:24:13,630 - INFO - CLOSED short at 2114.57 | PnL: 0.01% | $-0.18 +2025-03-10 16:24:13,653 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.181235714286 | Take profit: 2080.8088714285714 +2025-03-10 16:24:14,343 - INFO - CLOSED short at 2080.58 | PnL: 1.51% | $2.78 +2025-03-10 16:24:14,344 - INFO - OPENED LONG at 2080.58 | Stop loss: 2070.128714285714 | Take profit: 2111.8612785714286 +2025-03-10 16:24:14,371 - INFO - CLOSED long at 2084.75 | PnL: 0.20% | $0.20 +2025-03-10 16:24:14,372 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2221357142857 | Take profit: 2053.4061714285713 +2025-03-10 16:24:14,422 - INFO - CLOSED short at 2084.25 | PnL: 0.02% | $-0.15 +2025-03-10 16:24:14,447 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.845235714286 | Take profit: 2054.0168714285714 +2025-03-10 16:24:14,635 - INFO - TAKE PROFIT hit for short at 2054.0168714285714 | PnL: 1.50% | $2.84 +2025-03-10 16:24:14,668 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3033857142855 | Take profit: 2020.1624214285714 +2025-03-10 16:24:15,035 - INFO - TAKE PROFIT hit for short at 2020.1624214285714 | PnL: 1.50% | $2.92 +2025-03-10 16:24:15,070 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6660857142856 | Take profit: 1985.2343214285715 +2025-03-10 16:24:15,188 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.92, Avg Loss=$-0.17 +2025-03-10 16:24:15,188 - INFO - Episode 9: Reward=30.54, Balance=$109.28, Win Rate=71.4%, Trades=7, Episode PnL=$9.07, Total PnL=$66.57, Max Drawdown=0.2%, Pred Accuracy=99.6% +2025-03-10 16:24:15,189 - INFO - Refreshing data for episode 10 +2025-03-10 16:24:15,189 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:15,499 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:15,508 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:16,223 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0200357142858 | Take profit: 2096.3324714285714 +2025-03-10 16:24:16,273 - INFO - CLOSED short at 2120.26 | PnL: 0.38% | $0.55 +2025-03-10 16:24:16,295 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.4424357142852 | Take profit: 2084.985271428571 +2025-03-10 16:24:17,149 - INFO - CLOSED short at 2096.96 | PnL: 0.94% | $1.65 +2025-03-10 16:24:17,150 - INFO - OPENED LONG at 2096.96 | Stop loss: 2086.426814285714 | Take profit: 2128.4869785714286 +2025-03-10 16:24:17,173 - INFO - CLOSED long at 2098.66 | PnL: 0.08% | $-0.04 +2025-03-10 16:24:17,173 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.2016857142858 | Take profit: 2067.1075214285715 +2025-03-10 16:24:17,533 - INFO - TAKE PROFIT hit for short at 2067.1075214285715 | PnL: 1.50% | $2.80 +2025-03-10 16:24:17,582 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.775935714286 | Take profit: 2012.7847714285713 +2025-03-10 16:24:17,654 - INFO - STOP LOSS hit for short at 2053.775935714286 | PnL: -0.50% | $-1.24 +2025-03-10 16:24:17,678 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.348535714286 | Take profit: 2023.1469714285715 +2025-03-10 16:24:17,909 - INFO - TAKE PROFIT hit for short at 2023.1469714285715 | PnL: 1.50% | $2.84 +2025-03-10 16:24:17,936 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6660857142856 | Take profit: 1985.2343214285715 +2025-03-10 16:24:18,057 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$1.96, Avg Loss=$-0.64 +2025-03-10 16:24:18,058 - INFO - Episode 10: Reward=29.77, Balance=$106.57, Win Rate=66.7%, Trades=6, Episode PnL=$6.61, Total PnL=$73.14, Max Drawdown=1.2%, Pred Accuracy=99.4% +2025-03-10 16:24:18,209 - INFO - Model saved to checkpoints/trading_agent_episode_10.pt +2025-03-10 16:24:18,210 - INFO - Checkpoint saved at episode 10 +2025-03-10 16:24:19,407 - INFO - Visualization saved for episode 10 +2025-03-10 16:24:21,083 - INFO - Visualization saved for episode 10 +2025-03-10 16:24:21,096 - INFO - Refreshing data for episode 11 +2025-03-10 16:24:21,096 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:21,409 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:21,419 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:21,681 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0208035714286 | Take profit: 2096.331319642857 +2025-03-10 16:24:22,208 - INFO - TAKE PROFIT hit for short at 2096.331319642857 | PnL: 1.50% | $2.74 +2025-03-10 16:24:22,233 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.599403571429 | Take profit: 2068.4755196428573 +2025-03-10 16:24:23,031 - INFO - TAKE PROFIT hit for short at 2068.4755196428573 | PnL: 1.50% | $2.82 +2025-03-10 16:24:23,054 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.590653571429 | Take profit: 2017.5017696428572 +2025-03-10 16:24:23,458 - INFO - TAKE PROFIT hit for short at 2017.5017696428572 | PnL: 1.50% | $2.89 +2025-03-10 16:24:23,505 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6668535714284 | Take profit: 1985.233169642857 +2025-03-10 16:24:23,673 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.82, Avg Loss=$0.00 +2025-03-10 16:24:23,673 - INFO - Episode 11: Reward=27.97, Balance=$108.46, Win Rate=100.0%, Trades=3, Episode PnL=$8.46, Total PnL=$81.60, Max Drawdown=0.0%, Pred Accuracy=99.0% +2025-03-10 16:24:23,673 - INFO - Refreshing data for episode 12 +2025-03-10 16:24:23,673 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:23,980 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:23,989 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:24,024 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0208035714286 | Take profit: 2096.331319642857 +2025-03-10 16:24:24,493 - INFO - TAKE PROFIT hit for short at 2096.331319642857 | PnL: 1.50% | $2.74 +2025-03-10 16:24:24,523 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.599403571429 | Take profit: 2068.4755196428573 +2025-03-10 16:24:24,676 - INFO - CLOSED short at 2103.41 | PnL: -0.16% | $-0.52 +2025-03-10 16:24:24,677 - INFO - OPENED LONG at 2103.41 | Stop loss: 2092.8437964285713 | Take profit: 2135.034880357143 +2025-03-10 16:24:24,723 - INFO - CLOSED long at 2104.22 | PnL: 0.04% | $-0.12 +2025-03-10 16:24:24,723 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.7902535714284 | Take profit: 2072.582969642857 +2025-03-10 16:24:25,308 - INFO - TAKE PROFIT hit for short at 2072.582969642857 | PnL: 1.50% | $2.80 +2025-03-10 16:24:25,337 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.590653571429 | Take profit: 2017.5017696428572 +2025-03-10 16:24:25,785 - INFO - TAKE PROFIT hit for short at 2017.5017696428572 | PnL: 1.50% | $2.88 +2025-03-10 16:24:25,831 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6668535714284 | Take profit: 1985.233169642857 +2025-03-10 16:24:25,948 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.81, Avg Loss=$-0.32 +2025-03-10 16:24:25,950 - INFO - Episode 12: Reward=10.97, Balance=$107.77, Win Rate=60.0%, Trades=5, Episode PnL=$7.90, Total PnL=$89.37, Max Drawdown=0.0%, Pred Accuracy=98.4% +2025-03-10 16:24:25,950 - INFO - Refreshing data for episode 13 +2025-03-10 16:24:25,951 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:26,266 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:26,275 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:26,310 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0208035714286 | Take profit: 2096.331319642857 +2025-03-10 16:24:26,791 - INFO - TAKE PROFIT hit for short at 2096.331319642857 | PnL: 1.50% | $2.74 +2025-03-10 16:24:26,822 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.599403571429 | Take profit: 2068.4755196428573 +2025-03-10 16:24:27,604 - INFO - TAKE PROFIT hit for short at 2068.4755196428573 | PnL: 1.50% | $2.82 +2025-03-10 16:24:27,626 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.590653571429 | Take profit: 2017.5017696428572 +2025-03-10 16:24:28,036 - INFO - TAKE PROFIT hit for short at 2017.5017696428572 | PnL: 1.50% | $2.89 +2025-03-10 16:24:28,062 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6668535714284 | Take profit: 1985.233169642857 +2025-03-10 16:24:28,232 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.82, Avg Loss=$0.00 +2025-03-10 16:24:28,232 - INFO - Episode 13: Reward=0.39, Balance=$108.46, Win Rate=100.0%, Trades=3, Episode PnL=$8.46, Total PnL=$97.83, Max Drawdown=0.0%, Pred Accuracy=97.1% +2025-03-10 16:24:28,233 - INFO - Refreshing data for episode 14 +2025-03-10 16:24:28,233 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:28,544 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:28,553 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:28,811 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0208035714286 | Take profit: 2096.331319642857 +2025-03-10 16:24:28,865 - INFO - CLOSED short at 2120.26 | PnL: 0.38% | $0.55 +2025-03-10 16:24:28,889 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.443203571429 | Take profit: 2084.984119642857 +2025-03-10 16:24:29,654 - INFO - CLOSED short at 2096.96 | PnL: 0.94% | $1.65 +2025-03-10 16:24:29,655 - INFO - OPENED LONG at 2096.96 | Stop loss: 2086.426046428571 | Take profit: 2128.488130357143 +2025-03-10 16:24:29,682 - INFO - CLOSED long at 2098.66 | PnL: 0.08% | $-0.04 +2025-03-10 16:24:29,683 - INFO - OPENED SHORT at 2098.66 | Stop loss: 2109.202453571428 | Take profit: 2067.106369642857 +2025-03-10 16:24:30,015 - INFO - TAKE PROFIT hit for short at 2067.106369642857 | PnL: 1.50% | $2.80 +2025-03-10 16:24:30,047 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3041535714283 | Take profit: 2020.1612696428572 +2025-03-10 16:24:30,369 - INFO - TAKE PROFIT hit for short at 2020.1612696428572 | PnL: 1.50% | $2.88 +2025-03-10 16:24:30,394 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6668535714284 | Take profit: 1985.233169642857 +2025-03-10 16:24:30,502 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.97, Avg Loss=$-0.04 +2025-03-10 16:24:30,503 - INFO - Episode 14: Reward=2.28, Balance=$107.83, Win Rate=80.0%, Trades=5, Episode PnL=$7.87, Total PnL=$105.66, Max Drawdown=0.0%, Pred Accuracy=96.7% +2025-03-10 16:24:30,503 - INFO - Refreshing data for episode 15 +2025-03-10 16:24:30,503 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:30,810 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:30,821 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:31,674 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0208035714286 | Take profit: 2096.331319642857 +2025-03-10 16:24:31,780 - INFO - CLOSED short at 2114.78 | PnL: 0.64% | $1.05 +2025-03-10 16:24:31,811 - INFO - OPENED SHORT at 2115.52 | Stop loss: 2126.1467535714287 | Take profit: 2083.713469642857 +2025-03-10 16:24:32,627 - INFO - CLOSED short at 2084.95 | PnL: 1.45% | $2.66 +2025-03-10 16:24:32,628 - INFO - OPENED LONG at 2084.95 | Stop loss: 2074.4760964285715 | Take profit: 2116.297980357143 +2025-03-10 16:24:32,659 - INFO - CLOSED long at 2080.58 | PnL: -0.21% | $-0.63 +2025-03-10 16:24:32,659 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.032053571428 | Take profit: 2049.297569642857 +2025-03-10 16:24:32,947 - INFO - TAKE PROFIT hit for short at 2049.297569642857 | PnL: 1.50% | $2.83 +2025-03-10 16:24:32,971 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3041535714283 | Take profit: 2020.1612696428572 +2025-03-10 16:24:33,421 - INFO - TAKE PROFIT hit for short at 2020.1612696428572 | PnL: 1.50% | $2.90 +2025-03-10 16:24:33,449 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6668535714284 | Take profit: 1985.233169642857 +2025-03-10 16:24:33,536 - INFO - CLOSED short at 2019.57 | PnL: -0.20% | $-0.64 +2025-03-10 16:24:33,580 - INFO - OPENED SHORT at 2014.56 | Stop loss: 2024.6819535714285 | Take profit: 1984.267869642857 +2025-03-10 16:24:33,659 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.36, Avg Loss=$-0.63 +2025-03-10 16:24:33,660 - INFO - Episode 15: Reward=0.99, Balance=$108.17, Win Rate=66.7%, Trades=6, Episode PnL=$8.80, Total PnL=$113.83, Max Drawdown=0.6%, Pred Accuracy=97.3% +2025-03-10 16:24:33,660 - INFO - Refreshing data for episode 16 +2025-03-10 16:24:33,660 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:33,973 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:33,983 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:34,019 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0208035714286 | Take profit: 2096.331319642857 +2025-03-10 16:24:34,074 - INFO - CLOSED short at 2120.26 | PnL: 0.38% | $0.55 +2025-03-10 16:24:34,074 - INFO - OPENED LONG at 2120.26 | Stop loss: 2109.609546428572 | Take profit: 2152.1376303571433 +2025-03-10 16:24:34,101 - INFO - CLOSED long at 2116.81 | PnL: -0.16% | $-0.52 +2025-03-10 16:24:34,101 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.443203571429 | Take profit: 2084.984119642857 +2025-03-10 16:24:34,552 - INFO - CLOSED short at 2098.28 | PnL: 0.88% | $1.52 +2025-03-10 16:24:34,552 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.7394464285717 | Take profit: 2129.8279303571435 +2025-03-10 16:24:34,571 - INFO - CLOSED long at 2091.36 | PnL: -0.33% | $-0.85 +2025-03-10 16:24:34,599 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.599403571429 | Take profit: 2068.4755196428573 +2025-03-10 16:24:34,817 - INFO - CLOSED short at 2102.83 | PnL: -0.13% | $-0.46 +2025-03-10 16:24:34,818 - INFO - OPENED LONG at 2102.83 | Stop loss: 2092.2666964285713 | Take profit: 2134.446180357143 +2025-03-10 16:24:34,866 - INFO - CLOSED long at 2103.41 | PnL: 0.03% | $-0.14 +2025-03-10 16:24:34,866 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9762035714284 | Take profit: 2071.785119642857 +2025-03-10 16:24:34,888 - INFO - CLOSED short at 2104.22 | PnL: -0.04% | $-0.27 +2025-03-10 16:24:34,889 - INFO - OPENED LONG at 2104.22 | Stop loss: 2093.6497464285712 | Take profit: 2135.857030357143 +2025-03-10 16:24:34,919 - INFO - CLOSED long at 2104.67 | PnL: 0.02% | $-0.15 +2025-03-10 16:24:34,920 - INFO - OPENED SHORT at 2104.67 | Stop loss: 2115.2425035714286 | Take profit: 2073.026219642857 +2025-03-10 16:24:34,944 - INFO - CLOSED short at 2105.26 | PnL: -0.03% | $-0.25 +2025-03-10 16:24:34,944 - INFO - OPENED LONG at 2105.26 | Stop loss: 2094.6845464285716 | Take profit: 2136.912630357143 +2025-03-10 16:24:34,998 - INFO - CLOSED long at 2099.22 | PnL: -0.29% | $-0.75 +2025-03-10 16:24:34,998 - INFO - OPENED SHORT at 2099.22 | Stop loss: 2109.7652535714287 | Take profit: 2067.657969642857 +2025-03-10 16:24:35,028 - INFO - CLOSED short at 2094.16 | PnL: 0.24% | $0.27 +2025-03-10 16:24:35,029 - INFO - OPENED LONG at 2094.16 | Stop loss: 2083.640046428571 | Take profit: 2125.6461303571427 +2025-03-10 16:24:35,054 - INFO - CLOSED long at 2096.96 | PnL: 0.13% | $0.07 +2025-03-10 16:24:35,055 - INFO - OPENED SHORT at 2096.96 | Stop loss: 2107.4939535714284 | Take profit: 2065.4318696428572 +2025-03-10 16:24:35,141 - INFO - CLOSED short at 2090.59 | PnL: 0.30% | $0.39 +2025-03-10 16:24:35,142 - INFO - OPENED LONG at 2090.59 | Stop loss: 2080.0878964285716 | Take profit: 2122.022580357143 +2025-03-10 16:24:35,197 - INFO - CLOSED long at 2090.99 | PnL: 0.02% | $-0.16 +2025-03-10 16:24:35,197 - INFO - OPENED SHORT at 2090.99 | Stop loss: 2101.4941035714282 | Take profit: 2059.551419642857 +2025-03-10 16:24:35,286 - INFO - CLOSED short at 2080.58 | PnL: 0.50% | $0.77 +2025-03-10 16:24:35,286 - INFO - OPENED LONG at 2080.58 | Stop loss: 2070.1279464285712 | Take profit: 2111.862430357143 +2025-03-10 16:24:35,312 - INFO - CLOSED long at 2084.75 | PnL: 0.20% | $0.20 +2025-03-10 16:24:35,312 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2229035714286 | Take profit: 2053.405019642857 +2025-03-10 16:24:35,334 - INFO - CLOSED short at 2081.0 | PnL: 0.18% | $0.16 +2025-03-10 16:24:35,360 - INFO - OPENED SHORT at 2084.25 | Stop loss: 2094.7204035714285 | Take profit: 2052.912519642857 +2025-03-10 16:24:35,382 - INFO - CLOSED short at 2085.37 | PnL: -0.05% | $-0.30 +2025-03-10 16:24:35,383 - INFO - OPENED LONG at 2085.37 | Stop loss: 2074.8939964285714 | Take profit: 2116.7242803571426 +2025-03-10 16:24:35,427 - INFO - CLOSED long at 2083.07 | PnL: -0.11% | $-0.41 +2025-03-10 16:24:35,428 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.5345035714286 | Take profit: 2051.7502196428572 +2025-03-10 16:24:35,521 - INFO - CLOSED short at 2048.3 | PnL: 1.67% | $3.06 +2025-03-10 16:24:35,521 - INFO - OPENED LONG at 2048.3 | Stop loss: 2038.0093464285717 | Take profit: 2079.098230357143 +2025-03-10 16:24:35,562 - INFO - CLOSED long at 2051.0 | PnL: 0.13% | $0.06 +2025-03-10 16:24:35,563 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3041535714283 | Take profit: 2020.1612696428572 +2025-03-10 16:24:35,601 - INFO - CLOSED short at 2043.51 | PnL: 0.37% | $0.53 +2025-03-10 16:24:35,602 - INFO - OPENED LONG at 2043.51 | Stop loss: 2033.2432964285713 | Take profit: 2074.236380357143 +2025-03-10 16:24:35,669 - INFO - CLOSED long at 2053.22 | PnL: 0.48% | $0.76 +2025-03-10 16:24:35,697 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.7702964285716 | Take profit: 2089.0553803571433 +2025-03-10 16:24:35,741 - INFO - CLOSED long at 2050.18 | PnL: -0.39% | $-0.99 +2025-03-10 16:24:35,742 - INFO - OPENED SHORT at 2050.18 | Stop loss: 2060.480053571428 | Take profit: 2019.3535696428569 +2025-03-10 16:24:35,767 - INFO - CLOSED short at 2046.76 | PnL: 0.17% | $0.13 +2025-03-10 16:24:35,767 - INFO - OPENED LONG at 2046.76 | Stop loss: 2036.4770464285714 | Take profit: 2077.535130357143 +2025-03-10 16:24:35,816 - INFO - CLOSED long at 2044.1 | PnL: -0.13% | $-0.46 +2025-03-10 16:24:35,816 - INFO - OPENED SHORT at 2044.1 | Stop loss: 2054.3696535714284 | Take profit: 2013.3647696428573 +2025-03-10 16:24:35,846 - INFO - CLOSED short at 2043.59 | PnL: 0.02% | $-0.15 +2025-03-10 16:24:35,847 - INFO - OPENED LONG at 2043.59 | Stop loss: 2033.3228964285713 | Take profit: 2074.3175803571426 +2025-03-10 16:24:35,880 - INFO - CLOSED long at 2042.0 | PnL: -0.08% | $-0.36 +2025-03-10 16:24:35,952 - INFO - OPENED LONG at 2036.71 | Stop loss: 2026.4772964285714 | Take profit: 2067.334380357143 +2025-03-10 16:24:36,069 - INFO - STOP LOSS hit for long at 2026.4772964285714 | PnL: -0.50% | $-1.20 +2025-03-10 16:24:36,091 - INFO - OPENED LONG at 2015.54 | Stop loss: 2005.4131464285715 | Take profit: 2045.8468303571426 +2025-03-10 16:24:36,149 - INFO - CLOSED long at 2019.57 | PnL: 0.20% | $0.20 +2025-03-10 16:24:36,149 - INFO - OPENED SHORT at 2019.57 | Stop loss: 2029.7170035714284 | Take profit: 1989.2027196428571 +2025-03-10 16:24:36,186 - INFO - CLOSED short at 2014.56 | PnL: 0.25% | $0.29 +2025-03-10 16:24:36,186 - INFO - OPENED LONG at 2014.56 | Stop loss: 2004.4380464285712 | Take profit: 2044.8521303571429 +2025-03-10 16:24:36,214 - INFO - CLOSED long at 2021.97 | PnL: 0.37% | $0.53 +2025-03-10 16:24:36,214 - INFO - OPENED SHORT at 2021.97 | Stop loss: 2032.1290035714287 | Take profit: 1991.5667196428572 +2025-03-10 16:24:36,240 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$0.59, Avg Loss=$-0.46 +2025-03-10 16:24:36,241 - INFO - Episode 16: Reward=-10.95, Balance=$102.06, Win Rate=50.0%, Trades=32, Episode PnL=$4.59, Total PnL=$115.89, Max Drawdown=2.9%, Pred Accuracy=97.7% +2025-03-10 16:24:36,242 - INFO - Refreshing data for episode 17 +2025-03-10 16:24:36,242 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:36,585 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:36,595 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:36,706 - INFO - OPENED LONG at 2128.33 | Stop loss: 2117.6391964285713 | Take profit: 2160.3286803571427 +2025-03-10 16:24:36,859 - INFO - STOP LOSS hit for long at 2117.6391964285713 | PnL: -0.50% | $-1.18 +2025-03-10 16:24:36,884 - INFO - OPENED LONG at 2114.78 | Stop loss: 2104.1569464285717 | Take profit: 2146.5754303571434 +2025-03-10 16:24:36,931 - INFO - CLOSED long at 2114.75 | PnL: -0.00% | $-0.20 +2025-03-10 16:24:36,932 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.3729035714287 | Take profit: 2082.955019642857 +2025-03-10 16:24:36,958 - INFO - CLOSED short at 2116.06 | PnL: -0.06% | $-0.31 +2025-03-10 16:24:36,958 - INFO - OPENED LONG at 2116.06 | Stop loss: 2105.4305464285712 | Take profit: 2147.874630357143 +2025-03-10 16:24:37,122 - INFO - CLOSED long at 2112.57 | PnL: -0.16% | $-0.51 +2025-03-10 16:24:37,123 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.1820035714286 | Take profit: 2080.807719642857 +2025-03-10 16:24:37,182 - INFO - CLOSED short at 2113.28 | PnL: -0.03% | $-0.26 +2025-03-10 16:24:37,183 - INFO - OPENED LONG at 2113.28 | Stop loss: 2102.664446428572 | Take profit: 2145.052930357143 +2025-03-10 16:24:37,235 - INFO - CLOSED long at 2114.5 | PnL: 0.06% | $-0.08 +2025-03-10 16:24:37,236 - INFO - OPENED SHORT at 2114.5 | Stop loss: 2125.1216535714284 | Take profit: 2082.708769642857 +2025-03-10 16:24:37,265 - INFO - CLOSED short at 2115.07 | PnL: -0.03% | $-0.24 +2025-03-10 16:24:37,266 - INFO - OPENED LONG at 2115.07 | Stop loss: 2104.4454964285715 | Take profit: 2146.869780357143 +2025-03-10 16:24:37,291 - INFO - STOP LOSS hit for long at 2104.4454964285715 | PnL: -0.50% | $-1.14 +2025-03-10 16:24:37,315 - INFO - OPENED LONG at 2098.28 | Stop loss: 2087.7394464285717 | Take profit: 2129.8279303571435 +2025-03-10 16:24:37,381 - INFO - CLOSED long at 2096.36 | PnL: -0.09% | $-0.36 +2025-03-10 16:24:37,382 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.890953571429 | Take profit: 2064.8408696428573 +2025-03-10 16:24:37,402 - INFO - CLOSED short at 2089.04 | PnL: 0.35% | $0.47 +2025-03-10 16:24:37,403 - INFO - OPENED LONG at 2089.04 | Stop loss: 2078.545646428571 | Take profit: 2120.4493303571426 +2025-03-10 16:24:37,495 - INFO - CLOSED long at 2100.0 | PnL: 0.52% | $0.80 +2025-03-10 16:24:37,495 - INFO - OPENED SHORT at 2100.0 | Stop loss: 2110.549153571428 | Take profit: 2068.4262696428573 +2025-03-10 16:24:37,541 - INFO - CLOSED short at 2102.83 | PnL: -0.13% | $-0.44 +2025-03-10 16:24:37,541 - INFO - OPENED LONG at 2102.83 | Stop loss: 2092.2666964285713 | Take profit: 2134.446180357143 +2025-03-10 16:24:37,621 - INFO - CLOSED long at 2104.22 | PnL: 0.07% | $-0.06 +2025-03-10 16:24:37,622 - INFO - OPENED SHORT at 2104.22 | Stop loss: 2114.7902535714284 | Take profit: 2072.582969642857 +2025-03-10 16:24:37,658 - INFO - CLOSED short at 2104.67 | PnL: -0.02% | $-0.23 +2025-03-10 16:24:37,659 - INFO - OPENED LONG at 2104.67 | Stop loss: 2094.0974964285715 | Take profit: 2136.3137803571426 +2025-03-10 16:24:37,711 - INFO - CLOSED long at 2099.63 | PnL: -0.24% | $-0.64 +2025-03-10 16:24:37,712 - INFO - OPENED SHORT at 2099.63 | Stop loss: 2110.1773035714286 | Take profit: 2068.0618196428572 +2025-03-10 16:24:37,804 - INFO - CLOSED short at 2098.66 | PnL: 0.05% | $-0.10 +2025-03-10 16:24:37,805 - INFO - OPENED LONG at 2098.66 | Stop loss: 2088.117546428571 | Take profit: 2130.2136303571424 +2025-03-10 16:24:37,830 - INFO - CLOSED long at 2090.59 | PnL: -0.38% | $-0.90 +2025-03-10 16:24:37,830 - INFO - OPENED SHORT at 2090.59 | Stop loss: 2101.0921035714287 | Take profit: 2059.1574196428573 +2025-03-10 16:24:37,854 - INFO - CLOSED short at 2090.99 | PnL: -0.02% | $-0.22 +2025-03-10 16:24:37,855 - INFO - OPENED LONG at 2090.99 | Stop loss: 2080.4858964285713 | Take profit: 2122.428580357143 +2025-03-10 16:24:37,925 - INFO - CLOSED long at 2084.95 | PnL: -0.29% | $-0.72 +2025-03-10 16:24:37,925 - INFO - OPENED SHORT at 2084.95 | Stop loss: 2095.4239035714286 | Take profit: 2053.602019642857 +2025-03-10 16:24:38,100 - INFO - CLOSED short at 2084.25 | PnL: 0.03% | $-0.12 +2025-03-10 16:24:38,101 - INFO - OPENED LONG at 2084.25 | Stop loss: 2073.7795964285715 | Take profit: 2115.587480357143 +2025-03-10 16:24:38,126 - INFO - CLOSED long at 2085.37 | PnL: 0.05% | $-0.08 +2025-03-10 16:24:38,126 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8460035714284 | Take profit: 2054.015719642857 +2025-03-10 16:24:38,248 - INFO - TAKE PROFIT hit for short at 2054.015719642857 | PnL: 1.50% | $2.56 +2025-03-10 16:24:38,281 - INFO - OPENED LONG at 2051.0 | Stop loss: 2040.6958464285715 | Take profit: 2081.838730357143 +2025-03-10 16:24:38,366 - INFO - CLOSED long at 2052.89 | PnL: 0.09% | $-0.01 +2025-03-10 16:24:38,367 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.203603571428 | Take profit: 2022.022919642857 +2025-03-10 16:24:38,435 - INFO - CLOSED short at 2053.22 | PnL: -0.02% | $-0.22 +2025-03-10 16:24:38,473 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.449703571429 | Take profit: 2027.1646196428574 +2025-03-10 16:24:38,543 - INFO - CLOSED short at 2046.76 | PnL: 0.55% | $0.84 +2025-03-10 16:24:38,544 - INFO - OPENED LONG at 2046.76 | Stop loss: 2036.4770464285714 | Take profit: 2077.535130357143 +2025-03-10 16:24:38,568 - INFO - CLOSED long at 2043.95 | PnL: -0.14% | $-0.45 +2025-03-10 16:24:38,569 - INFO - OPENED SHORT at 2043.95 | Stop loss: 2054.2189035714287 | Take profit: 2013.2170196428574 +2025-03-10 16:24:38,706 - INFO - CLOSED short at 2027.51 | PnL: 0.80% | $1.32 +2025-03-10 16:24:38,708 - INFO - OPENED LONG at 2027.51 | Stop loss: 2017.3232964285714 | Take profit: 2057.9963803571427 +2025-03-10 16:24:38,742 - INFO - CLOSED long at 2010.35 | PnL: -0.85% | $-1.80 +2025-03-10 16:24:38,742 - INFO - OPENED SHORT at 2010.35 | Stop loss: 2020.4509035714284 | Take profit: 1980.1210196428572 +2025-03-10 16:24:38,896 - INFO - STOP LOSS hit for short at 2020.4509035714284 | PnL: -0.50% | $-1.13 +2025-03-10 16:24:38,917 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 26.7% in downtrends | Avg Win=$1.20, Avg Loss=$-0.48 +2025-03-10 16:24:38,917 - INFO - Episode 17: Reward=-38.22, Balance=$94.59, Win Rate=17.2%, Trades=29, Episode PnL=$-0.39, Total PnL=$110.48, Max Drawdown=5.4%, Pred Accuracy=97.7% +2025-03-10 16:24:38,918 - INFO - Refreshing data for episode 18 +2025-03-10 16:24:38,918 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:39,217 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:39,228 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:39,262 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.0208035714286 | Take profit: 2096.331319642857 +2025-03-10 16:24:39,371 - INFO - CLOSED short at 2115.52 | PnL: 0.60% | $0.98 +2025-03-10 16:24:39,371 - INFO - OPENED LONG at 2115.52 | Stop loss: 2104.8932464285713 | Take profit: 2147.3265303571425 +2025-03-10 16:24:39,402 - INFO - CLOSED long at 2114.75 | PnL: -0.04% | $-0.27 +2025-03-10 16:24:39,402 - INFO - OPENED SHORT at 2114.75 | Stop loss: 2125.3729035714287 | Take profit: 2082.955019642857 +2025-03-10 16:24:39,425 - INFO - CLOSED short at 2116.06 | PnL: -0.06% | $-0.32 +2025-03-10 16:24:39,426 - INFO - OPENED LONG at 2116.06 | Stop loss: 2105.4305464285712 | Take profit: 2147.874630357143 +2025-03-10 16:24:39,454 - INFO - CLOSED long at 2115.21 | PnL: -0.04% | $-0.28 +2025-03-10 16:24:39,454 - INFO - OPENED SHORT at 2115.21 | Stop loss: 2125.835203571429 | Take profit: 2083.4081196428574 +2025-03-10 16:24:40,238 - INFO - CLOSED short at 2094.16 | PnL: 1.00% | $1.75 +2025-03-10 16:24:40,289 - INFO - OPENED SHORT at 2096.96 | Stop loss: 2107.4939535714284 | Take profit: 2065.4318696428572 +2025-03-10 16:24:40,491 - INFO - CLOSED short at 2080.58 | PnL: 0.78% | $1.36 +2025-03-10 16:24:40,525 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2229035714286 | Take profit: 2053.405019642857 +2025-03-10 16:24:40,550 - INFO - CLOSED short at 2081.0 | PnL: 0.18% | $0.16 +2025-03-10 16:24:40,574 - INFO - OPENED SHORT at 2084.25 | Stop loss: 2094.7204035714285 | Take profit: 2052.912519642857 +2025-03-10 16:24:40,759 - INFO - CLOSED short at 2067.71 | PnL: 0.79% | $1.40 +2025-03-10 16:24:40,827 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.590653571429 | Take profit: 2017.5017696428572 +2025-03-10 16:24:40,886 - INFO - CLOSED short at 2043.51 | PnL: 0.23% | $0.27 +2025-03-10 16:24:40,954 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.449703571429 | Take profit: 2027.1646196428574 +2025-03-10 16:24:40,998 - INFO - CLOSED short at 2050.18 | PnL: 0.39% | $0.59 +2025-03-10 16:24:41,042 - INFO - OPENED SHORT at 2043.95 | Stop loss: 2054.2189035714287 | Take profit: 2013.2170196428574 +2025-03-10 16:24:41,144 - INFO - CLOSED short at 2043.59 | PnL: 0.02% | $-0.17 +2025-03-10 16:24:41,325 - INFO - OPENED SHORT at 2014.41 | Stop loss: 2024.5312035714287 | Take profit: 1984.1201196428574 +2025-03-10 16:24:41,347 - INFO - CLOSED short at 2019.57 | PnL: -0.26% | $-0.73 +2025-03-10 16:24:41,423 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$0.93, Avg Loss=$-0.35 +2025-03-10 16:24:41,424 - INFO - Episode 18: Reward=0.50, Balance=$104.74, Win Rate=58.3%, Trades=12, Episode PnL=$5.29, Total PnL=$115.22, Max Drawdown=0.9%, Pred Accuracy=97.4% +2025-03-10 16:24:41,424 - INFO - Refreshing data for episode 19 +2025-03-10 16:24:41,425 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:41,745 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:41,755 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:42,037 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.403053571429 | Take profit: 2082.9845696428574 +2025-03-10 16:24:42,090 - INFO - CLOSED short at 2114.75 | PnL: 0.00% | $-0.19 +2025-03-10 16:24:42,209 - INFO - OPENED LONG at 2114.32 | Stop loss: 2103.6992464285718 | Take profit: 2146.1085303571426 +2025-03-10 16:24:42,231 - INFO - CLOSED long at 2114.57 | PnL: 0.01% | $-0.17 +2025-03-10 16:24:42,412 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.599403571429 | Take profit: 2068.4755196428573 +2025-03-10 16:24:42,436 - INFO - CLOSED short at 2096.36 | PnL: 0.18% | $0.15 +2025-03-10 16:24:42,484 - INFO - OPENED SHORT at 2089.84 | Stop loss: 2100.3383535714283 | Take profit: 2058.4186696428574 +2025-03-10 16:24:42,509 - INFO - CLOSED short at 2096.19 | PnL: -0.30% | $-0.79 +2025-03-10 16:24:42,560 - INFO - OPENED SHORT at 2102.83 | Stop loss: 2113.3933035714285 | Take profit: 2071.2138196428573 +2025-03-10 16:24:42,582 - INFO - CLOSED short at 2103.41 | PnL: -0.03% | $-0.25 +2025-03-10 16:24:42,829 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.032053571428 | Take profit: 2049.297569642857 +2025-03-10 16:24:42,853 - INFO - CLOSED short at 2084.75 | PnL: -0.20% | $-0.58 +2025-03-10 16:24:42,926 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8460035714284 | Take profit: 2054.015719642857 +2025-03-10 16:24:42,948 - INFO - CLOSED short at 2084.11 | PnL: 0.06% | $-0.08 +2025-03-10 16:24:43,096 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.203603571428 | Take profit: 2022.022919642857 +2025-03-10 16:24:43,118 - INFO - CLOSED short at 2053.22 | PnL: -0.02% | $-0.22 +2025-03-10 16:24:43,141 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.449703571429 | Take profit: 2027.1646196428574 +2025-03-10 16:24:43,199 - INFO - CLOSED short at 2050.18 | PnL: 0.39% | $0.55 +2025-03-10 16:24:43,228 - INFO - OPENED SHORT at 2046.76 | Stop loss: 2057.042953571429 | Take profit: 2015.9848696428571 +2025-03-10 16:24:43,250 - INFO - CLOSED short at 2043.95 | PnL: 0.14% | $0.07 +2025-03-10 16:24:43,272 - INFO - OPENED LONG at 2044.1 | Stop loss: 2033.8303464285714 | Take profit: 2074.835230357143 +2025-03-10 16:24:43,294 - INFO - CLOSED long at 2043.59 | PnL: -0.02% | $-0.24 +2025-03-10 16:24:43,320 - INFO - OPENED SHORT at 2042.0 | Stop loss: 2052.2591535714287 | Take profit: 2011.2962696428572 +2025-03-10 16:24:43,343 - INFO - CLOSED short at 2036.71 | PnL: 0.26% | $0.31 +2025-03-10 16:24:43,364 - INFO - OPENED SHORT at 2027.51 | Stop loss: 2037.6967035714288 | Take profit: 1997.023619642857 +2025-03-10 16:24:43,389 - INFO - CLOSED short at 2010.35 | PnL: 0.85% | $1.44 +2025-03-10 16:24:43,419 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6668535714284 | Take profit: 1985.233169642857 +2025-03-10 16:24:43,489 - INFO - CLOSED short at 2014.56 | PnL: 0.05% | $-0.10 +2025-03-10 16:24:43,533 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 0.0% in downtrends | Avg Win=$0.50, Avg Loss=$-0.29 +2025-03-10 16:24:43,534 - INFO - Episode 19: Reward=-14.61, Balance=$99.89, Win Rate=35.7%, Trades=14, Episode PnL=$-0.11, Total PnL=$115.11, Max Drawdown=2.1%, Pred Accuracy=97.3% +2025-03-10 16:24:43,534 - INFO - Refreshing data for episode 20 +2025-03-10 16:24:43,534 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:43,838 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:43,847 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:44,740 - INFO - OPENED SHORT at 2116.06 | Stop loss: 2126.6894535714287 | Take profit: 2084.245369642857 +2025-03-10 16:24:44,783 - INFO - CLOSED short at 2114.1 | PnL: 0.09% | $-0.01 +2025-03-10 16:24:44,807 - INFO - OPENED SHORT at 2115.11 | Stop loss: 2125.734703571429 | Take profit: 2083.3096196428573 +2025-03-10 16:24:44,964 - INFO - CLOSED short at 2098.24 | PnL: 0.80% | $1.36 +2025-03-10 16:24:45,010 - INFO - OPENED SHORT at 2091.36 | Stop loss: 2101.8659535714287 | Take profit: 2059.915869642857 +2025-03-10 16:24:45,036 - INFO - CLOSED short at 2100.05 | PnL: -0.42% | $-1.02 +2025-03-10 16:24:45,066 - INFO - OPENED SHORT at 2096.36 | Stop loss: 2106.890953571429 | Take profit: 2064.8408696428573 +2025-03-10 16:24:45,426 - INFO - CLOSED short at 2084.95 | PnL: 0.54% | $0.87 +2025-03-10 16:24:45,448 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.032053571428 | Take profit: 2049.297569642857 +2025-03-10 16:24:45,654 - INFO - TAKE PROFIT hit for short at 2049.297569642857 | PnL: 1.50% | $2.78 +2025-03-10 16:24:45,684 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3041535714283 | Take profit: 2020.1612696428572 +2025-03-10 16:24:45,947 - INFO - CLOSED short at 2043.59 | PnL: 0.36% | $0.53 +2025-03-10 16:24:45,967 - INFO - OPENED SHORT at 2042.0 | Stop loss: 2052.2591535714287 | Take profit: 2011.2962696428572 +2025-03-10 16:24:46,040 - INFO - CLOSED short at 2010.35 | PnL: 1.55% | $2.96 +2025-03-10 16:24:46,112 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6668535714284 | Take profit: 1985.233169642857 +2025-03-10 16:24:46,282 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$1.70, Avg Loss=$-0.52 +2025-03-10 16:24:46,283 - INFO - Episode 20: Reward=2.39, Balance=$107.46, Win Rate=71.4%, Trades=7, Episode PnL=$7.46, Total PnL=$122.57, Max Drawdown=1.0%, Pred Accuracy=97.3% +2025-03-10 16:24:46,428 - INFO - Model saved to checkpoints/trading_agent_episode_20.pt +2025-03-10 16:24:46,429 - INFO - Checkpoint saved at episode 20 +2025-03-10 16:24:46,431 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:24:47,684 - INFO - Visualization saved for episode 20 +2025-03-10 16:24:49,454 - INFO - Visualization saved for episode 20 +2025-03-10 16:24:49,472 - INFO - Refreshing data for episode 21 +2025-03-10 16:24:49,473 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:49,789 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:49,798 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:50,101 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.4436607142857 | Take profit: 2092.8237339285715 +2025-03-10 16:24:50,678 - INFO - CLOSED short at 2091.36 | PnL: 1.57% | $2.88 +2025-03-10 16:24:50,725 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.600060714286 | Take profit: 2068.4745339285714 +2025-03-10 16:24:51,457 - INFO - TAKE PROFIT hit for short at 2068.4745339285714 | PnL: 1.50% | $2.82 +2025-03-10 16:24:51,498 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5913107142856 | Take profit: 2017.5007839285718 +2025-03-10 16:24:51,950 - INFO - TAKE PROFIT hit for short at 2017.5007839285718 | PnL: 1.50% | $2.90 +2025-03-10 16:24:52,096 - INFO - OPENED SHORT at 2021.97 | Stop loss: 2032.129660714286 | Take profit: 1991.5657339285715 +2025-03-10 16:24:52,122 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.87, Avg Loss=$0.00 +2025-03-10 16:24:52,123 - INFO - Episode 21: Reward=1.74, Balance=$108.60, Win Rate=100.0%, Trades=3, Episode PnL=$8.60, Total PnL=$131.17, Max Drawdown=0.0%, Pred Accuracy=97.7% +2025-03-10 16:24:52,124 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:24:52,124 - INFO - Refreshing data for episode 22 +2025-03-10 16:24:52,124 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:52,424 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:52,433 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:52,546 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.4449357142853 | Take profit: 2084.9815214285713 +2025-03-10 16:24:53,688 - INFO - TAKE PROFIT hit for short at 2084.9815214285713 | PnL: 1.50% | $2.74 +2025-03-10 16:24:53,825 - INFO - OPENED SHORT at 2085.37 | Stop loss: 2095.8477357142856 | Take profit: 2054.013121428571 +2025-03-10 16:24:54,013 - INFO - TAKE PROFIT hit for short at 2054.013121428571 | PnL: 1.50% | $2.82 +2025-03-10 16:24:54,169 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.4514357142857 | Take profit: 2027.1620214285715 +2025-03-10 16:24:54,541 - INFO - TAKE PROFIT hit for short at 2027.1620214285715 | PnL: 1.50% | $2.89 +2025-03-10 16:24:54,589 - INFO - OPENED SHORT at 2014.41 | Stop loss: 2024.5329357142855 | Take profit: 1984.1175214285715 +2025-03-10 16:24:54,714 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.82, Avg Loss=$0.00 +2025-03-10 16:24:54,715 - INFO - Episode 22: Reward=11.35, Balance=$108.45, Win Rate=100.0%, Trades=3, Episode PnL=$8.45, Total PnL=$139.62, Max Drawdown=0.0%, Pred Accuracy=97.7% +2025-03-10 16:24:54,715 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:24:54,715 - INFO - Refreshing data for episode 23 +2025-03-10 16:24:54,716 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:55,049 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:55,059 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:55,271 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.023035714286 | Take profit: 2096.3279714285713 +2025-03-10 16:24:56,008 - INFO - TAKE PROFIT hit for short at 2096.3279714285713 | PnL: 1.50% | $2.74 +2025-03-10 16:24:56,047 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.601635714286 | Take profit: 2068.4721714285715 +2025-03-10 16:24:56,831 - INFO - TAKE PROFIT hit for short at 2068.4721714285715 | PnL: 1.50% | $2.82 +2025-03-10 16:24:56,884 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.3063857142856 | Take profit: 2020.1579214285714 +2025-03-10 16:24:57,247 - INFO - TAKE PROFIT hit for short at 2020.1579214285714 | PnL: 1.50% | $2.89 +2025-03-10 16:24:57,286 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6690857142858 | Take profit: 1985.2298214285713 +2025-03-10 16:24:57,458 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.82, Avg Loss=$0.00 +2025-03-10 16:24:57,459 - INFO - Episode 23: Reward=13.72, Balance=$108.45, Win Rate=100.0%, Trades=3, Episode PnL=$8.45, Total PnL=$148.06, Max Drawdown=0.0%, Pred Accuracy=97.8% +2025-03-10 16:24:57,459 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:24:57,459 - INFO - Refreshing data for episode 24 +2025-03-10 16:24:57,460 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:24:57,785 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:24:57,799 - INFO - Initialized environment with 100 candles +2025-03-10 16:24:57,834 - INFO - OPENED SHORT at 2128.33 | Stop loss: 2139.023057142857 | Take profit: 2096.327939285714 +2025-03-10 16:24:58,430 - INFO - TAKE PROFIT hit for short at 2096.327939285714 | PnL: 1.50% | $2.74 +2025-03-10 16:24:58,466 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.6016571428577 | Take profit: 2068.4721392857145 +2025-03-10 16:24:59,202 - INFO - TAKE PROFIT hit for short at 2068.4721392857145 | PnL: 1.50% | $2.82 +2025-03-10 16:24:59,244 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.306407142857 | Take profit: 2020.1578892857144 +2025-03-10 16:24:59,372 - INFO - CLOSED short at 2058.11 | PnL: -0.35% | $-0.92 +2025-03-10 16:24:59,372 - INFO - OPENED LONG at 2058.11 | Stop loss: 2047.768042857143 | Take profit: 2089.058760714286 +2025-03-10 16:24:59,461 - INFO - STOP LOSS hit for long at 2047.768042857143 | PnL: -0.50% | $-1.23 +2025-03-10 16:24:59,483 - INFO - OPENED SHORT at 2043.95 | Stop loss: 2054.2211571428575 | Take profit: 2013.2136392857142 +2025-03-10 16:24:59,622 - INFO - TAKE PROFIT hit for short at 2013.2136392857142 | PnL: 1.50% | $2.83 +2025-03-10 16:24:59,649 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.669107142857 | Take profit: 1985.229789285714 +2025-03-10 16:24:59,822 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$2.80, Avg Loss=$-1.08 +2025-03-10 16:24:59,823 - INFO - Episode 24: Reward=9.77, Balance=$106.24, Win Rate=60.0%, Trades=5, Episode PnL=$6.24, Total PnL=$154.30, Max Drawdown=2.0%, Pred Accuracy=97.7% +2025-03-10 16:24:59,824 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:24:59,824 - INFO - Refreshing data for episode 25 +2025-03-10 16:24:59,824 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:25:00,138 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:25:00,148 - INFO - Initialized environment with 100 candles +2025-03-10 16:25:00,897 - INFO - OPENED LONG at 2124.77 | Stop loss: 2114.0934785714285 | Take profit: 2156.720557142857 +2025-03-10 16:25:00,966 - INFO - CLOSED long at 2114.78 | PnL: -0.47% | $-1.11 +2025-03-10 16:25:00,966 - INFO - OPENED SHORT at 2114.78 | Stop loss: 2125.4065714285716 | Take profit: 2082.9792928571433 +2025-03-10 16:25:01,884 - INFO - TAKE PROFIT hit for short at 2082.9792928571433 | PnL: 1.50% | $2.71 +2025-03-10 16:25:01,908 - INFO - OPENED SHORT at 2084.75 | Stop loss: 2095.2264214285715 | Take profit: 2053.399742857143 +2025-03-10 16:25:02,096 - INFO - TAKE PROFIT hit for short at 2053.399742857143 | PnL: 1.50% | $2.78 +2025-03-10 16:25:02,256 - INFO - OPENED SHORT at 2058.11 | Stop loss: 2068.4532214285714 | Take profit: 2027.159342857143 +2025-03-10 16:25:02,489 - INFO - TAKE PROFIT hit for short at 2027.159342857143 | PnL: 1.50% | $2.86 +2025-03-10 16:25:02,568 - INFO - OPENED SHORT at 2014.41 | Stop loss: 2024.5347214285716 | Take profit: 1984.114842857143 +2025-03-10 16:25:02,685 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 100.0% in downtrends | Avg Win=$2.78, Avg Loss=$-1.11 +2025-03-10 16:25:02,686 - INFO - Episode 25: Reward=8.81, Balance=$107.24, Win Rate=75.0%, Trades=4, Episode PnL=$8.35, Total PnL=$161.54, Max Drawdown=0.0%, Pred Accuracy=97.7% +2025-03-10 16:25:02,686 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:25:02,687 - INFO - Refreshing data for episode 26 +2025-03-10 16:25:02,687 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:25:03,001 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:25:03,010 - INFO - Initialized environment with 100 candles +2025-03-10 16:25:03,111 - INFO - OPENED SHORT at 2116.81 | Stop loss: 2127.4469035714287 | Take profit: 2084.978569642857 +2025-03-10 16:25:03,132 - INFO - CLOSED short at 2114.78 | PnL: 0.10% | $-0.01 +2025-03-10 16:25:03,132 - INFO - OPENED LONG at 2114.78 | Stop loss: 2104.1532464285715 | Take profit: 2146.580980357143 +2025-03-10 16:25:03,356 - INFO - CLOSED long at 2112.57 | PnL: -0.10% | $-0.40 +2025-03-10 16:25:03,356 - INFO - OPENED SHORT at 2112.57 | Stop loss: 2123.1857035714283 | Take profit: 2080.8021696428573 +2025-03-10 16:25:03,724 - INFO - CLOSED short at 2104.22 | PnL: 0.40% | $0.57 +2025-03-10 16:25:03,788 - INFO - OPENED SHORT at 2105.26 | Stop loss: 2115.839153571429 | Take profit: 2073.601819642857 +2025-03-10 16:25:04,215 - INFO - TAKE PROFIT hit for short at 2073.601819642857 | PnL: 1.50% | $2.74 +2025-03-10 16:25:04,294 - INFO - OPENED SHORT at 2043.51 | Stop loss: 2053.780403571429 | Take profit: 2012.7780696428572 +2025-03-10 16:25:04,367 - INFO - STOP LOSS hit for short at 2053.780403571429 | PnL: -0.50% | $-1.21 +2025-03-10 16:25:04,391 - INFO - OPENED SHORT at 2054.03 | Stop loss: 2064.353003571429 | Take profit: 2023.1402696428574 +2025-03-10 16:25:04,672 - INFO - TAKE PROFIT hit for short at 2023.1402696428574 | PnL: 1.50% | $2.78 +2025-03-10 16:25:04,697 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.6705535714284 | Take profit: 1985.227619642857 +2025-03-10 16:25:04,806 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 50.0% in downtrends | Avg Win=$2.03, Avg Loss=$-0.54 +2025-03-10 16:25:04,807 - INFO - Episode 26: Reward=7.05, Balance=$104.48, Win Rate=50.0%, Trades=6, Episode PnL=$4.88, Total PnL=$166.02, Max Drawdown=1.2%, Pred Accuracy=97.8% +2025-03-10 16:25:04,807 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:25:04,808 - INFO - Refreshing data for episode 27 +2025-03-10 16:25:04,808 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:25:05,114 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:25:05,123 - INFO - Initialized environment with 100 candles +2025-03-10 16:25:05,379 - INFO - OPENED SHORT at 2120.26 | Stop loss: 2130.9116785714286 | Take profit: 2088.380532142857 +2025-03-10 16:25:06,339 - INFO - TAKE PROFIT hit for short at 2088.380532142857 | PnL: 1.50% | $2.74 +2025-03-10 16:25:06,366 - INFO - OPENED SHORT at 2080.58 | Stop loss: 2091.0332785714286 | Take profit: 2049.295732142857 +2025-03-10 16:25:06,459 - INFO - CLOSED short at 2085.37 | PnL: -0.23% | $-0.66 +2025-03-10 16:25:06,495 - INFO - OPENED SHORT at 2084.11 | Stop loss: 2094.5809285714286 | Take profit: 2052.772782142857 +2025-03-10 16:25:06,567 - INFO - CLOSED short at 2075.07 | PnL: 0.43% | $0.67 +2025-03-10 16:25:06,600 - INFO - OPENED SHORT at 2067.71 | Stop loss: 2078.0989285714286 | Take profit: 2036.6187821428573 +2025-03-10 16:25:06,963 - INFO - TAKE PROFIT hit for short at 2036.6187821428573 | PnL: 1.50% | $2.82 +2025-03-10 16:25:06,995 - INFO - OPENED SHORT at 2010.35 | Stop loss: 2020.4521285714284 | Take profit: 1980.119182142857 +2025-03-10 16:25:07,127 - INFO - STOP LOSS hit for short at 2020.4521285714284 | PnL: -0.50% | $-1.24 +2025-03-10 16:25:07,148 - INFO - OPENED SHORT at 2035.32 | Stop loss: 2045.5469785714286 | Take profit: 2004.7146321428572 +2025-03-10 16:25:07,167 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 66.7% in downtrends | Avg Win=$2.07, Avg Loss=$-0.95 +2025-03-10 16:25:07,168 - INFO - Episode 27: Reward=13.48, Balance=$104.32, Win Rate=60.0%, Trades=5, Episode PnL=$4.32, Total PnL=$170.34, Max Drawdown=1.2%, Pred Accuracy=98.2% +2025-03-10 16:25:07,168 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:25:07,169 - INFO - Refreshing data for episode 28 +2025-03-10 16:25:07,169 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:25:07,480 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:25:07,490 - INFO - Initialized environment with 100 candles +2025-03-10 16:25:07,524 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.446142857143 | Take profit: 2092.8200107142857 +2025-03-10 16:25:07,906 - INFO - TAKE PROFIT hit for short at 2092.8200107142857 | PnL: 1.50% | $2.74 +2025-03-10 16:25:07,944 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.602542857143 | Take profit: 2068.470810714286 +2025-03-10 16:25:08,617 - INFO - TAKE PROFIT hit for short at 2068.470810714286 | PnL: 1.50% | $2.81 +2025-03-10 16:25:08,687 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.307292857143 | Take profit: 2020.1565607142857 +2025-03-10 16:25:08,721 - INFO - CLOSED short at 2043.51 | PnL: 0.37% | $0.55 +2025-03-10 16:25:08,722 - INFO - OPENED LONG at 2043.51 | Stop loss: 2033.240157142857 | Take profit: 2074.2410892857147 +2025-03-10 16:25:08,755 - INFO - CLOSED long at 2052.89 | PnL: 0.46% | $0.74 +2025-03-10 16:25:08,755 - INFO - OPENED SHORT at 2052.89 | Stop loss: 2063.2067428571427 | Take profit: 2022.0182107142855 +2025-03-10 16:25:09,036 - INFO - TAKE PROFIT hit for short at 2022.0182107142855 | PnL: 1.50% | $2.93 +2025-03-10 16:25:09,076 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.669992857143 | Take profit: 1985.2284607142856 +2025-03-10 16:25:09,241 - INFO - STOP LOSS hit for short at 2025.669992857143 | PnL: -0.50% | $-1.29 +2025-03-10 16:25:09,262 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 80.0% in downtrends | Avg Win=$1.95, Avg Loss=$-1.29 +2025-03-10 16:25:09,262 - INFO - Episode 28: Reward=16.38, Balance=$108.48, Win Rate=83.3%, Trades=6, Episode PnL=$7.74, Total PnL=$178.82, Max Drawdown=1.2%, Pred Accuracy=98.1% +2025-03-10 16:25:09,262 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:25:09,263 - INFO - Refreshing data for episode 29 +2025-03-10 16:25:09,263 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:25:09,571 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:25:09,581 - INFO - Initialized environment with 100 candles +2025-03-10 16:25:09,615 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.446142857143 | Take profit: 2092.8200107142857 +2025-03-10 16:25:10,039 - INFO - TAKE PROFIT hit for short at 2092.8200107142857 | PnL: 1.50% | $2.74 +2025-03-10 16:25:10,064 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.602542857143 | Take profit: 2068.470810714286 +2025-03-10 16:25:10,300 - INFO - CLOSED short at 2105.26 | PnL: -0.25% | $-0.70 +2025-03-10 16:25:10,300 - INFO - OPENED LONG at 2105.26 | Stop loss: 2094.6814071428576 | Take profit: 2136.9173392857147 +2025-03-10 16:25:10,342 - INFO - CLOSED long at 2099.63 | PnL: -0.27% | $-0.73 +2025-03-10 16:25:10,343 - INFO - OPENED SHORT at 2099.63 | Stop loss: 2110.180442857143 | Take profit: 2068.057110714286 +2025-03-10 16:25:10,786 - INFO - TAKE PROFIT hit for short at 2068.057110714286 | PnL: 1.50% | $2.78 +2025-03-10 16:25:10,838 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5937928571434 | Take profit: 2017.497060714286 +2025-03-10 16:25:11,262 - INFO - TAKE PROFIT hit for short at 2017.497060714286 | PnL: 1.50% | $2.85 +2025-03-10 16:25:11,290 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.669992857143 | Take profit: 1985.2284607142856 +2025-03-10 16:25:11,404 - INFO - STOP LOSS hit for short at 2025.669992857143 | PnL: -0.50% | $-1.26 +2025-03-10 16:25:11,424 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 60.0% in downtrends | Avg Win=$2.79, Avg Loss=$-0.90 +2025-03-10 16:25:11,424 - INFO - Episode 29: Reward=10.15, Balance=$105.68, Win Rate=50.0%, Trades=6, Episode PnL=$6.41, Total PnL=$184.50, Max Drawdown=1.2%, Pred Accuracy=98.3% +2025-03-10 16:25:11,425 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:25:11,425 - INFO - Refreshing data for episode 30 +2025-03-10 16:25:11,426 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:25:11,742 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:25:11,752 - INFO - Initialized environment with 100 candles +2025-03-10 16:25:12,582 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.446142857143 | Take profit: 2092.8200107142857 +2025-03-10 16:25:13,123 - INFO - TAKE PROFIT hit for short at 2092.8200107142857 | PnL: 1.50% | $2.74 +2025-03-10 16:25:13,177 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.602542857143 | Take profit: 2068.470810714286 +2025-03-10 16:25:13,790 - INFO - CLOSED short at 2084.11 | PnL: 0.76% | $1.32 +2025-03-10 16:25:13,790 - INFO - OPENED LONG at 2084.11 | Stop loss: 2073.637157142857 | Take profit: 2115.4500892857145 +2025-03-10 16:25:13,818 - INFO - CLOSED long at 2083.07 | PnL: -0.05% | $-0.30 +2025-03-10 16:25:13,818 - INFO - OPENED SHORT at 2083.07 | Stop loss: 2093.537642857143 | Take profit: 2051.745510714286 +2025-03-10 16:25:13,915 - INFO - TAKE PROFIT hit for short at 2051.745510714286 | PnL: 1.50% | $2.84 +2025-03-10 16:25:13,951 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.307292857143 | Take profit: 2020.1565607142857 +2025-03-10 16:25:14,325 - INFO - TAKE PROFIT hit for short at 2020.1565607142857 | PnL: 1.50% | $2.92 +2025-03-10 16:25:14,362 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.669992857143 | Take profit: 1985.2284607142856 +2025-03-10 16:25:14,499 - INFO - STOP LOSS hit for short at 2025.669992857143 | PnL: -0.50% | $-1.29 +2025-03-10 16:25:14,518 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 80.0% in downtrends | Avg Win=$2.46, Avg Loss=$-0.80 +2025-03-10 16:25:14,518 - INFO - Episode 30: Reward=14.44, Balance=$108.23, Win Rate=66.7%, Trades=6, Episode PnL=$8.53, Total PnL=$192.73, Max Drawdown=1.2%, Pred Accuracy=98.3% +2025-03-10 16:25:14,651 - INFO - Model saved to checkpoints/trading_agent_episode_30.pt +2025-03-10 16:25:14,652 - INFO - Checkpoint saved at episode 30 +2025-03-10 16:25:14,652 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:25:15,577 - INFO - Visualization saved for episode 30 +2025-03-10 16:25:17,624 - INFO - Visualization saved for episode 30 +2025-03-10 16:25:17,638 - INFO - Refreshing data for episode 31 +2025-03-10 16:25:17,639 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:25:17,942 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:25:17,952 - INFO - Initialized environment with 100 candles +2025-03-10 16:25:17,984 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.446142857143 | Take profit: 2092.8200107142857 +2025-03-10 16:25:18,272 - INFO - CLOSED short at 2112.57 | PnL: 0.57% | $0.93 +2025-03-10 16:25:18,272 - INFO - OPENED LONG at 2112.57 | Stop loss: 2101.9548571428572 | Take profit: 2144.3369892857145 +2025-03-10 16:25:18,296 - INFO - CLOSED long at 2113.28 | PnL: 0.03% | $-0.13 +2025-03-10 16:25:18,296 - INFO - OPENED SHORT at 2113.28 | Stop loss: 2123.898692857143 | Take profit: 2081.502360714286 +2025-03-10 16:25:18,564 - INFO - CLOSED short at 2102.83 | PnL: 0.49% | $0.78 +2025-03-10 16:25:18,586 - INFO - OPENED SHORT at 2103.41 | Stop loss: 2113.9793428571425 | Take profit: 2071.7804107142856 +2025-03-10 16:25:19,074 - INFO - TAKE PROFIT hit for short at 2071.7804107142856 | PnL: 1.50% | $2.78 +2025-03-10 16:25:19,100 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5937928571434 | Take profit: 2017.497060714286 +2025-03-10 16:25:19,303 - INFO - CLOSED short at 2043.95 | PnL: 0.21% | $0.23 +2025-03-10 16:25:19,303 - INFO - OPENED LONG at 2043.95 | Stop loss: 2033.6779571428572 | Take profit: 2074.6876892857144 +2025-03-10 16:25:19,327 - INFO - CLOSED long at 2044.1 | PnL: 0.01% | $-0.19 +2025-03-10 16:25:19,327 - INFO - OPENED SHORT at 2044.1 | Stop loss: 2054.3727928571425 | Take profit: 2013.3600607142857 +2025-03-10 16:25:19,442 - INFO - TAKE PROFIT hit for short at 2013.3600607142857 | PnL: 1.50% | $2.86 +2025-03-10 16:25:19,484 - INFO - OPENED SHORT at 2014.41 | Stop loss: 2024.534342857143 | Take profit: 1984.1154107142859 +2025-03-10 16:25:19,581 - INFO - STOP LOSS hit for short at 2024.534342857143 | PnL: -0.50% | $-1.26 +2025-03-10 16:25:19,601 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 80.0% in downtrends | Avg Win=$1.51, Avg Loss=$-0.53 +2025-03-10 16:25:19,602 - INFO - Episode 31: Reward=14.88, Balance=$105.99, Win Rate=62.5%, Trades=8, Episode PnL=$6.31, Total PnL=$198.72, Max Drawdown=1.2%, Pred Accuracy=98.3% +2025-03-10 16:25:19,602 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:25:19,603 - INFO - Refreshing data for episode 32 +2025-03-10 16:25:19,603 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:25:19,906 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:25:19,916 - INFO - Initialized environment with 100 candles +2025-03-10 16:25:20,030 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.446142857143 | Take profit: 2092.8200107142857 +2025-03-10 16:25:20,654 - INFO - TAKE PROFIT hit for short at 2092.8200107142857 | PnL: 1.50% | $2.74 +2025-03-10 16:25:20,679 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.602542857143 | Take profit: 2068.470810714286 +2025-03-10 16:25:21,388 - INFO - TAKE PROFIT hit for short at 2068.470810714286 | PnL: 1.50% | $2.81 +2025-03-10 16:25:21,433 - INFO - OPENED SHORT at 2048.3 | Stop loss: 2058.5937928571434 | Take profit: 2017.497060714286 +2025-03-10 16:25:21,815 - INFO - TAKE PROFIT hit for short at 2017.497060714286 | PnL: 1.50% | $2.89 +2025-03-10 16:25:21,847 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.669992857143 | Take profit: 1985.2284607142856 +2025-03-10 16:25:21,952 - INFO - STOP LOSS hit for short at 2025.669992857143 | PnL: -0.50% | $-1.27 +2025-03-10 16:25:21,973 - INFO - Trade Analysis: Win Rate=0.0% in uptrends, 75.0% in downtrends | Avg Win=$2.81, Avg Loss=$-1.27 +2025-03-10 16:25:21,974 - INFO - Episode 32: Reward=14.15, Balance=$107.17, Win Rate=75.0%, Trades=4, Episode PnL=$7.17, Total PnL=$205.89, Max Drawdown=1.2%, Pred Accuracy=98.4% +2025-03-10 16:25:21,974 - INFO - Reducing learning rate to 0.000010 +2025-03-10 16:25:21,974 - INFO - Refreshing data for episode 33 +2025-03-10 16:25:21,975 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:25:22,283 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:25:22,293 - INFO - Initialized environment with 100 candles +2025-03-10 16:25:22,325 - INFO - OPENED SHORT at 2124.77 | Stop loss: 2135.446142857143 | Take profit: 2092.8200107142857 +2025-03-10 16:25:22,639 - INFO - CLOSED short at 2115.07 | PnL: 0.46% | $0.70 +2025-03-10 16:25:22,676 - INFO - OPENED SHORT at 2098.24 | Stop loss: 2108.783492857143 | Take profit: 2066.6879607142855 +2025-03-10 16:25:23,565 - INFO - TAKE PROFIT hit for short at 2066.6879607142855 | PnL: 1.50% | $2.76 +2025-03-10 16:25:23,611 - INFO - OPENED SHORT at 2051.0 | Stop loss: 2061.307292857143 | Take profit: 2020.1565607142857 +2025-03-10 16:25:23,983 - INFO - TAKE PROFIT hit for short at 2020.1565607142857 | PnL: 1.50% | $2.83 +2025-03-10 16:25:24,022 - INFO - OPENED SHORT at 2015.54 | Stop loss: 2025.669992857143 | Take profit: 1985.2284607142856 +2025-03-10 16:25:34,560 - INFO - Using GPU: NVIDIA GeForce RTX 4060 Laptop GPU +2025-03-10 16:25:34,580 - INFO - Exchange initialized with standard CCXT: mexc +2025-03-10 16:25:34,580 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:25:34,581 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:25:38,014 - INFO - Fetched 500 candles for ETH/USDT (1m) +2025-03-10 16:25:38,032 - INFO - Initialized environment with 500 candles +2025-03-10 16:25:40,923 - INFO - Loading model from models/trading_agent_best_pnl.pt +2025-03-10 16:25:41,094 - INFO - Model loaded successfully with weights_only=True +2025-03-10 16:25:41,094 - INFO - Starting live trading... +2025-03-10 16:25:41,095 - INFO - Starting live trading (demo mode: True) +2025-03-10 16:25:41,095 - INFO - Fetching initial data for ETH/USDT +2025-03-10 16:25:41,401 - INFO - Fetched 100 candles for ETH/USDT (1m) +2025-03-10 16:25:41,412 - INFO - Initialized environment with 100 candles +2025-03-10 16:25:46,711 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:25:46,815 - INFO - OPENED SHORT at 2124.87 | Stop loss: 2135.5476214285713 | Take profit: 2092.917042857143 +2025-03-10 16:25:46,816 - INFO - Price: $2040.73 | Action: SELL +2025-03-10 16:25:52,123 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:25:52,143 - INFO - Price: $2038.50 | Action: SELL +2025-03-10 16:25:57,474 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:25:57,493 - INFO - Price: $2038.45 | Action: SELL +2025-03-10 16:26:02,845 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:26:02,865 - INFO - Price: $2036.59 | Action: SELL +2025-03-10 16:26:08,188 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:26:08,207 - INFO - Price: $2034.60 | Action: SELL +2025-03-10 16:26:13,499 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:26:13,587 - INFO - Price: $2034.28 | Action: SELL +2025-03-10 16:26:18,892 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:26:18,943 - INFO - Price: $2032.29 | Action: SELL +2025-03-10 16:26:24,262 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:26:24,283 - INFO - Price: $2031.28 | Action: SELL +2025-03-10 16:26:29,592 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:26:29,627 - INFO - Price: $2031.00 | Action: SELL +2025-03-10 16:26:34,942 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:26:34,989 - INFO - Price: $2030.85 | Action: SELL +2025-03-10 16:26:40,313 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:26:40,360 - INFO - Price: $2030.36 | Action: SELL +2025-03-10 16:26:45,663 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:26:45,732 - INFO - Price: $2029.54 | Action: SELL +2025-03-10 16:26:51,023 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:26:51,090 - INFO - Price: $2029.11 | Action: SELL +2025-03-10 16:26:56,384 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:26:56,419 - INFO - Price: $2030.75 | Action: SELL +2025-03-10 16:27:01,719 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:27:01,762 - INFO - Price: $2031.97 | Action: SELL +2025-03-10 16:27:07,061 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:27:07,106 - INFO - Price: $2031.84 | Action: SELL +2025-03-10 16:27:12,426 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:27:12,473 - INFO - Price: $2033.25 | Action: SELL +2025-03-10 16:27:17,777 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:27:17,797 - INFO - Price: $2030.44 | Action: SELL +2025-03-10 16:27:23,108 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:27:23,150 - INFO - Price: $2028.49 | Action: SELL +2025-03-10 16:27:28,465 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:27:28,508 - INFO - Price: $2028.49 | Action: SELL +2025-03-10 16:27:33,800 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:27:33,845 - INFO - Price: $2033.12 | Action: SELL +2025-03-10 16:27:39,138 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:27:39,227 - INFO - Price: $2033.06 | Action: SELL +2025-03-10 16:27:44,533 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:27:44,614 - INFO - Price: $2032.17 | Action: SELL +2025-03-10 16:27:49,943 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:27:49,986 - INFO - Price: $2029.23 | Action: SELL +2025-03-10 16:27:55,289 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:27:55,308 - INFO - Price: $2027.77 | Action: SELL +2025-03-10 16:28:00,599 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:28:00,632 - INFO - Price: $2028.38 | Action: SELL +2025-03-10 16:28:05,969 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:28:06,016 - INFO - Price: $2025.00 | Action: SELL +2025-03-10 16:28:11,329 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:28:11,350 - INFO - Price: $2024.37 | Action: SELL +2025-03-10 16:28:16,652 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:28:16,669 - INFO - Price: $2025.98 | Action: SELL +2025-03-10 16:28:21,993 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:28:22,014 - INFO - Price: $2027.61 | Action: SELL +2025-03-10 16:28:27,313 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:28:27,340 - INFO - Price: $2027.03 | Action: SELL +2025-03-10 16:28:32,645 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:28:32,682 - INFO - Price: $2028.02 | Action: SELL +2025-03-10 16:28:37,993 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:28:38,032 - INFO - Price: $2027.01 | Action: SELL +2025-03-10 16:28:43,330 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:28:43,351 - INFO - Price: $2027.00 | Action: SELL +2025-03-10 16:28:48,634 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:28:48,680 - INFO - Price: $2027.83 | Action: SELL +2025-03-10 16:28:53,985 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:28:54,005 - INFO - Price: $2029.89 | Action: SELL +2025-03-10 16:28:59,309 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:28:59,328 - INFO - Price: $2029.17 | Action: SELL +2025-03-10 16:29:04,627 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:29:04,647 - INFO - Price: $2030.40 | Action: SELL +2025-03-10 16:29:09,935 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:29:09,980 - INFO - Price: $2029.41 | Action: SELL +2025-03-10 16:29:15,299 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:29:15,320 - INFO - Price: $2028.68 | Action: SELL +2025-03-10 16:29:20,640 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:29:20,660 - INFO - Price: $2027.00 | Action: SELL +2025-03-10 16:29:25,978 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:29:25,999 - INFO - Price: $2023.22 | Action: SELL +2025-03-10 16:29:31,316 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:29:31,357 - INFO - Price: $2022.60 | Action: SELL +2025-03-10 16:29:36,684 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:29:36,705 - INFO - Price: $2022.40 | Action: SELL +2025-03-10 16:29:42,022 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:29:42,058 - INFO - Price: $2023.05 | Action: SELL +2025-03-10 16:29:47,374 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:29:47,386 - INFO - Price: $2019.44 | Action: SELL +2025-03-10 16:29:52,701 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:29:52,718 - INFO - Price: $2021.70 | Action: SELL +2025-03-10 16:29:58,027 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:29:58,043 - INFO - Price: $2021.29 | Action: SELL +2025-03-10 16:30:03,351 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:30:03,374 - INFO - TAKE PROFIT hit for short at 2092.917042857143 | PnL: 1.50% | $5.48 +2025-03-10 16:30:03,375 - INFO - Price: $2021.31 | Action: SELL +2025-03-10 16:30:03,375 - INFO - Balance: $105.48 | Trades: 1 | Win Rate: 100.0% | Total PnL: $5.48 +2025-03-10 16:30:03,375 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 16:30:08,680 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:30:08,867 - INFO - OPENED SHORT at 2100.05 | Stop loss: 2110.579928571429 | Take profit: 2068.5047321428574 +2025-03-10 16:30:08,868 - INFO - Price: $2020.46 | Action: SELL +2025-03-10 16:30:08,869 - INFO - Balance: $105.48 | Trades: 1 | Win Rate: 100.0% | Total PnL: $5.48 +2025-03-10 16:30:08,869 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 16:30:14,174 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:30:14,193 - INFO - Price: $2019.09 | Action: SELL +2025-03-10 16:30:14,194 - INFO - Balance: $105.48 | Trades: 1 | Win Rate: 100.0% | Total PnL: $5.48 +2025-03-10 16:30:14,194 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 16:30:19,493 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:30:19,511 - INFO - Price: $2018.84 | Action: SELL +2025-03-10 16:30:19,511 - INFO - Balance: $105.48 | Trades: 1 | Win Rate: 100.0% | Total PnL: $5.48 +2025-03-10 16:30:19,513 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 16:30:24,826 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:30:24,844 - INFO - Price: $2021.72 | Action: SELL +2025-03-10 16:30:24,844 - INFO - Balance: $105.48 | Trades: 1 | Win Rate: 100.0% | Total PnL: $5.48 +2025-03-10 16:30:24,845 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 16:30:30,150 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:30:30,162 - INFO - Price: $2019.43 | Action: SELL +2025-03-10 16:30:30,163 - INFO - Balance: $105.48 | Trades: 1 | Win Rate: 100.0% | Total PnL: $5.48 +2025-03-10 16:30:30,164 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 16:30:35,469 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:30:35,736 - INFO - Price: $2019.66 | Action: SELL +2025-03-10 16:30:35,737 - INFO - Balance: $105.48 | Trades: 1 | Win Rate: 100.0% | Total PnL: $5.48 +2025-03-10 16:30:35,738 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 16:30:41,042 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:30:41,056 - INFO - Price: $2016.41 | Action: SELL +2025-03-10 16:30:41,056 - INFO - Balance: $105.48 | Trades: 1 | Win Rate: 100.0% | Total PnL: $5.48 +2025-03-10 16:30:41,057 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 16:30:46,375 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:30:46,389 - INFO - Price: $2016.45 | Action: SELL +2025-03-10 16:30:46,389 - INFO - Balance: $105.48 | Trades: 1 | Win Rate: 100.0% | Total PnL: $5.48 +2025-03-10 16:30:46,390 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends +2025-03-10 16:30:51,715 - INFO - Fetched 1 candles for ETH/USDT (1m) +2025-03-10 16:30:51,732 - INFO - Price: $2020.48 | Action: SELL +2025-03-10 16:30:51,733 - INFO - Balance: $105.48 | Trades: 1 | Win Rate: 100.0% | Total PnL: $5.48 +2025-03-10 16:30:51,733 - INFO - Recent Performance: Win Rate=0.0% in uptrends, 100.0% in downtrends diff --git a/crypto/gogo2/training_results.png b/crypto/gogo2/training_results.png new file mode 100644 index 0000000..66a5388 Binary files /dev/null and b/crypto/gogo2/training_results.png differ diff --git a/crypto/gogo2/training_stats.csv b/crypto/gogo2/training_stats.csv new file mode 100644 index 0000000..5572e46 --- /dev/null +++ b/crypto/gogo2/training_stats.csv @@ -0,0 +1 @@ +episode_rewards,episode_lengths,balances,win_rates,episode_pnls,cumulative_pnl,drawdowns,prediction_accuracy diff --git a/crypto/gogo2/visualizations/training_episode_30.png b/crypto/gogo2/visualizations/training_episode_30.png new file mode 100644 index 0000000..d0ed5d0 Binary files /dev/null and b/crypto/gogo2/visualizations/training_episode_30.png differ